diff --git a/.dockerignore b/.dockerignore index da10b929bbf1260f01287b7abec2b980575de832..bf1b3a0378eee07e7e2d9a8480820a14bd5093da 100644 --- a/.dockerignore +++ b/.dockerignore @@ -6,12 +6,13 @@ !/style_bert_vits2/ !/bert/deberta-v2-large-japanese-char-wwm/ -!/common/ !/configs/ !/dict_data/default.csv !/model_assets/ +!/static/ !/config.py !/default_config.yml +!/initialize.py !/requirements.txt !/server_editor.py diff --git a/.gitattributes b/.gitattributes index 2b42df832268414c1be487a0572a00084d5a245c..a6344aac8c09253b3b630fb776ae94478aa0275b 100644 --- a/.gitattributes +++ b/.gitattributes @@ -1,7 +1,35 @@ -*.bat text eol=crlf -bert/*/*.bin filter=lfs diff=lfs merge=lfs -text -bert/*/*.h5 filter=lfs diff=lfs merge=lfs -text -bert/*/*.model filter=lfs diff=lfs merge=lfs -text -bert/*/*.safetensors filter=lfs diff=lfs merge=lfs -text -bert/*/*.msgpack filter=lfs diff=lfs merge=lfs -text -model_assets/chino filter=lfs diff=lfs merge=lfs -text \ No newline at end of file +*.7z filter=lfs diff=lfs merge=lfs -text +*.arrow filter=lfs diff=lfs merge=lfs -text +*.bin filter=lfs diff=lfs merge=lfs -text +*.bz2 filter=lfs diff=lfs merge=lfs -text +*.ckpt filter=lfs diff=lfs merge=lfs -text +*.ftz filter=lfs diff=lfs merge=lfs -text +*.gz filter=lfs diff=lfs merge=lfs -text +*.h5 filter=lfs diff=lfs merge=lfs -text +*.joblib filter=lfs diff=lfs merge=lfs -text +*.lfs.* filter=lfs diff=lfs merge=lfs -text +*.mlmodel filter=lfs diff=lfs merge=lfs -text +*.model filter=lfs diff=lfs merge=lfs -text +*.msgpack filter=lfs diff=lfs merge=lfs -text +*.npy filter=lfs diff=lfs merge=lfs -text +*.npz filter=lfs diff=lfs merge=lfs -text +*.onnx filter=lfs diff=lfs merge=lfs -text +*.ot filter=lfs diff=lfs merge=lfs -text +*.parquet filter=lfs diff=lfs merge=lfs -text +*.pb filter=lfs diff=lfs merge=lfs -text +*.pickle filter=lfs diff=lfs merge=lfs -text +*.pkl filter=lfs diff=lfs merge=lfs -text +*.pt filter=lfs diff=lfs merge=lfs -text +*.pth filter=lfs diff=lfs merge=lfs -text +*.rar filter=lfs diff=lfs merge=lfs -text +*.safetensors filter=lfs diff=lfs merge=lfs -text +saved_model/**/* filter=lfs diff=lfs merge=lfs -text +*.tar.* filter=lfs diff=lfs merge=lfs -text +*.tar filter=lfs diff=lfs merge=lfs -text +*.tflite filter=lfs diff=lfs merge=lfs -text +*.tgz filter=lfs diff=lfs merge=lfs -text +*.wasm filter=lfs diff=lfs merge=lfs -text +*.xz filter=lfs diff=lfs merge=lfs -text +*.zip filter=lfs diff=lfs merge=lfs -text +*.zst filter=lfs diff=lfs merge=lfs -text +*tfevents* filter=lfs diff=lfs merge=lfs -text diff --git a/.gitignore b/.gitignore index cc5fed4493cfc5ccc7484b898290a6c2cf855a7d..56e45a48a9347abee03acc8e604df779a1f991bc 100644 --- a/.gitignore +++ b/.gitignore @@ -1,21 +1,17 @@ +.vscode/ + __pycache__/ venv/ -.venv/ -dist/ -.coverage .ipynb_checkpoints/ -.ruff_cache/ /*.yml !/default_config.yml -/bert/*/*.bin +# /bert/*/*.bin /bert/*/*.h5 /bert/*/*.model /bert/*/*.safetensors /bert/*/*.msgpack -/configs/paths.yml - /pretrained/*.safetensors /pretrained/*.pth @@ -25,9 +21,6 @@ dist/ /slm/*/*.bin /scripts/test/ -/scripts/lib/ -/scripts/Style-Bert-VITS2/ -/scripts/sbv2/ *.zip *.csv *.bak @@ -35,7 +28,6 @@ dist/ safetensors.ipynb *.wav -/static/ # pyopenjtalk's dictionary *.dic diff --git a/Dockerfile b/Dockerfile index dd351d107fc09718557c27f63b24f5a8b987d5c6..368a79d101904bb1502107a502b6443a69b6e06a 100644 --- a/Dockerfile +++ b/Dockerfile @@ -20,4 +20,4 @@ COPY --chown=user . $HOME/app RUN pip install --no-cache-dir -r $HOME/app/requirements.txt # 必要に応じて制限を変更してください -CMD ["python", "server_editor.py", "--line_length", "50", "--line_count", "3"] +CMD ["python", "server_editor.py", "--line_length", "50", "--line_count", "3", "--skip_static_files", "--skip_default_models", "--port", "7860"] diff --git a/README.md b/README.md index ce06be2165a37bf7944522d2d1dc7953b7f58412..5a4ec98585f96163e93f68d7ea4c23ccd9915303 100644 --- a/README.md +++ b/README.md @@ -4,8 +4,7 @@ emoji: 🐰☕🎤 colorFrom: gray colorTo: yellow sdk: docker -app_file: server_editor.py pinned: false --- -Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference \ No newline at end of file +Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference diff --git a/bert/chinese-roberta-wwm-ext-large/pytorch_model.bin b/bert/chinese-roberta-wwm-ext-large/pytorch_model.bin new file mode 100644 index 0000000000000000000000000000000000000000..c99146ee87b5041ce25adbe69bbcbb99b9d46ce2 --- /dev/null +++ b/bert/chinese-roberta-wwm-ext-large/pytorch_model.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ac62d49144d770c5ca9a5d1d3039c4995665a080febe63198189857c6bd11cd +size 1306484351 diff --git a/bert/deberta-v2-large-japanese-char-wwm/pytorch_model.bin b/bert/deberta-v2-large-japanese-char-wwm/pytorch_model.bin new file mode 100644 index 0000000000000000000000000000000000000000..bfdf594911d2558901734173c459aef5f760ae37 --- /dev/null +++ b/bert/deberta-v2-large-japanese-char-wwm/pytorch_model.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf0dab8ad87bd7c22e85ec71e04f2240804fda6d33196157d6b5923af6ea1201 +size 1318456639 diff --git a/bert/deberta-v3-large/pytorch_model.bin b/bert/deberta-v3-large/pytorch_model.bin new file mode 100644 index 0000000000000000000000000000000000000000..58c54570f69df07db5d2ec51a8bd4c9572be61d4 --- /dev/null +++ b/bert/deberta-v3-large/pytorch_model.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd5b5d93e2db101aaf281df0ea1216c07ad73620ff59c5b42dccac4bf2eef5b5 +size 873673253 diff --git a/config.py b/config.py index 035aaa60ca5de4295745a5c2e8e8742ef8592039..a05cbd16e91bd209a09b17f46079c7507b63f7a6 100644 --- a/config.py +++ b/config.py @@ -2,9 +2,9 @@ @Desc: 全局配置文件读取 """ -import os import shutil -from typing import Dict, List +from pathlib import Path +from typing import Any import torch import yaml @@ -12,6 +12,12 @@ import yaml from style_bert_vits2.logging import logger +class PathConfig: + def __init__(self, dataset_root: str, assets_root: str): + self.dataset_root = Path(dataset_root) + self.assets_root = Path(assets_root) + + # If not cuda available, set possible devices to cpu cuda_available = torch.cuda.is_available() @@ -20,17 +26,17 @@ class Resample_config: """重采样配置""" def __init__(self, in_dir: str, out_dir: str, sampling_rate: int = 44100): - self.sampling_rate: int = sampling_rate # 目标采样率 - self.in_dir: str = in_dir # 待处理音频目录路径 - self.out_dir: str = out_dir # 重采样输出路径 + self.sampling_rate = sampling_rate # 目标采样率 + self.in_dir = Path(in_dir) # 待处理音频目录路径 + self.out_dir = Path(out_dir) # 重采样输出路径 @classmethod - def from_dict(cls, dataset_path: str, data: Dict[str, any]): + def from_dict(cls, dataset_path: Path, data: dict[str, Any]): """从字典中生成实例""" # 不检查路径是否有效,此逻辑在resample.py中处理 - data["in_dir"] = os.path.join(dataset_path, data["in_dir"]) - data["out_dir"] = os.path.join(dataset_path, data["out_dir"]) + data["in_dir"] = dataset_path / data["in_dir"] + data["out_dir"] = dataset_path / data["out_dir"] return cls(**data) @@ -49,39 +55,32 @@ class Preprocess_text_config: max_val_total: int = 10000, clean: bool = True, ): - self.transcription_path: str = ( - transcription_path # 原始文本文件路径,文本格式应为{wav_path}|{speaker_name}|{language}|{text}。 - ) - self.cleaned_path: str = ( - cleaned_path # 数据清洗后文本路径,可以不填。不填则将在原始文本目录生成 - ) - self.train_path: str = ( - train_path # 训练集路径,可以不填。不填则将在原始文本目录生成 - ) - self.val_path: str = ( - val_path # 验证集路径,可以不填。不填则将在原始文本目录生成 - ) - self.config_path: str = config_path # 配置文件路径 - self.val_per_lang: int = val_per_lang # 每个speaker的验证集条数 - self.max_val_total: int = ( - max_val_total # 验证集最大条数,多于的会被截断并放到训练集中 - ) - self.clean: bool = clean # 是否进行数据清洗 + self.transcription_path = Path(transcription_path) + self.train_path = Path(train_path) + if cleaned_path == "" or cleaned_path is None: + self.cleaned_path = self.transcription_path.with_name( + self.transcription_path.name + ".cleaned" + ) + else: + self.cleaned_path = Path(cleaned_path) + self.val_path = Path(val_path) + self.config_path = Path(config_path) + self.val_per_lang = val_per_lang + self.max_val_total = max_val_total + self.clean = clean @classmethod - def from_dict(cls, dataset_path: str, data: Dict[str, any]): + def from_dict(cls, dataset_path: Path, data: dict[str, Any]): """从字典中生成实例""" - data["transcription_path"] = os.path.join( - dataset_path, data["transcription_path"] - ) + data["transcription_path"] = dataset_path / data["transcription_path"] if data["cleaned_path"] == "" or data["cleaned_path"] is None: - data["cleaned_path"] = None + data["cleaned_path"] = "" else: - data["cleaned_path"] = os.path.join(dataset_path, data["cleaned_path"]) - data["train_path"] = os.path.join(dataset_path, data["train_path"]) - data["val_path"] = os.path.join(dataset_path, data["val_path"]) - data["config_path"] = os.path.join(dataset_path, data["config_path"]) + data["cleaned_path"] = dataset_path / data["cleaned_path"] + data["train_path"] = dataset_path / data["train_path"] + data["val_path"] = dataset_path / data["val_path"] + data["config_path"] = dataset_path / data["config_path"] return cls(**data) @@ -96,7 +95,7 @@ class Bert_gen_config: device: str = "cuda", use_multi_device: bool = False, ): - self.config_path = config_path + self.config_path = Path(config_path) self.num_processes = num_processes if not cuda_available: device = "cpu" @@ -104,8 +103,8 @@ class Bert_gen_config: self.use_multi_device = use_multi_device @classmethod - def from_dict(cls, dataset_path: str, data: Dict[str, any]): - data["config_path"] = os.path.join(dataset_path, data["config_path"]) + def from_dict(cls, dataset_path: Path, data: dict[str, Any]): + data["config_path"] = dataset_path / data["config_path"] return cls(**data) @@ -119,15 +118,15 @@ class Style_gen_config: num_processes: int = 4, device: str = "cuda", ): - self.config_path = config_path + self.config_path = Path(config_path) self.num_processes = num_processes if not cuda_available: device = "cpu" self.device = device @classmethod - def from_dict(cls, dataset_path: str, data: Dict[str, any]): - data["config_path"] = os.path.join(dataset_path, data["config_path"]) + def from_dict(cls, dataset_path: Path, data: dict[str, Any]): + data["config_path"] = dataset_path / data["config_path"] return cls(**data) @@ -138,7 +137,7 @@ class Train_ms_config: def __init__( self, config_path: str, - env: Dict[str, any], + env: dict[str, Any], # base: Dict[str, any], model_dir: str, num_workers: int, @@ -147,16 +146,18 @@ class Train_ms_config: ): self.env = env # 需要加载的环境变量 # self.base = base # 底模配置 - self.model_dir = model_dir # 训练模型存储目录,该路径为相对于dataset_path的路径,而非项目根目录 - self.config_path = config_path # 配置文件路径 + self.model_dir = Path( + model_dir + ) # 训练模型存储目录,该路径为相对于dataset_path的路径,而非项目根目录 + self.config_path = Path(config_path) # 配置文件路径 self.num_workers = num_workers # worker数量 self.spec_cache = spec_cache # 是否启用spec缓存 self.keep_ckpts = keep_ckpts # ckpt数量 @classmethod - def from_dict(cls, dataset_path: str, data: Dict[str, any]): + def from_dict(cls, dataset_path: Path, data: dict[str, Any]): # data["model"] = os.path.join(dataset_path, data["model"]) - data["config_path"] = os.path.join(dataset_path, data["config_path"]) + data["config_path"] = dataset_path / data["config_path"] return cls(**data) @@ -176,20 +177,18 @@ class Webui_config: ): if not cuda_available: device = "cpu" - self.device: str = device - self.model: str = model # 端口号 - self.config_path: str = config_path # 是否公开部署,对外网开放 - self.port: int = port # 是否开启debug模式 - self.share: bool = share # 模型路径 - self.debug: bool = debug # 配置文件路径 - self.language_identification_library: str = ( - language_identification_library # 语种识别库 - ) + self.device = device + self.model = Path(model) + self.config_path = Path(config_path) + self.port: int = port + self.share: bool = share + self.debug: bool = debug + self.language_identification_library: str = language_identification_library @classmethod - def from_dict(cls, dataset_path: str, data: Dict[str, any]): - data["config_path"] = os.path.join(dataset_path, data["config_path"]) - data["model"] = os.path.join(dataset_path, data["model"]) + def from_dict(cls, dataset_path: Path, data: dict[str, Any]): + data["config_path"] = dataset_path / data["config_path"] + data["model"] = dataset_path / data["model"] return cls(**data) @@ -200,7 +199,7 @@ class Server_config: device: str = "cuda", limit: int = 100, language: str = "JP", - origins: List[str] = None, + origins: list[str] = ["*"], ): self.port: int = port if not cuda_available: @@ -208,10 +207,10 @@ class Server_config: self.device: str = device self.language: str = language self.limit: int = limit - self.origins: List[str] = origins + self.origins: list[str] = origins @classmethod - def from_dict(cls, data: Dict[str, any]): + def from_dict(cls, data: dict[str, Any]): return cls(**data) @@ -223,32 +222,33 @@ class Translate_config: self.secret_key = secret_key @classmethod - def from_dict(cls, data: Dict[str, any]): + def from_dict(cls, data: dict[str, Any]): return cls(**data) class Config: - def __init__(self, config_path: str, path_config: dict[str, str]): - if not os.path.isfile(config_path) and os.path.isfile("default_config.yml"): + def __init__(self, config_path: str, path_config: PathConfig): + if not Path(config_path).exists(): shutil.copy(src="default_config.yml", dst=config_path) logger.info( f"A configuration file {config_path} has been generated based on the default configuration file default_config.yml." ) logger.info( - "If you have no special needs, please do not modify default_config.yml." + "Please do not modify default_config.yml. Instead, modify config.yml." ) # sys.exit(0) - with open(config_path, "r", encoding="utf-8") as file: - yaml_config: Dict[str, any] = yaml.safe_load(file.read()) + with open(config_path, encoding="utf-8") as file: + yaml_config: dict[str, Any] = yaml.safe_load(file.read()) model_name: str = yaml_config["model_name"] self.model_name: str = model_name if "dataset_path" in yaml_config: - dataset_path = yaml_config["dataset_path"] + dataset_path = Path(yaml_config["dataset_path"]) else: - dataset_path = os.path.join(path_config["dataset_root"], model_name) - self.dataset_path: str = dataset_path - self.assets_root: str = path_config["assets_root"] - self.out_dir = os.path.join(self.assets_root, model_name) + dataset_path = path_config.dataset_root / model_name + self.dataset_path = dataset_path + self.dataset_root = path_config.dataset_root + self.assets_root = path_config.assets_root + self.out_dir = self.assets_root / model_name self.resample_config: Resample_config = Resample_config.from_dict( dataset_path, yaml_config["resample"] ) @@ -277,16 +277,31 @@ class Config: # ) -with open(os.path.join("configs", "paths.yml"), "r", encoding="utf-8") as f: - path_config: dict[str, str] = yaml.safe_load(f.read()) - # Should contain the following keys: - # - dataset_root: the root directory of the dataset, default to "Data" - # - assets_root: the root directory of the assets, default to "model_assets" +# Load and initialize the configuration + + +def get_path_config() -> PathConfig: + path_config_path = Path("configs/paths.yml") + if not path_config_path.exists(): + shutil.copy(src="configs/default_paths.yml", dst=path_config_path) + logger.info( + f"A configuration file {path_config_path} has been generated based on the default configuration file default_paths.yml." + ) + logger.info( + "Please do not modify configs/default_paths.yml. Instead, modify configs/paths.yml." + ) + with open(path_config_path, encoding="utf-8") as file: + path_config_dict: dict[str, str] = yaml.safe_load(file.read()) + return PathConfig(**path_config_dict) + +def get_config() -> Config: + path_config = get_path_config() + try: + config = Config("config.yml", path_config) + except (TypeError, KeyError): + logger.warning("Old config.yml found. Replace it with default_config.yml.") + shutil.copy(src="default_config.yml", dst="config.yml") + config = Config("config.yml", path_config) -try: - config = Config("config.yml", path_config) -except (TypeError, KeyError): - logger.warning("Old config.yml found. Replace it with default_config.yml.") - shutil.copy(src="default_config.yml", dst="config.yml") - config = Config("config.yml", path_config) + return config diff --git a/configs/config.json b/configs/config.json index 2f3988b4f1799c8f4254151763617ac7e7620513..75629e9ea99064dc237cc991508966b6057eb0bf 100644 --- a/configs/config.json +++ b/configs/config.json @@ -69,5 +69,5 @@ "use_spectral_norm": false, "gin_channels": 256 }, - "version": "2.4.1" + "version": "2.5.0" } diff --git a/configs/config_jp_extra.json b/configs/config_jp_extra.json index d7548094b2248e4e3fb2017b522093eeb1ce768a..d7e135ad0cd8507346dec5d4487b3d396eff8dc5 100644 --- a/configs/config_jp_extra.json +++ b/configs/config_jp_extra.json @@ -76,5 +76,5 @@ "initial_channel": 64 } }, - "version": "2.4.1-JP-Extra" + "version": "2.5.0-JP-Extra" } diff --git a/configs/paths.yml b/configs/paths.yml new file mode 100644 index 0000000000000000000000000000000000000000..d743748f7f52d5c41f1487b53872143c2f010222 --- /dev/null +++ b/configs/paths.yml @@ -0,0 +1,8 @@ +# Root directory of the training dataset. +# The training dataset of {model_name} should be placed in {dataset_root}/{model_name}. +dataset_root: Data + +# Root directory of the model assets (for inference). +# In training, the model assets will be saved to {assets_root}/{model_name}, +# and in inference, we load all the models from {assets_root}. +assets_root: model_assets diff --git a/initialize.py b/initialize.py index 664d570550dfc50c75e74b8eb106153d72c07b03..267465e38d35f1da4ab4838ea7626aeef175fa1c 100644 --- a/initialize.py +++ b/initialize.py @@ -10,7 +10,7 @@ from style_bert_vits2.logging import logger def download_bert_models(): - with open("bert/bert_models.json", "r", encoding="utf-8") as fp: + with open("bert/bert_models.json", encoding="utf-8") as fp: models = json.load(fp) for k, v in models.items(): local_path = Path("bert").joinpath(k) @@ -50,7 +50,7 @@ def download_jp_extra_pretrained_models(): ) -def download_jvnv_models(): +def download_default_models(): files = [ "jvnv-F1-jp/config.json", "jvnv-F1-jp/jvnv-F1-jp_e160_s14000.safetensors", @@ -72,13 +72,33 @@ def download_jvnv_models(): "litagin/style_bert_vits2_jvnv", file, local_dir="model_assets", - local_dir_use_symlinks=False, ) + additional_files = { + "litagin/sbv2_koharune_ami": [ + "koharune-ami/config.json", + "koharune-ami/style_vectors.npy", + "koharune-ami/koharune-ami.safetensors", + ], + "litagin/sbv2_amitaro": [ + "amitaro/config.json", + "amitaro/style_vectors.npy", + "amitaro/amitaro.safetensors", + ], + } + for repo_id, files in additional_files.items(): + for file in files: + if not Path(f"model_assets/{file}").exists(): + logger.info(f"Downloading {file}") + hf_hub_download( + repo_id, + file, + local_dir="model_assets", + ) def main(): parser = argparse.ArgumentParser() - parser.add_argument("--skip_jvnv", action="store_true") + parser.add_argument("--skip_default_models", action="store_true") parser.add_argument("--only_infer", action="store_true") parser.add_argument( "--dataset_root", @@ -96,8 +116,8 @@ def main(): download_bert_models() - if not args.skip_jvnv: - download_jvnv_models() + if not args.skip_default_models: + download_default_models() if not args.only_infer: download_slm_model() download_pretrained_models() @@ -113,7 +133,7 @@ def main(): return # Change default paths if necessary - with open(paths_yml, "r", encoding="utf-8") as f: + with open(paths_yml, encoding="utf-8") as f: yml_data = yaml.safe_load(f) if args.assets_root is not None: yml_data["assets_root"] = args.assets_root diff --git a/model_assets/.gitignore b/model_assets/.gitignore index c96a04f008ee21e260b28f7701595ed59e2839e3..d0174bf5cc8cfcbfe85b80c1823ac74d1d65ef8a 100644 --- a/model_assets/.gitignore +++ b/model_assets/.gitignore @@ -1,2 +1,2 @@ -* -!.gitignore \ No newline at end of file +# * +!.gitignore diff --git a/model_assets/chino/chino_e100_s1300.safetensors b/model_assets/chino/chino_e100_s1300.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..9bccf27bdb9d6f8197f673410820d5b22b84f6f9 --- /dev/null +++ b/model_assets/chino/chino_e100_s1300.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bf17aba9aa64892da5648c4980ef4dbbe5cae43af74f1d4e65e7acd16fe72a4 +size 251150980 diff --git a/model_assets/chino/chino_e77_s1000.safetensors b/model_assets/chino/chino_e77_s1000.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..9d3eb556bd5085702ae88227c57bbf75ab549229 --- /dev/null +++ b/model_assets/chino/chino_e77_s1000.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd5b300872d0d0fe29c470a7af9c8d0b4b62ac90ea1bffbc914edbc32a93ed31 +size 251150980 diff --git a/model_assets/chino/config.json b/model_assets/chino/config.json new file mode 100644 index 0000000000000000000000000000000000000000..1b22eaa25e22cd562ef16209f78b2250bee1a877 --- /dev/null +++ b/model_assets/chino/config.json @@ -0,0 +1,118 @@ +{ + "model_name": "chino", + "train": { + "log_interval": 200, + "eval_interval": 1000, + "seed": 42, + "epochs": 100, + "learning_rate": 0.0001, + "betas": [ + 0.8, + 0.99 + ], + "eps": 1e-09, + "batch_size": 4, + "bf16_run": false, + "fp16_run": false, + "lr_decay": 0.99996, + "segment_size": 16384, + "init_lr_ratio": 1, + "warmup_epochs": 0, + "c_mel": 45, + "c_kl": 1.0, + "c_commit": 100, + "skip_optimizer": false, + "freeze_ZH_bert": false, + "freeze_JP_bert": false, + "freeze_EN_bert": false, + "freeze_emo": false, + "freeze_style": false, + "freeze_decoder": false + }, + "data": { + "use_jp_extra": true, + "training_files": "/content/drive/MyDrive/Style-Bert-VITS2/Data/chino/train.list", + "validation_files": "/content/drive/MyDrive/Style-Bert-VITS2/Data/chino/val.list", + "max_wav_value": 32768.0, + "sampling_rate": 44100, + "filter_length": 2048, + "hop_length": 512, + "win_length": 2048, + "n_mel_channels": 128, + "mel_fmin": 0.0, + "mel_fmax": null, + "add_blank": true, + "n_speakers": 1, + "cleaned_text": true, + "spk2id": { + "chino": 0 + }, + "num_styles": 1, + "style2id": { + "Neutral": 0 + } + }, + "model": { + "use_spk_conditioned_encoder": true, + "use_noise_scaled_mas": true, + "use_mel_posterior_encoder": false, + "use_duration_discriminator": false, + "use_wavlm_discriminator": true, + "inter_channels": 192, + "hidden_channels": 192, + "filter_channels": 768, + "n_heads": 2, + "n_layers": 6, + "kernel_size": 3, + "p_dropout": 0.1, + "resblock": "1", + "resblock_kernel_sizes": [ + 3, + 7, + 11 + ], + "resblock_dilation_sizes": [ + [ + 1, + 3, + 5 + ], + [ + 1, + 3, + 5 + ], + [ + 1, + 3, + 5 + ] + ], + "upsample_rates": [ + 8, + 8, + 2, + 2, + 2 + ], + "upsample_initial_channel": 512, + "upsample_kernel_sizes": [ + 16, + 16, + 8, + 2, + 2 + ], + "n_layers_q": 3, + "use_spectral_norm": false, + "gin_channels": 512, + "slm": { + "model": "./slm/wavlm-base-plus", + "sr": 16000, + "hidden": 768, + "nlayers": 13, + "initial_channel": 64 + } + }, + "version": "2.5.0-JP-Extra" +} \ No newline at end of file diff --git a/model_assets/chino/style_vectors.npy b/model_assets/chino/style_vectors.npy new file mode 100644 index 0000000000000000000000000000000000000000..9f8cfb96d934b926f5a90e71a64a34fa9526b4da --- /dev/null +++ b/model_assets/chino/style_vectors.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be5255f3a4cbe2e1420f883aebdf19b59aafbde0de0cba2c60d509ed9597a887 +size 1152 diff --git a/requirements.txt b/requirements.txt index d111e6910b27b65eb4484e02860149c192d648de..8d8b249f7513d75a9d63322339099268223a38ae 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,30 +1,24 @@ -cmudict -cn2an -faster-whisper==0.10.1 -g2p_en -GPUtil -gradio -jieba -langid -librosa==0.9.2 +# cmudict +# cn2an +# faster-whisper==0.10.1 +fastapi +# g2p_en +# GPUtil +# gradio +# jieba +# librosa==0.9.2 loguru -matplotlib num2words -numba -numpy -psutil +# protobuf==4.25 +# psutil +# punctuators pyannote.audio>=3.1.0 -pydantic>=2.0 -pyloudnorm -# pyopenjtalk-prebuilt # Should be manually uninstalled +# pyloudnorm pyopenjtalk-dict -pypinyin +# pypinyin pyworld-prebuilt -PyYAML -requests -safetensors -scipy -tensorboard -torch>=2.1 +# stable_ts +# tensorboard +torch transformers -umap-learn +# umap-learn diff --git a/server_editor.py b/server_editor.py index c6f856e2f6cc04d72ad4f9f77249ee259f014cac..8caea47e503f8aa0a4b6afac4a3fac70686bd53c 100644 --- a/server_editor.py +++ b/server_editor.py @@ -22,7 +22,6 @@ import numpy as np import requests import torch import uvicorn -import yaml from fastapi import APIRouter, FastAPI, HTTPException, status from fastapi.middleware.cors import CORSMiddleware from fastapi.responses import JSONResponse, Response @@ -30,6 +29,8 @@ from fastapi.staticfiles import StaticFiles from pydantic import BaseModel from scipy.io import wavfile +from config import get_path_config +from initialize import download_default_models from style_bert_vits2.constants import ( DEFAULT_ASSIST_TEXT_WEIGHT, DEFAULT_NOISE, @@ -127,7 +128,7 @@ def download_and_extract(url, extract_to: Path): def new_release_available(latest_release): if LAST_DOWNLOAD_FILE.exists(): - with open(LAST_DOWNLOAD_FILE, "r") as file: + with open(LAST_DOWNLOAD_FILE) as file: last_download_str = file.read().strip() # 'Z'を除去して日時オブジェクトに変換 last_download_str = last_download_str.replace("Z", "+00:00") @@ -174,35 +175,32 @@ origins = [ "http://127.0.0.1:8000", ] -# Get path settings -with open(Path("configs/paths.yml"), "r", encoding="utf-8") as f: - path_config: dict[str, str] = yaml.safe_load(f.read()) - # dataset_root = path_config["dataset_root"] - assets_root = path_config["assets_root"] - +path_config = get_path_config() parser = argparse.ArgumentParser() -parser.add_argument("--model_dir", type=str, default="model_assets/") +parser.add_argument("--model_dir", type=str, default=path_config.assets_root) parser.add_argument("--device", type=str, default="cuda") parser.add_argument("--port", type=int, default=8000) parser.add_argument("--inbrowser", action="store_true") parser.add_argument("--line_length", type=int, default=None) parser.add_argument("--line_count", type=int, default=None) -parser.add_argument( - "--dir", "-d", type=str, help="Model directory", default=assets_root -) - +parser.add_argument("--skip_default_models", action="store_true") +parser.add_argument("--skip_static_files", action="store_true") args = parser.parse_args() device = args.device if device == "cuda" and not torch.cuda.is_available(): device = "cpu" model_dir = Path(args.model_dir) port = int(args.port) +if not args.skip_default_models: + download_default_models() +skip_static_files = bool(args.skip_static_files) model_holder = TTSModelHolder(model_dir, device) if len(model_holder.model_names) == 0: logger.error(f"Models not found in {model_dir}.") sys.exit(1) + app = FastAPI() @@ -444,7 +442,8 @@ def delete_user_dict_word(uuid: str): app.include_router(router, prefix="/api") if __name__ == "__main__": - download_static_files("litagin02", "Style-Bert-VITS2-Editor", "out.zip") + if not skip_static_files: + download_static_files("litagin02", "Style-Bert-VITS2-Editor", "out.zip") app.mount("/", StaticFiles(directory=STATIC_DIR, html=True), name="static") if args.inbrowser: webbrowser.open(f"http://localhost:{port}") diff --git a/static/404.html b/static/404.html new file mode 100644 index 0000000000000000000000000000000000000000..923048411ec5f5b82c7a6030e13c27328ca87472 --- /dev/null +++ b/static/404.html @@ -0,0 +1 @@ +404: This page could not be found.Style-Bert-VITS2 エディター

404

This page could not be found.

\ No newline at end of file diff --git a/static/_next/static/5sIh7x1fy_U22OjLKhYMc/_buildManifest.js b/static/_next/static/5sIh7x1fy_U22OjLKhYMc/_buildManifest.js new file mode 100644 index 0000000000000000000000000000000000000000..c90914ddcc2e6f9b6900e9d7b2c6fd94113c08cd --- /dev/null +++ b/static/_next/static/5sIh7x1fy_U22OjLKhYMc/_buildManifest.js @@ -0,0 +1 @@ +self.__BUILD_MANIFEST={__rewrites:{afterFiles:[],beforeFiles:[],fallback:[]},"/_error":["static/chunks/pages/_error-1be831200e60c5c0.js"],sortedPages:["/_app","/_error"]},self.__BUILD_MANIFEST_CB&&self.__BUILD_MANIFEST_CB(); \ No newline at end of file diff --git a/static/_next/static/5sIh7x1fy_U22OjLKhYMc/_ssgManifest.js b/static/_next/static/5sIh7x1fy_U22OjLKhYMc/_ssgManifest.js new file mode 100644 index 0000000000000000000000000000000000000000..5b3ff592fd46c8736892a12864fdf3fed8775202 --- /dev/null +++ b/static/_next/static/5sIh7x1fy_U22OjLKhYMc/_ssgManifest.js @@ -0,0 +1 @@ +self.__SSG_MANIFEST=new Set([]);self.__SSG_MANIFEST_CB&&self.__SSG_MANIFEST_CB() \ No newline at end of file diff --git a/static/_next/static/chunks/154-fb54c66a309416b5.js b/static/_next/static/chunks/154-fb54c66a309416b5.js new file mode 100644 index 0000000000000000000000000000000000000000..012f779926cca898a833244a9ffb350d50d28781 --- /dev/null +++ b/static/_next/static/chunks/154-fb54c66a309416b5.js @@ -0,0 +1,14 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[154],{6309:function(e,t,r){r.d(t,{Z:function(){return G}});var n=function(){function e(e){var t=this;this._insertTag=function(e){var r;r=0===t.tags.length?t.insertionPoint?t.insertionPoint.nextSibling:t.prepend?t.container.firstChild:t.before:t.tags[t.tags.length-1].nextSibling,t.container.insertBefore(e,r),t.tags.push(e)},this.isSpeedy=void 0===e.speedy||e.speedy,this.tags=[],this.ctr=0,this.nonce=e.nonce,this.key=e.key,this.container=e.container,this.prepend=e.prepend,this.insertionPoint=e.insertionPoint,this.before=null}var t=e.prototype;return t.hydrate=function(e){e.forEach(this._insertTag)},t.insert=function(e){if(this.ctr%(this.isSpeedy?65e3:1)==0){var t;this._insertTag(((t=document.createElement("style")).setAttribute("data-emotion",this.key),void 0!==this.nonce&&t.setAttribute("nonce",this.nonce),t.appendChild(document.createTextNode("")),t.setAttribute("data-s",""),t))}var r=this.tags[this.tags.length-1];if(this.isSpeedy){var n=function(e){if(e.sheet)return e.sheet;for(var t=0;t0?h[k]+" "+w:s(w,/&\f/g,h[k])).trim())&&(f[x++]=Z);return v(e,t,r,0===i?_:c,f,p,d)}function I(e,t,r,n){return v(e,t,r,T,u(e,0,n),u(e,n+1,-1),n)}var z=function(e,t,r){for(var n=0,o=0;n=o,o=w(),38===n&&12===o&&(t[r]=1),!Z(o);)k();return u(b,e,y)},B=function(e,t){var r=-1,n=44;do switch(Z(n)){case 0:38===n&&12===w()&&(t[r]=1),e[r]+=z(y-1,t,r);break;case 2:e[r]+=S(n);break;case 4:if(44===n){e[++r]=58===w()?"&\f":"",t[r]=e[r].length;break}default:e[r]+=i(n)}while(n=k());return e},N=function(e,t){var r;return r=B(A(e),t),b="",r},L=new WeakMap,F=function(e){if("rule"===e.type&&e.parent&&!(e.length<1)){for(var t=e.value,r=e.parent,n=e.column===r.column&&e.line===r.line;"rule"!==r.type;)if(!(r=r.parent))return;if((1!==e.props.length||58===t.charCodeAt(0)||L.get(r))&&!n){L.set(e,!0);for(var o=[],i=N(t,o),a=r.props,s=0,l=0;s-1&&!e.return)switch(e.type){case T:e.return=function e(t,r){switch(45^c(t,0)?(((r<<2^c(t,0))<<2^c(t,1))<<2^c(t,2))<<2^c(t,3):0){case 5103:return C+"print-"+t+t;case 5737:case 4201:case 3177:case 3433:case 1641:case 4457:case 2921:case 5572:case 6356:case 5844:case 3191:case 6645:case 3005:case 6391:case 5879:case 5623:case 6135:case 4599:case 4855:case 4215:case 6389:case 5109:case 5365:case 5621:case 3829:return C+t+t;case 5349:case 4246:case 4810:case 6968:case 2756:return C+t+P+t+O+t+t;case 6828:case 4268:return C+t+O+t+t;case 6165:return C+t+O+"flex-"+t+t;case 5187:return C+t+s(t,/(\w+).+(:[^]+)/,C+"box-$1$2"+O+"flex-$1$2")+t;case 5443:return C+t+O+"flex-item-"+s(t,/flex-|-self/,"")+t;case 4675:return C+t+O+"flex-line-pack"+s(t,/align-content|flex-|-self/,"")+t;case 5548:return C+t+O+s(t,"shrink","negative")+t;case 5292:return C+t+O+s(t,"basis","preferred-size")+t;case 6060:return C+"box-"+s(t,"-grow","")+C+t+O+s(t,"grow","positive")+t;case 4554:return C+s(t,/([^-])(transform)/g,"$1"+C+"$2")+t;case 6187:return s(s(s(t,/(zoom-|grab)/,C+"$1"),/(image-set)/,C+"$1"),t,"")+t;case 5495:case 3959:return s(t,/(image-set\([^]*)/,C+"$1$`$1");case 4968:return s(s(t,/(.+:)(flex-)?(.*)/,C+"box-pack:$3"+O+"flex-pack:$3"),/s.+-b[^;]+/,"justify")+C+t+t;case 4095:case 3583:case 4068:case 2532:return s(t,/(.+)-inline(.+)/,C+"$1$2")+t;case 8116:case 7059:case 5753:case 5535:case 5445:case 5701:case 4933:case 4677:case 5533:case 5789:case 5021:case 4765:if(f(t)-1-r>6)switch(c(t,r+1)){case 109:if(45!==c(t,r+4))break;case 102:return s(t,/(.+:)(.+)-([^]+)/,"$1"+C+"$2-$3$1"+P+(108==c(t,r+3)?"$3":"$2-$3"))+t;case 115:return~l(t,"stretch")?e(s(t,"stretch","fill-available"),r)+t:t}break;case 4949:if(115!==c(t,r+1))break;case 6444:switch(c(t,f(t)-3-(~l(t,"!important")&&10))){case 107:return s(t,":",":"+C)+t;case 101:return s(t,/(.+:)([^;!]+)(;|!.+)?/,"$1"+C+(45===c(t,14)?"inline-":"")+"box$3$1"+C+"$2$3$1"+O+"$2box$3")+t}break;case 5936:switch(c(t,r+11)){case 114:return C+t+O+s(t,/[svh]\w+-[tblr]{2}/,"tb")+t;case 108:return C+t+O+s(t,/[svh]\w+-[tblr]{2}/,"tb-rl")+t;case 45:return C+t+O+s(t,/[svh]\w+-[tblr]{2}/,"lr")+t}return C+t+O+t+t}return t}(e.value,e.length);break;case j:return R([x(e,{value:s(e.value,"@","@"+C)})],n);case _:if(e.length){var o,i;return o=e.props,i=function(t){var r;switch(r=t,(r=/(::plac\w+|:read-\w+)/.exec(r))?r[0]:r){case":read-only":case":read-write":return R([x(e,{props:[s(t,/:(read-\w+)/,":"+P+"$1")]})],n);case"::placeholder":return R([x(e,{props:[s(t,/:(plac\w+)/,":"+C+"input-$1")]}),x(e,{props:[s(t,/:(plac\w+)/,":"+P+"$1")]}),x(e,{props:[s(t,/:(plac\w+)/,O+"input-$1")]})],n)}return""},o.map(i).join("")}}}],G=function(e){var t,r,o,a,h,x,O=e.key;if("css"===O){var P=document.querySelectorAll("style[data-emotion]:not([data-s])");Array.prototype.forEach.call(P,function(e){-1!==e.getAttribute("data-emotion").indexOf(" ")&&(document.head.appendChild(e),e.setAttribute("data-s",""))})}var C=e.stylisPlugins||K,_={},T=[];a=e.container||document.head,Array.prototype.forEach.call(document.querySelectorAll('style[data-emotion^="'+O+' "]'),function(e){for(var t=e.getAttribute("data-emotion").split(" "),r=1;r2||Z(g)>3?"":" "}(E);break;case 92:H+=function(e,t){for(var r;--t&&k()&&!(g<48)&&!(g>102)&&(!(g>57)||!(g<65))&&(!(g>70)||!(g<97)););return r=y+(t<6&&32==w()&&32==k()),u(b,e,r)}(y-1,7);continue;case 47:switch(w()){case 42:case 47:p(v(P=function(e,t){for(;k();)if(e+g===57)break;else if(e+g===84&&47===w())break;return"/*"+u(b,t,y-1)+"*"+i(47===e?e:k())}(k(),y),r,n,$,i(g),u(P,2,-2),0),O);break;default:H+="/"}break;case 123*z:A[C++]=f(H)*N;case 125*z:case 59:case 0:switch(L){case 0:case 125:B=0;case 59+_:-1==N&&(H=s(H,/\f/g,"")),R>0&&f(H)-T&&p(R>32?I(H+";",o,n,T-1):I(s(H," ","")+";",o,n,T-2),O);break;case 59:H+=";";default:if(p(G=M(H,r,n,C,_,a,A,F,W=[],K=[],T),h),123===L){if(0===_)e(H,r,G,G,W,h,T,A,K);else switch(99===j&&110===c(H,3)?100:j){case 100:case 108:case 109:case 115:e(t,G,G,o&&p(M(t,G,G,0,0,a,A,F,a,W=[],T),K),a,K,T,A,o?W:K);break;default:e(H,G,G,G,[""],K,0,A,K)}}}C=_=R=0,z=N=1,F=H="",T=x;break;case 58:T=1+f(H),R=E;default:if(z<1){if(123==L)--z;else if(125==L&&0==z++&&125==(g=y>0?c(b,--y):0,m--,10===g&&(m=1,d--),g))continue}switch(H+=i(L),L*z){case 38:N=_>0?1:(H+="\f",-1);break;case 44:A[C++]=(f(H)-1)*N,N=1;break;case 64:45===w()&&(H+=S(k())),j=w(),_=T=f(F=H+=function(e){for(;!Z(w());)k();return u(b,e,y)}(y)),L++;break;case 45:45===E&&2==f(H)&&(z=0)}}return h}("",null,null,null,[""],t=A(t=e),0,[0],t),b="",r),j)};h=function(e,t,r,n){x=r,z(e?e+"{"+t.styles+"}":t.styles),n&&(B.inserted[t.name]=!0)};var B={key:O,sheet:new n({key:O,container:a,nonce:e.nonce,speedy:e.speedy,prepend:e.prepend,insertionPoint:e.insertionPoint}),nonce:e.nonce,inserted:_,registered:{},insert:h};return B.sheet.hydrate(T),B}},5206:function(e,t,r){r.d(t,{Z:function(){return n}});function n(e){var t=Object.create(null);return function(r){return void 0===t[r]&&(t[r]=e(r)),t[r]}}},2606:function(e,t,r){r.d(t,{C:function(){return s},T:function(){return c},i:function(){return i},w:function(){return l}});var n=r(2265),o=r(6309);r(7595),r(1073);var i=!0,a=n.createContext("undefined"!=typeof HTMLElement?(0,o.Z)({key:"css"}):null),s=a.Provider,l=function(e){return(0,n.forwardRef)(function(t,r){return e(t,(0,n.useContext)(a),r)})};i||(l=function(e){return function(t){var r=(0,n.useContext)(a);return null===r?(r=(0,o.Z)({key:"css"}),n.createElement(a.Provider,{value:r},e(t,r))):e(t,r)}});var c=n.createContext({})},3098:function(e,t,r){r.d(t,{F4:function(){return u},iv:function(){return c},xB:function(){return l}});var n=r(2606),o=r(2265),i=r(9926),a=r(1073),s=r(7595);r(6309),r(6451);var l=(0,n.w)(function(e,t){var r=e.styles,l=(0,s.O)([r],void 0,o.useContext(n.T));if(!n.i){for(var c,u=l.name,f=l.styles,p=l.next;void 0!==p;)u+=" "+p.name,f+=p.styles,p=p.next;var d=!0===t.compat,m=t.insert("",{name:u,styles:f},t.sheet,d);return d?null:o.createElement("style",((c={})["data-emotion"]=t.key+"-global "+u,c.dangerouslySetInnerHTML={__html:m},c.nonce=t.sheet.nonce,c))}var h=o.useRef();return(0,a.j)(function(){var e=t.key+"-global",r=new t.sheet.constructor({key:e,nonce:t.sheet.nonce,container:t.sheet.container,speedy:t.sheet.isSpeedy}),n=!1,o=document.querySelector('style[data-emotion="'+e+" "+l.name+'"]');return t.sheet.tags.length&&(r.before=t.sheet.tags[0]),null!==o&&(n=!0,o.setAttribute("data-emotion",e),r.hydrate([o])),h.current=[r,n],function(){r.flush()}},[t]),(0,a.j)(function(){var e=h.current,r=e[0];if(e[1]){e[1]=!1;return}if(void 0!==l.next&&(0,i.My)(t,l.next,!0),r.tags.length){var n=r.tags[r.tags.length-1].nextElementSibling;r.before=n,r.flush()}t.insert("",l,r,!1)},[t,l.name]),null});function c(){for(var e=arguments.length,t=Array(e),r=0;r=4;++n,o-=4)t=(65535&(t=255&e.charCodeAt(n)|(255&e.charCodeAt(++n))<<8|(255&e.charCodeAt(++n))<<16|(255&e.charCodeAt(++n))<<24))*1540483477+((t>>>16)*59797<<16),t^=t>>>24,r=(65535&t)*1540483477+((t>>>16)*59797<<16)^(65535&r)*1540483477+((r>>>16)*59797<<16);switch(o){case 3:r^=(255&e.charCodeAt(n+2))<<16;case 2:r^=(255&e.charCodeAt(n+1))<<8;case 1:r^=255&e.charCodeAt(n),r=(65535&r)*1540483477+((r>>>16)*59797<<16)}return r^=r>>>13,(((r=(65535&r)*1540483477+((r>>>16)*59797<<16))^r>>>15)>>>0).toString(36)}(a)+c,styles:a,next:n}}},1073:function(e,t,r){r.d(t,{L:function(){return a},j:function(){return s}});var n,o=r(2265),i=!!(n||(n=r.t(o,2))).useInsertionEffect&&(n||(n=r.t(o,2))).useInsertionEffect,a=i||function(e){return e()},s=i||o.useLayoutEffect},9926:function(e,t,r){function n(e,t,r){var n="";return r.split(" ").forEach(function(r){void 0!==e[r]?t.push(e[r]+";"):n+=r+" "}),n}r.d(t,{My:function(){return i},fp:function(){return n},hC:function(){return o}});var o=function(e,t,r){var n=e.key+"-"+t.name;!1===r&&void 0===e.registered[n]&&(e.registered[n]=t.styles)},i=function(e,t,r){o(e,t,r);var n=e.key+"-"+t.name;if(void 0===e.inserted[t.name]){var i=t;do e.insert(t===i?"."+n:"",i,e.sheet,!0),i=i.next;while(void 0!==i)}}},1523:function(e,t,r){r.d(t,{Z:function(){return o}});var n=r(2988);function o(e,t){return(0,n.Z)({toolbar:{minHeight:56,[e.up("xs")]:{"@media (orientation: landscape)":{minHeight:48}},[e.up("sm")]:{minHeight:64}}},t)}},8285:function(e,t,r){r.d(t,{A:function(){return T},Z:function(){return j}});var n=r(2988),o=r(3950),i=r(2414),a=r(6529),s=r(2501),l=r(9626),c=r(7267),u=r(1523),f=r(2305),p={black:"#000",white:"#fff"},d={50:"#fafafa",100:"#f5f5f5",200:"#eeeeee",300:"#e0e0e0",400:"#bdbdbd",500:"#9e9e9e",600:"#757575",700:"#616161",800:"#424242",900:"#212121",A100:"#f5f5f5",A200:"#eeeeee",A400:"#bdbdbd",A700:"#616161"},m={50:"#f3e5f5",100:"#e1bee7",200:"#ce93d8",300:"#ba68c8",400:"#ab47bc",500:"#9c27b0",600:"#8e24aa",700:"#7b1fa2",800:"#6a1b9a",900:"#4a148c",A100:"#ea80fc",A200:"#e040fb",A400:"#d500f9",A700:"#aa00ff"},h={50:"#ffebee",100:"#ffcdd2",200:"#ef9a9a",300:"#e57373",400:"#ef5350",500:"#f44336",600:"#e53935",700:"#d32f2f",800:"#c62828",900:"#b71c1c",A100:"#ff8a80",A200:"#ff5252",A400:"#ff1744",A700:"#d50000"},y={50:"#fff3e0",100:"#ffe0b2",200:"#ffcc80",300:"#ffb74d",400:"#ffa726",500:"#ff9800",600:"#fb8c00",700:"#f57c00",800:"#ef6c00",900:"#e65100",A100:"#ffd180",A200:"#ffab40",A400:"#ff9100",A700:"#ff6d00"},g={50:"#e3f2fd",100:"#bbdefb",200:"#90caf9",300:"#64b5f6",400:"#42a5f5",500:"#2196f3",600:"#1e88e5",700:"#1976d2",800:"#1565c0",900:"#0d47a1",A100:"#82b1ff",A200:"#448aff",A400:"#2979ff",A700:"#2962ff"},b={50:"#e1f5fe",100:"#b3e5fc",200:"#81d4fa",300:"#4fc3f7",400:"#29b6f6",500:"#03a9f4",600:"#039be5",700:"#0288d1",800:"#0277bd",900:"#01579b",A100:"#80d8ff",A200:"#40c4ff",A400:"#00b0ff",A700:"#0091ea"},v={50:"#e8f5e9",100:"#c8e6c9",200:"#a5d6a7",300:"#81c784",400:"#66bb6a",500:"#4caf50",600:"#43a047",700:"#388e3c",800:"#2e7d32",900:"#1b5e20",A100:"#b9f6ca",A200:"#69f0ae",A400:"#00e676",A700:"#00c853"};let x=["mode","contrastThreshold","tonalOffset"],k={text:{primary:"rgba(0, 0, 0, 0.87)",secondary:"rgba(0, 0, 0, 0.6)",disabled:"rgba(0, 0, 0, 0.38)"},divider:"rgba(0, 0, 0, 0.12)",background:{paper:p.white,default:p.white},action:{active:"rgba(0, 0, 0, 0.54)",hover:"rgba(0, 0, 0, 0.04)",hoverOpacity:.04,selected:"rgba(0, 0, 0, 0.08)",selectedOpacity:.08,disabled:"rgba(0, 0, 0, 0.26)",disabledBackground:"rgba(0, 0, 0, 0.12)",disabledOpacity:.38,focus:"rgba(0, 0, 0, 0.12)",focusOpacity:.12,activatedOpacity:.12}},w={text:{primary:p.white,secondary:"rgba(255, 255, 255, 0.7)",disabled:"rgba(255, 255, 255, 0.5)",icon:"rgba(255, 255, 255, 0.5)"},divider:"rgba(255, 255, 255, 0.12)",background:{paper:"#121212",default:"#121212"},action:{active:p.white,hover:"rgba(255, 255, 255, 0.08)",hoverOpacity:.08,selected:"rgba(255, 255, 255, 0.16)",selectedOpacity:.16,disabled:"rgba(255, 255, 255, 0.3)",disabledBackground:"rgba(255, 255, 255, 0.12)",disabledOpacity:.38,focus:"rgba(255, 255, 255, 0.12)",focusOpacity:.12,activatedOpacity:.24}};function Z(e,t,r,n){let o=n.light||n,i=n.dark||1.5*n;e[t]||(e.hasOwnProperty(r)?e[t]=e[r]:"light"===t?e.light=(0,f.$n)(e.main,o):"dark"===t&&(e.dark=(0,f._j)(e.main,i)))}var A=r(5032);function S(){for(var e=arguments.length,t=Array(e),r=0;r0&&void 0!==arguments[0]?arguments[0]:{};for(var t=arguments.length,r=Array(t>1?t-1:0),S=1;S0&&void 0!==arguments[0]?arguments[0]:"light";return"dark"===e?{main:g[200],light:g[50],dark:g[400]}:{main:g[700],light:g[400],dark:g[800]}}(t),u=e.secondary||function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:"light";return"dark"===e?{main:m[200],light:m[50],dark:m[400]}:{main:m[500],light:m[300],dark:m[700]}}(t),A=e.error||function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:"light";return"dark"===e?{main:h[500],light:h[300],dark:h[700]}:{main:h[700],light:h[400],dark:h[800]}}(t),S=e.info||function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:"light";return"dark"===e?{main:b[400],light:b[300],dark:b[700]}:{main:b[700],light:b[500],dark:b[900]}}(t),O=e.success||function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:"light";return"dark"===e?{main:v[400],light:v[300],dark:v[700]}:{main:v[800],light:v[500],dark:v[900]}}(t),P=e.warning||function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:"light";return"dark"===e?{main:y[400],light:y[300],dark:y[700]}:{main:"#ed6c02",light:y[500],dark:y[900]}}(t);function C(e){return(0,f.mi)(e,w.text.primary)>=r?w.text.primary:k.text.primary}let $=e=>{let{color:t,name:r,mainShade:o=500,lightShade:a=300,darkShade:l=700}=e;if(!(t=(0,n.Z)({},t)).main&&t[o]&&(t.main=t[o]),!t.hasOwnProperty("main"))throw Error((0,i.Z)(11,r?" (".concat(r,")"):"",o));if("string"!=typeof t.main)throw Error((0,i.Z)(12,r?" (".concat(r,")"):"",JSON.stringify(t.main)));return Z(t,"light",a,s),Z(t,"dark",l,s),t.contrastText||(t.contrastText=C(t.main)),t};return(0,a.Z)((0,n.Z)({common:(0,n.Z)({},p),mode:t,primary:$({color:c,name:"primary"}),secondary:$({color:u,name:"secondary",mainShade:"A400",lightShade:"A200",darkShade:"A700"}),error:$({color:A,name:"error"}),warning:$({color:P,name:"warning"}),info:$({color:S,name:"info"}),success:$({color:O,name:"success"}),grey:d,contrastThreshold:r,getContrastText:C,augmentColor:$,tonalOffset:s},{dark:w,light:k}[t]),l)}(T),I=(0,s.Z)(e),z=(0,a.Z)(I,{mixins:(0,u.Z)(I.breakpoints,_),palette:M,shadows:O.slice(),typography:(0,A.Z)(M,R),transitions:(0,P.ZP)(j),zIndex:(0,n.Z)({},C)});return z=(0,a.Z)(z,E),(z=r.reduce((e,t)=>(0,a.Z)(e,t),z)).unstable_sxConfig=(0,n.Z)({},l.Z,null==E?void 0:E.unstable_sxConfig),z.unstable_sx=function(e){return(0,c.Z)({sx:e,theme:this})},z}function T(){for(var e=arguments.length,t=Array(e),r=0;r0&&void 0!==arguments[0]?arguments[0]:["all"],o=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},{duration:a=r.standard,easing:s=t.easeInOut,delay:c=0}=o;return(0,n.Z)(o,i),(Array.isArray(e)?e:[e]).map(e=>"".concat(e," ").concat("string"==typeof a?a:l(a)," ").concat(s," ").concat("string"==typeof c?c:l(c))).join(",")}},e,{easing:t,duration:r})}},5032:function(e,t,r){r.d(t,{Z:function(){return c}});var n=r(2988),o=r(3950),i=r(6529);let a=["fontFamily","fontSize","fontWeightLight","fontWeightRegular","fontWeightMedium","fontWeightBold","htmlFontSize","allVariants","pxToRem"],s={textTransform:"uppercase"},l='"Roboto", "Helvetica", "Arial", sans-serif';function c(e,t){let r="function"==typeof t?t(e):t,{fontFamily:c=l,fontSize:u=14,fontWeightLight:f=300,fontWeightRegular:p=400,fontWeightMedium:d=500,fontWeightBold:m=700,htmlFontSize:h=16,allVariants:y,pxToRem:g}=r,b=(0,o.Z)(r,a),v=u/14,x=g||(e=>"".concat(e/h*v,"rem")),k=(e,t,r,o,i)=>(0,n.Z)({fontFamily:c,fontWeight:e,fontSize:x(t),lineHeight:r},c===l?{letterSpacing:"".concat(Math.round(o/t*1e5)/1e5,"em")}:{},i,y),w={h1:k(f,96,1.167,-1.5),h2:k(f,60,1.2,-.5),h3:k(p,48,1.167,0),h4:k(p,34,1.235,.25),h5:k(p,24,1.334,0),h6:k(d,20,1.6,.15),subtitle1:k(p,16,1.75,.15),subtitle2:k(d,14,1.57,.1),body1:k(p,16,1.5,.15),body2:k(p,14,1.43,.15),button:k(d,14,1.75,.4,s),caption:k(p,12,1.66,.4),overline:k(p,12,2.66,1,s),inherit:{fontFamily:"inherit",fontWeight:"inherit",fontSize:"inherit",lineHeight:"inherit",letterSpacing:"inherit"}};return(0,i.Z)((0,n.Z)({htmlFontSize:h,pxToRem:x,fontFamily:c,fontSize:u,fontWeightLight:f,fontWeightRegular:p,fontWeightMedium:d,fontWeightBold:m},w),b,{clone:!1})}},7547:function(e,t,r){let n=(0,r(8285).Z)();t.Z=n},1931:function(e,t){t.Z=e=>((e<1?5.11916*e**2:4.5*Math.log(e+1)+2)/100).toFixed(2)},2737:function(e,t){t.Z="$$material"},8024:function(e,t,r){r.d(t,{Dz:function(){return s},FO:function(){return a}});var n=r(7906),o=r(7547),i=r(2737);let a=e=>(0,n.x9)(e)&&"classes"!==e,s=n.x9,l=(0,n.ZP)({themeId:i.Z,defaultTheme:o.Z,rootShouldForwardProp:a});t.ZP=l},2960:function(e,t,r){r.d(t,{Z:function(){return a}}),r(2265);var n=r(4874),o=r(7547),i=r(2737);function a(){let e=(0,n.Z)(o.Z);return e[i.Z]||e}},9281:function(e,t,r){r.d(t,{Z:function(){return a}});var n=r(4999),o=r(7547),i=r(2737);function a(e){let{props:t,name:r}=e;return(0,n.Z)({props:t,name:r,defaultTheme:o.Z,themeId:i.Z})}},6003:function(e,t,r){r.d(t,{Z:function(){return i}}),r(2265);var n=r(3098),o=r(7437);function i(e){let{styles:t,defaultTheme:r={}}=e,i="function"==typeof t?e=>t(null==e||0===Object.keys(e).length?r:e):t;return(0,o.jsx)(n.xB,{styles:i})}},3992:function(e,t,r){r.d(t,{ZP:function(){return g},Co:function(){return b}});var n=r(2988),o=r(2265),i=r(5206),a=/^((children|dangerouslySetInnerHTML|key|ref|autoFocus|defaultValue|defaultChecked|innerHTML|suppressContentEditableWarning|suppressHydrationWarning|valueLink|abbr|accept|acceptCharset|accessKey|action|allow|allowUserMedia|allowPaymentRequest|allowFullScreen|allowTransparency|alt|async|autoComplete|autoPlay|capture|cellPadding|cellSpacing|challenge|charSet|checked|cite|classID|className|cols|colSpan|content|contentEditable|contextMenu|controls|controlsList|coords|crossOrigin|data|dateTime|decoding|default|defer|dir|disabled|disablePictureInPicture|download|draggable|encType|enterKeyHint|form|formAction|formEncType|formMethod|formNoValidate|formTarget|frameBorder|headers|height|hidden|high|href|hrefLang|htmlFor|httpEquiv|id|inputMode|integrity|is|keyParams|keyType|kind|label|lang|list|loading|loop|low|marginHeight|marginWidth|max|maxLength|media|mediaGroup|method|min|minLength|multiple|muted|name|nonce|noValidate|open|optimum|pattern|placeholder|playsInline|poster|preload|profile|radioGroup|readOnly|referrerPolicy|rel|required|reversed|role|rows|rowSpan|sandbox|scope|scoped|scrolling|seamless|selected|shape|size|sizes|slot|span|spellCheck|src|srcDoc|srcLang|srcSet|start|step|style|summary|tabIndex|target|title|translate|type|useMap|value|width|wmode|wrap|about|datatype|inlist|prefix|property|resource|typeof|vocab|autoCapitalize|autoCorrect|autoSave|color|incremental|fallback|inert|itemProp|itemScope|itemType|itemID|itemRef|on|option|results|security|unselectable|accentHeight|accumulate|additive|alignmentBaseline|allowReorder|alphabetic|amplitude|arabicForm|ascent|attributeName|attributeType|autoReverse|azimuth|baseFrequency|baselineShift|baseProfile|bbox|begin|bias|by|calcMode|capHeight|clip|clipPathUnits|clipPath|clipRule|colorInterpolation|colorInterpolationFilters|colorProfile|colorRendering|contentScriptType|contentStyleType|cursor|cx|cy|d|decelerate|descent|diffuseConstant|direction|display|divisor|dominantBaseline|dur|dx|dy|edgeMode|elevation|enableBackground|end|exponent|externalResourcesRequired|fill|fillOpacity|fillRule|filter|filterRes|filterUnits|floodColor|floodOpacity|focusable|fontFamily|fontSize|fontSizeAdjust|fontStretch|fontStyle|fontVariant|fontWeight|format|from|fr|fx|fy|g1|g2|glyphName|glyphOrientationHorizontal|glyphOrientationVertical|glyphRef|gradientTransform|gradientUnits|hanging|horizAdvX|horizOriginX|ideographic|imageRendering|in|in2|intercept|k|k1|k2|k3|k4|kernelMatrix|kernelUnitLength|kerning|keyPoints|keySplines|keyTimes|lengthAdjust|letterSpacing|lightingColor|limitingConeAngle|local|markerEnd|markerMid|markerStart|markerHeight|markerUnits|markerWidth|mask|maskContentUnits|maskUnits|mathematical|mode|numOctaves|offset|opacity|operator|order|orient|orientation|origin|overflow|overlinePosition|overlineThickness|panose1|paintOrder|pathLength|patternContentUnits|patternTransform|patternUnits|pointerEvents|points|pointsAtX|pointsAtY|pointsAtZ|preserveAlpha|preserveAspectRatio|primitiveUnits|r|radius|refX|refY|renderingIntent|repeatCount|repeatDur|requiredExtensions|requiredFeatures|restart|result|rotate|rx|ry|scale|seed|shapeRendering|slope|spacing|specularConstant|specularExponent|speed|spreadMethod|startOffset|stdDeviation|stemh|stemv|stitchTiles|stopColor|stopOpacity|strikethroughPosition|strikethroughThickness|string|stroke|strokeDasharray|strokeDashoffset|strokeLinecap|strokeLinejoin|strokeMiterlimit|strokeOpacity|strokeWidth|surfaceScale|systemLanguage|tableValues|targetX|targetY|textAnchor|textDecoration|textRendering|textLength|to|transform|u1|u2|underlinePosition|underlineThickness|unicode|unicodeBidi|unicodeRange|unitsPerEm|vAlphabetic|vHanging|vIdeographic|vMathematical|values|vectorEffect|version|vertAdvY|vertOriginX|vertOriginY|viewBox|viewTarget|visibility|widths|wordSpacing|writingMode|x|xHeight|x1|x2|xChannelSelector|xlinkActuate|xlinkArcrole|xlinkHref|xlinkRole|xlinkShow|xlinkTitle|xlinkType|xmlBase|xmlns|xmlnsXlink|xmlLang|xmlSpace|y|y1|y2|yChannelSelector|z|zoomAndPan|for|class|autofocus)|(([Dd][Aa][Tt][Aa]|[Aa][Rr][Ii][Aa]|x)-.*))$/,s=(0,i.Z)(function(e){return a.test(e)||111===e.charCodeAt(0)&&110===e.charCodeAt(1)&&91>e.charCodeAt(2)}),l=r(2606),c=r(9926),u=r(7595),f=r(1073),p=function(e){return"theme"!==e},d=function(e){return"string"==typeof e&&e.charCodeAt(0)>96?s:p},m=function(e,t,r){var n;if(t){var o=t.shouldForwardProp;n=e.__emotion_forwardProp&&o?function(t){return e.__emotion_forwardProp(t)&&o(t)}:o}return"function"!=typeof n&&r&&(n=e.__emotion_forwardProp),n},h=function(e){var t=e.cache,r=e.serialized,n=e.isStringTag;return(0,c.hC)(t,r,n),(0,f.L)(function(){return(0,c.My)(t,r,n)}),null},y=(function e(t,r){var i,a,s=t.__emotion_real===t,f=s&&t.__emotion_base||t;void 0!==r&&(i=r.label,a=r.target);var p=m(t,r,s),y=p||d(f),g=!y("as");return function(){var b=arguments,v=s&&void 0!==t.__emotion_styles?t.__emotion_styles.slice(0):[];if(void 0!==i&&v.push("label:"+i+";"),null==b[0]||void 0===b[0].raw)v.push.apply(v,b);else{v.push(b[0][0]);for(var x=b.length,k=1;k{Array.isArray(e.__emotion_styles)&&(e.__emotion_styles=t(e.__emotion_styles))}},6575:function(e,t,r){r.d(t,{L7:function(){return l},P$:function(){return u},VO:function(){return o},W8:function(){return s},dt:function(){return c},k9:function(){return a}});var n=r(6529);let o={xs:0,sm:600,md:900,lg:1200,xl:1536},i={keys:["xs","sm","md","lg","xl"],up:e=>`@media (min-width:${o[e]}px)`};function a(e,t,r){let n=e.theme||{};if(Array.isArray(t)){let e=n.breakpoints||i;return t.reduce((n,o,i)=>(n[e.up(e.keys[i])]=r(t[i]),n),{})}if("object"==typeof t){let e=n.breakpoints||i;return Object.keys(t).reduce((n,i)=>(-1!==Object.keys(e.values||o).indexOf(i)?n[e.up(i)]=r(t[i],i):n[i]=t[i],n),{})}return r(t)}function s(e={}){var t;return(null==(t=e.keys)?void 0:t.reduce((t,r)=>(t[e.up(r)]={},t),{}))||{}}function l(e,t){return e.reduce((e,t)=>{let r=e[t];return r&&0!==Object.keys(r).length||delete e[t],e},t)}function c(e,...t){let r=s(e),o=[r,...t].reduce((e,t)=>(0,n.Z)(e,t),{});return l(Object.keys(r),o)}function u({values:e,breakpoints:t,base:r}){let n;let o=Object.keys(r||function(e,t){if("object"!=typeof e)return{};let r={},n=Object.keys(t);return Array.isArray(e)?n.forEach((t,n)=>{n{null!=e[t]&&(r[t]=!0)}),r}(e,t));return 0===o.length?e:o.reduce((t,r,o)=>(Array.isArray(e)?(t[r]=null!=e[o]?e[o]:e[n],n=o):"object"==typeof e?(t[r]=null!=e[r]?e[r]:e[n],n=r):t[r]=e,t),{})}},2305:function(e,t,r){r.d(t,{$n:function(){return v},Fq:function(){return h},H3:function(){return d},LR:function(){return c},_4:function(){return k},_j:function(){return g},fk:function(){return function e(t,r,n){try{return e(t,r)}catch(e){return t}}},mi:function(){return m},oo:function(){return a},q8:function(){return b},tB:function(){return s},ux:function(){return x},ve:function(){return p},vq:function(){return f},wy:function(){return u},zp:function(){return y}});var n=r(2414),o=r(7609);function i(e,t=0,r=1){return(0,o.Z)(e,t,r)}function a(e){e=e.slice(1);let t=RegExp(`.{1,${e.length>=6?2:1}}`,"g"),r=e.match(t);return r&&1===r[0].length&&(r=r.map(e=>e+e)),r?`rgb${4===r.length?"a":""}(${r.map((e,t)=>t<3?parseInt(e,16):Math.round(parseInt(e,16)/255*1e3)/1e3).join(", ")})`:""}function s(e){let t;if(e.type)return e;if("#"===e.charAt(0))return s(a(e));let r=e.indexOf("("),o=e.substring(0,r);if(-1===["rgb","rgba","hsl","hsla","color"].indexOf(o))throw Error((0,n.Z)(9,e));let i=e.substring(r+1,e.length-1);if("color"===o){if(t=(i=i.split(" ")).shift(),4===i.length&&"/"===i[3].charAt(0)&&(i[3]=i[3].slice(1)),-1===["srgb","display-p3","a98-rgb","prophoto-rgb","rec-2020"].indexOf(t))throw Error((0,n.Z)(10,t))}else i=i.split(",");return{type:o,values:i=i.map(e=>parseFloat(e)),colorSpace:t}}let l=e=>{let t=s(e);return t.values.slice(0,3).map((e,r)=>-1!==t.type.indexOf("hsl")&&0!==r?`${e}%`:e).join(" ")},c=(e,t)=>{try{return l(e)}catch(t){return e}};function u(e){let{type:t,colorSpace:r}=e,{values:n}=e;return -1!==t.indexOf("rgb")?n=n.map((e,t)=>t<3?parseInt(e,10):e):-1!==t.indexOf("hsl")&&(n[1]=`${n[1]}%`,n[2]=`${n[2]}%`),n=-1!==t.indexOf("color")?`${r} ${n.join(" ")}`:`${n.join(", ")}`,`${t}(${n})`}function f(e){if(0===e.indexOf("#"))return e;let{values:t}=s(e);return`#${t.map((e,t)=>(function(e){let t=e.toString(16);return 1===t.length?`0${t}`:t})(3===t?Math.round(255*e):e)).join("")}`}function p(e){let{values:t}=e=s(e),r=t[0],n=t[1]/100,o=t[2]/100,i=n*Math.min(o,1-o),a=(e,t=(e+r/30)%12)=>o-i*Math.max(Math.min(t-3,9-t,1),-1),l="rgb",c=[Math.round(255*a(0)),Math.round(255*a(8)),Math.round(255*a(4))];return"hsla"===e.type&&(l+="a",c.push(t[3])),u({type:l,values:c})}function d(e){let t="hsl"===(e=s(e)).type||"hsla"===e.type?s(p(e)).values:e.values;return Number((.2126*(t=t.map(t=>("color"!==e.type&&(t/=255),t<=.03928?t/12.92:((t+.055)/1.055)**2.4)))[0]+.7152*t[1]+.0722*t[2]).toFixed(3))}function m(e,t){let r=d(e),n=d(t);return(Math.max(r,n)+.05)/(Math.min(r,n)+.05)}function h(e,t){return e=s(e),t=i(t),("rgb"===e.type||"hsl"===e.type)&&(e.type+="a"),"color"===e.type?e.values[3]=`/${t}`:e.values[3]=t,u(e)}function y(e,t,r){try{return h(e,t)}catch(t){return e}}function g(e,t){if(e=s(e),t=i(t),-1!==e.type.indexOf("hsl"))e.values[2]*=1-t;else if(-1!==e.type.indexOf("rgb")||-1!==e.type.indexOf("color"))for(let r=0;r<3;r+=1)e.values[r]*=1-t;return u(e)}function b(e,t,r){try{return g(e,t)}catch(t){return e}}function v(e,t){if(e=s(e),t=i(t),-1!==e.type.indexOf("hsl"))e.values[2]+=(100-e.values[2])*t;else if(-1!==e.type.indexOf("rgb"))for(let r=0;r<3;r+=1)e.values[r]+=(255-e.values[r])*t;else if(-1!==e.type.indexOf("color"))for(let r=0;r<3;r+=1)e.values[r]+=(1-e.values[r])*t;return u(e)}function x(e,t,r){try{return v(e,t)}catch(t){return e}}function k(e,t=.15){return d(e)>.5?g(e,t):v(e,t)}},7906:function(e,t,r){r.d(t,{ZP:function(){return g},x9:function(){return p}});var n=r(2988),o=r(3950),i=r(3992),a=r(6529),s=r(2501),l=r(7267);let c=["ownerState"],u=["variants"],f=["name","slot","skipVariantsResolver","skipSx","overridesResolver"];function p(e){return"ownerState"!==e&&"theme"!==e&&"sx"!==e&&"as"!==e}let d=(0,s.Z)(),m=e=>e?e.charAt(0).toLowerCase()+e.slice(1):e;function h({defaultTheme:e,theme:t,themeId:r}){return 0===Object.keys(t).length?e:t[r]||t}function y(e,t){let{ownerState:r}=t,i=(0,o.Z)(t,c),a="function"==typeof e?e((0,n.Z)({ownerState:r},i)):e;if(Array.isArray(a))return a.flatMap(e=>y(e,(0,n.Z)({ownerState:r},i)));if(a&&"object"==typeof a&&Array.isArray(a.variants)){let{variants:e=[]}=a,t=(0,o.Z)(a,u);return e.forEach(e=>{let o=!0;"function"==typeof e.props?o=e.props((0,n.Z)({ownerState:r},i)):Object.keys(e.props).forEach(t=>{(null==r?void 0:r[t])!==e.props[t]&&i[t]!==e.props[t]&&(o=!1)}),o&&(Array.isArray(t)||(t=[t]),t.push("function"==typeof e.style?e.style((0,n.Z)({ownerState:r},i)):e.style))}),t}return a}function g(e={}){let{themeId:t,defaultTheme:r=d,rootShouldForwardProp:s=p,slotShouldForwardProp:c=p}=e,u=e=>(0,l.Z)((0,n.Z)({},e,{theme:h((0,n.Z)({},e,{defaultTheme:r,themeId:t}))}));return u.__mui_systemSx=!0,(e,l={})=>{var d;let g;(0,i.Co)(e,e=>e.filter(e=>!(null!=e&&e.__mui_systemSx)));let{name:b,slot:v,skipVariantsResolver:x,skipSx:k,overridesResolver:w=(d=m(v))?(e,t)=>t[d]:null}=l,Z=(0,o.Z)(l,f),A=void 0!==x?x:v&&"Root"!==v&&"root"!==v||!1,S=k||!1,O=p;"Root"===v||"root"===v?O=s:v?O=c:"string"==typeof e&&e.charCodeAt(0)>96&&(O=void 0);let P=(0,i.ZP)(e,(0,n.Z)({shouldForwardProp:O,label:g},Z)),C=e=>"function"==typeof e&&e.__emotion_real!==e||(0,a.P)(e)?o=>y(e,(0,n.Z)({},o,{theme:h({theme:o.theme,defaultTheme:r,themeId:t})})):e,$=(o,...i)=>{let a=C(o),s=i?i.map(C):[];b&&w&&s.push(e=>{let o=h((0,n.Z)({},e,{defaultTheme:r,themeId:t}));if(!o.components||!o.components[b]||!o.components[b].styleOverrides)return null;let i=o.components[b].styleOverrides,a={};return Object.entries(i).forEach(([t,r])=>{a[t]=y(r,(0,n.Z)({},e,{theme:o}))}),w(e,a)}),b&&!A&&s.push(e=>{var o;let i=h((0,n.Z)({},e,{defaultTheme:r,themeId:t}));return y({variants:null==i||null==(o=i.components)||null==(o=o[b])?void 0:o.variants},(0,n.Z)({},e,{theme:i}))}),S||s.push(u);let l=s.length-i.length;if(Array.isArray(o)&&l>0){let e=Array(l).fill("");(a=[...o,...e]).raw=[...o.raw,...e]}let c=P(a,...s);return e.muiName&&(c.muiName=e.muiName),c};return P.withConfig&&($.withConfig=P.withConfig),$}}},9329:function(e,t,r){r.d(t,{Z:function(){return s}});var n=r(3950),o=r(2988);let i=["values","unit","step"],a=e=>{let t=Object.keys(e).map(t=>({key:t,val:e[t]}))||[];return t.sort((e,t)=>e.val-t.val),t.reduce((e,t)=>(0,o.Z)({},e,{[t.key]:t.val}),{})};function s(e){let{values:t={xs:0,sm:600,md:900,lg:1200,xl:1536},unit:r="px",step:s=5}=e,l=(0,n.Z)(e,i),c=a(t),u=Object.keys(c);function f(e){let n="number"==typeof t[e]?t[e]:e;return`@media (min-width:${n}${r})`}function p(e){let n="number"==typeof t[e]?t[e]:e;return`@media (max-width:${n-s/100}${r})`}function d(e,n){let o=u.indexOf(n);return`@media (min-width:${"number"==typeof t[e]?t[e]:e}${r}) and (max-width:${(-1!==o&&"number"==typeof t[u[o]]?t[u[o]]:n)-s/100}${r})`}return(0,o.Z)({keys:u,values:c,up:f,down:p,between:d,only:function(e){return u.indexOf(e)+1(0===e.length?[1]:e).map(e=>{let r=t(e);return"number"==typeof r?`${r}px`:r}).join(" ");return r.mui=!0,r}},2501:function(e,t,r){r.d(t,{Z:function(){return d}});var n=r(2988),o=r(3950),i=r(6529),a=r(9329),s={borderRadius:4},l=r(6669),c=r(7267),u=r(9626);function f(e,t){return this.vars&&"function"==typeof this.getColorSchemeSelector?{[this.getColorSchemeSelector(e).replace(/(\[[^\]]+\])/,"*:where($1)")]:t}:this.palette.mode===e?t:{}}let p=["breakpoints","palette","spacing","shape"];var d=function(e={},...t){let{breakpoints:r={},palette:d={},spacing:m,shape:h={}}=e,y=(0,o.Z)(e,p),g=(0,a.Z)(r),b=(0,l.Z)(m),v=(0,i.Z)({breakpoints:g,direction:"ltr",components:{},palette:(0,n.Z)({mode:"light"},d),spacing:b,shape:(0,n.Z)({},s,h)},y);return v.applyStyles=f,(v=t.reduce((e,t)=>(0,i.Z)(e,t),v)).unstable_sxConfig=(0,n.Z)({},u.Z,null==y?void 0:y.unstable_sxConfig),v.unstable_sx=function(e){return(0,c.Z)({sx:e,theme:this})},v}},7682:function(e,t,r){var n=r(6529);t.Z=function(e,t){return t?(0,n.Z)(e,t,{clone:!1}):e}},3351:function(e,t,r){r.d(t,{hB:function(){return m},eI:function(){return d},NA:function(){return h},e6:function(){return g},o3:function(){return b}});var n=r(6575),o=r(5166),i=r(7682);let a={m:"margin",p:"padding"},s={t:"Top",r:"Right",b:"Bottom",l:"Left",x:["Left","Right"],y:["Top","Bottom"]},l={marginX:"mx",marginY:"my",paddingX:"px",paddingY:"py"},c=function(e){let t={};return r=>(void 0===t[r]&&(t[r]=e(r)),t[r])}(e=>{if(e.length>2){if(!l[e])return[e];e=l[e]}let[t,r]=e.split(""),n=a[t],o=s[r]||"";return Array.isArray(o)?o.map(e=>n+e):[n+o]}),u=["m","mt","mr","mb","ml","mx","my","margin","marginTop","marginRight","marginBottom","marginLeft","marginX","marginY","marginInline","marginInlineStart","marginInlineEnd","marginBlock","marginBlockStart","marginBlockEnd"],f=["p","pt","pr","pb","pl","px","py","padding","paddingTop","paddingRight","paddingBottom","paddingLeft","paddingX","paddingY","paddingInline","paddingInlineStart","paddingInlineEnd","paddingBlock","paddingBlockStart","paddingBlockEnd"],p=[...u,...f];function d(e,t,r,n){var i;let a=null!=(i=(0,o.DW)(e,t,!1))?i:r;return"number"==typeof a?e=>"string"==typeof e?e:a*e:Array.isArray(a)?e=>"string"==typeof e?e:a[e]:"function"==typeof a?a:()=>void 0}function m(e){return d(e,"spacing",8,"spacing")}function h(e,t){if("string"==typeof t||null==t)return t;let r=e(Math.abs(t));return t>=0?r:"number"==typeof r?-r:`-${r}`}function y(e,t){let r=m(e.theme);return Object.keys(e).map(o=>(function(e,t,r,o){var i;if(-1===t.indexOf(r))return null;let a=(i=c(r),e=>i.reduce((t,r)=>(t[r]=h(o,e),t),{})),s=e[r];return(0,n.k9)(e,s,a)})(e,t,o,r)).reduce(i.Z,{})}function g(e){return y(e,u)}function b(e){return y(e,f)}function v(e){return y(e,p)}g.propTypes={},g.filterProps=u,b.propTypes={},b.filterProps=f,v.propTypes={},v.filterProps=p},5166:function(e,t,r){r.d(t,{DW:function(){return i},Jq:function(){return a}});var n=r(1259),o=r(6575);function i(e,t,r=!0){if(!t||"string"!=typeof t)return null;if(e&&e.vars&&r){let r=`vars.${t}`.split(".").reduce((e,t)=>e&&e[t]?e[t]:null,e);if(null!=r)return r}return t.split(".").reduce((e,t)=>e&&null!=e[t]?e[t]:null,e)}function a(e,t,r,n=r){let o;return o="function"==typeof e?e(r):Array.isArray(e)?e[r]||n:i(e,r)||n,t&&(o=t(o,n,e)),o}t.ZP=function(e){let{prop:t,cssProperty:r=e.prop,themeKey:s,transform:l}=e,c=e=>{if(null==e[t])return null;let c=e[t],u=i(e.theme,s)||{};return(0,o.k9)(e,c,e=>{let o=a(u,l,e);return(e===o&&"string"==typeof e&&(o=a(u,l,`${t}${"default"===e?"":(0,n.Z)(e)}`,e)),!1===r)?o:{[r]:o}})};return c.propTypes={},c.filterProps=[t],c}},9626:function(e,t,r){r.d(t,{Z:function(){return L}});var n=r(3351),o=r(5166),i=r(7682),a=function(...e){let t=e.reduce((e,t)=>(t.filterProps.forEach(r=>{e[r]=t}),e),{}),r=e=>Object.keys(e).reduce((r,n)=>t[n]?(0,i.Z)(r,t[n](e)):r,{});return r.propTypes={},r.filterProps=e.reduce((e,t)=>e.concat(t.filterProps),[]),r},s=r(6575);function l(e){return"number"!=typeof e?e:`${e}px solid`}function c(e,t){return(0,o.ZP)({prop:e,themeKey:"borders",transform:t})}let u=c("border",l),f=c("borderTop",l),p=c("borderRight",l),d=c("borderBottom",l),m=c("borderLeft",l),h=c("borderColor"),y=c("borderTopColor"),g=c("borderRightColor"),b=c("borderBottomColor"),v=c("borderLeftColor"),x=c("outline",l),k=c("outlineColor"),w=e=>{if(void 0!==e.borderRadius&&null!==e.borderRadius){let t=(0,n.eI)(e.theme,"shape.borderRadius",4,"borderRadius");return(0,s.k9)(e,e.borderRadius,e=>({borderRadius:(0,n.NA)(t,e)}))}return null};w.propTypes={},w.filterProps=["borderRadius"],a(u,f,p,d,m,h,y,g,b,v,w,x,k);let Z=e=>{if(void 0!==e.gap&&null!==e.gap){let t=(0,n.eI)(e.theme,"spacing",8,"gap");return(0,s.k9)(e,e.gap,e=>({gap:(0,n.NA)(t,e)}))}return null};Z.propTypes={},Z.filterProps=["gap"];let A=e=>{if(void 0!==e.columnGap&&null!==e.columnGap){let t=(0,n.eI)(e.theme,"spacing",8,"columnGap");return(0,s.k9)(e,e.columnGap,e=>({columnGap:(0,n.NA)(t,e)}))}return null};A.propTypes={},A.filterProps=["columnGap"];let S=e=>{if(void 0!==e.rowGap&&null!==e.rowGap){let t=(0,n.eI)(e.theme,"spacing",8,"rowGap");return(0,s.k9)(e,e.rowGap,e=>({rowGap:(0,n.NA)(t,e)}))}return null};S.propTypes={},S.filterProps=["rowGap"];let O=(0,o.ZP)({prop:"gridColumn"}),P=(0,o.ZP)({prop:"gridRow"}),C=(0,o.ZP)({prop:"gridAutoFlow"}),$=(0,o.ZP)({prop:"gridAutoColumns"}),_=(0,o.ZP)({prop:"gridAutoRows"}),T=(0,o.ZP)({prop:"gridTemplateColumns"});function j(e,t){return"grey"===t?t:e}function R(e){return e<=1&&0!==e?`${100*e}%`:e}a(Z,A,S,O,P,C,$,_,T,(0,o.ZP)({prop:"gridTemplateRows"}),(0,o.ZP)({prop:"gridTemplateAreas"}),(0,o.ZP)({prop:"gridArea"})),a((0,o.ZP)({prop:"color",themeKey:"palette",transform:j}),(0,o.ZP)({prop:"bgcolor",cssProperty:"backgroundColor",themeKey:"palette",transform:j}),(0,o.ZP)({prop:"backgroundColor",themeKey:"palette",transform:j}));let E=(0,o.ZP)({prop:"width",transform:R}),M=e=>void 0!==e.maxWidth&&null!==e.maxWidth?(0,s.k9)(e,e.maxWidth,t=>{var r,n;let o=(null==(r=e.theme)||null==(r=r.breakpoints)||null==(r=r.values)?void 0:r[t])||s.VO[t];return o?(null==(n=e.theme)||null==(n=n.breakpoints)?void 0:n.unit)!=="px"?{maxWidth:`${o}${e.theme.breakpoints.unit}`}:{maxWidth:o}:{maxWidth:R(t)}}):null;M.filterProps=["maxWidth"];let I=(0,o.ZP)({prop:"minWidth",transform:R}),z=(0,o.ZP)({prop:"height",transform:R}),B=(0,o.ZP)({prop:"maxHeight",transform:R}),N=(0,o.ZP)({prop:"minHeight",transform:R});(0,o.ZP)({prop:"size",cssProperty:"width",transform:R}),(0,o.ZP)({prop:"size",cssProperty:"height",transform:R}),a(E,M,I,z,B,N,(0,o.ZP)({prop:"boxSizing"}));var L={border:{themeKey:"borders",transform:l},borderTop:{themeKey:"borders",transform:l},borderRight:{themeKey:"borders",transform:l},borderBottom:{themeKey:"borders",transform:l},borderLeft:{themeKey:"borders",transform:l},borderColor:{themeKey:"palette"},borderTopColor:{themeKey:"palette"},borderRightColor:{themeKey:"palette"},borderBottomColor:{themeKey:"palette"},borderLeftColor:{themeKey:"palette"},outline:{themeKey:"borders",transform:l},outlineColor:{themeKey:"palette"},borderRadius:{themeKey:"shape.borderRadius",style:w},color:{themeKey:"palette",transform:j},bgcolor:{themeKey:"palette",cssProperty:"backgroundColor",transform:j},backgroundColor:{themeKey:"palette",transform:j},p:{style:n.o3},pt:{style:n.o3},pr:{style:n.o3},pb:{style:n.o3},pl:{style:n.o3},px:{style:n.o3},py:{style:n.o3},padding:{style:n.o3},paddingTop:{style:n.o3},paddingRight:{style:n.o3},paddingBottom:{style:n.o3},paddingLeft:{style:n.o3},paddingX:{style:n.o3},paddingY:{style:n.o3},paddingInline:{style:n.o3},paddingInlineStart:{style:n.o3},paddingInlineEnd:{style:n.o3},paddingBlock:{style:n.o3},paddingBlockStart:{style:n.o3},paddingBlockEnd:{style:n.o3},m:{style:n.e6},mt:{style:n.e6},mr:{style:n.e6},mb:{style:n.e6},ml:{style:n.e6},mx:{style:n.e6},my:{style:n.e6},margin:{style:n.e6},marginTop:{style:n.e6},marginRight:{style:n.e6},marginBottom:{style:n.e6},marginLeft:{style:n.e6},marginX:{style:n.e6},marginY:{style:n.e6},marginInline:{style:n.e6},marginInlineStart:{style:n.e6},marginInlineEnd:{style:n.e6},marginBlock:{style:n.e6},marginBlockStart:{style:n.e6},marginBlockEnd:{style:n.e6},displayPrint:{cssProperty:!1,transform:e=>({"@media print":{display:e}})},display:{},overflow:{},textOverflow:{},visibility:{},whiteSpace:{},flexBasis:{},flexDirection:{},flexWrap:{},justifyContent:{},alignItems:{},alignContent:{},order:{},flex:{},flexGrow:{},flexShrink:{},alignSelf:{},justifyItems:{},justifySelf:{},gap:{style:Z},rowGap:{style:S},columnGap:{style:A},gridColumn:{},gridRow:{},gridAutoFlow:{},gridAutoColumns:{},gridAutoRows:{},gridTemplateColumns:{},gridTemplateRows:{},gridTemplateAreas:{},gridArea:{},position:{},zIndex:{themeKey:"zIndex"},top:{},right:{},bottom:{},left:{},boxShadow:{themeKey:"shadows"},width:{transform:R},maxWidth:{style:M},minWidth:{transform:R},height:{transform:R},maxHeight:{transform:R},minHeight:{transform:R},boxSizing:{},fontFamily:{themeKey:"typography"},fontSize:{themeKey:"typography"},fontStyle:{themeKey:"typography"},fontWeight:{themeKey:"typography"},letterSpacing:{},textTransform:{},lineHeight:{},textAlign:{},typography:{cssProperty:!1,themeKey:"typography"}}},7267:function(e,t,r){var n=r(1259),o=r(7682),i=r(5166),a=r(6575),s=r(9626);let l=function(){function e(e,t,r,o){let s={[e]:t,theme:r},l=o[e];if(!l)return{[e]:t};let{cssProperty:c=e,themeKey:u,transform:f,style:p}=l;if(null==t)return null;if("typography"===u&&"inherit"===t)return{[e]:t};let d=(0,i.DW)(r,u)||{};return p?p(s):(0,a.k9)(s,t,t=>{let r=(0,i.Jq)(d,f,t);return(t===r&&"string"==typeof t&&(r=(0,i.Jq)(d,f,`${e}${"default"===t?"":(0,n.Z)(t)}`,t)),!1===c)?r:{[c]:r}})}return function t(r){var n;let{sx:i,theme:l={}}=r||{};if(!i)return null;let c=null!=(n=l.unstable_sxConfig)?n:s.Z;function u(r){let n=r;if("function"==typeof r)n=r(l);else if("object"!=typeof r)return r;if(!n)return null;let i=(0,a.W8)(l.breakpoints),s=Object.keys(i),u=i;return Object.keys(n).forEach(r=>{var i;let s="function"==typeof(i=n[r])?i(l):i;if(null!=s){if("object"==typeof s){if(c[r])u=(0,o.Z)(u,e(r,s,l,c));else{let e=(0,a.k9)({theme:l},s,e=>({[r]:e}));(function(...e){let t=new Set(e.reduce((e,t)=>e.concat(Object.keys(t)),[]));return e.every(e=>t.size===Object.keys(e).length)})(e,s)?u[r]=t({sx:s,theme:l}):u=(0,o.Z)(u,e)}}else u=(0,o.Z)(u,e(r,s,l,c))}}),(0,a.L7)(s,u)}return Array.isArray(i)?i.map(u):u(i)}}();l.filterProps=["sx"],t.Z=l},4874:function(e,t,r){var n=r(2501),o=r(4828);let i=(0,n.Z)();t.Z=function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:i;return(0,o.Z)(e)}},4999:function(e,t,r){r.d(t,{Z:function(){return i}});var n=r(9481),o=r(4874);function i(e){let{props:t,name:r,defaultTheme:i,themeId:a}=e,s=(0,o.Z)(i);return a&&(s=s[a]||s),function(e){let{theme:t,name:r,props:o}=e;return t&&t.components&&t.components[r]&&t.components[r].defaultProps?(0,n.Z)(t.components[r].defaultProps,o):o}({theme:s,name:r,props:t})}},4828:function(e,t,r){var n=r(2265),o=r(2606);t.Z=function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:null,t=n.useContext(o.T);return t&&0!==Object.keys(t).length?t:e}},1259:function(e,t,r){r.d(t,{Z:function(){return o}});var n=r(2414);function o(e){if("string"!=typeof e)throw Error((0,n.Z)(7));return e.charAt(0).toUpperCase()+e.slice(1)}},7609:function(e,t){t.Z=function(e,t=Number.MIN_SAFE_INTEGER,r=Number.MAX_SAFE_INTEGER){return Math.max(t,Math.min(e,r))}},6529:function(e,t,r){r.d(t,{P:function(){return o},Z:function(){return function e(t,r,i={clone:!0}){let a=i.clone?(0,n.Z)({},t):t;return o(t)&&o(r)&&Object.keys(r).forEach(n=>{"__proto__"!==n&&(o(r[n])&&n in t&&o(t[n])?a[n]=e(t[n],r[n],i):i.clone?a[n]=o(r[n])?function e(t){if(!o(t))return t;let r={};return Object.keys(t).forEach(n=>{r[n]=e(t[n])}),r}(r[n]):r[n]:a[n]=r[n])}),a}}});var n=r(2988);function o(e){if("object"!=typeof e||null===e)return!1;let t=Object.getPrototypeOf(e);return(null===t||t===Object.prototype||null===Object.getPrototypeOf(t))&&!(Symbol.toStringTag in e)&&!(Symbol.iterator in e)}},2414:function(e,t,r){r.d(t,{Z:function(){return n}});function n(e){let t="https://mui.com/production-error/?code="+e;for(let e=1;e{if(i.toString().match(/^(components|slots)$/))o[i]=(0,n.Z)({},t[i],o[i]);else if(i.toString().match(/^(componentsProps|slotProps)$/)){let a=t[i]||{},s=r[i];o[i]={},s&&Object.keys(s)?a&&Object.keys(a)?(o[i]=(0,n.Z)({},s),Object.keys(a).forEach(t=>{o[i][t]=e(a[t],s[t])})):o[i]=s:o[i]=a}else void 0===o[i]&&(o[i]=t[i])}),o}}});var n=r(2988)},6451:function(e,t,r){var n=r(1189),o={childContextTypes:!0,contextType:!0,contextTypes:!0,defaultProps:!0,displayName:!0,getDefaultProps:!0,getDerivedStateFromError:!0,getDerivedStateFromProps:!0,mixins:!0,propTypes:!0,type:!0},i={name:!0,length:!0,prototype:!0,caller:!0,callee:!0,arguments:!0,arity:!0},a={$$typeof:!0,compare:!0,defaultProps:!0,displayName:!0,propTypes:!0,type:!0},s={};function l(e){return n.isMemo(e)?a:s[e.$$typeof]||o}s[n.ForwardRef]={$$typeof:!0,render:!0,defaultProps:!0,displayName:!0,propTypes:!0},s[n.Memo]=a;var c=Object.defineProperty,u=Object.getOwnPropertyNames,f=Object.getOwnPropertySymbols,p=Object.getOwnPropertyDescriptor,d=Object.getPrototypeOf,m=Object.prototype;e.exports=function e(t,r,n){if("string"!=typeof r){if(m){var o=d(r);o&&o!==m&&e(t,o,n)}var a=u(r);f&&(a=a.concat(f(r)));for(var s=l(t),h=l(r),y=0;y=0||(o[r]=e[r]);return o}}}]); \ No newline at end of file diff --git a/static/_next/static/chunks/23-c6362522adba14e9.js b/static/_next/static/chunks/23-c6362522adba14e9.js new file mode 100644 index 0000000000000000000000000000000000000000..1e02c89ec7f17ae78282eab7f69f2b90a7187da6 --- /dev/null +++ b/static/_next/static/chunks/23-c6362522adba14e9.js @@ -0,0 +1,2 @@ +(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[23],{9492:function(e,t){"use strict";function n(){return""}Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"getDeploymentIdQueryOrEmptyString",{enumerable:!0,get:function(){return n}})},7108:function(){"trimStart"in String.prototype||(String.prototype.trimStart=String.prototype.trimLeft),"trimEnd"in String.prototype||(String.prototype.trimEnd=String.prototype.trimRight),"description"in Symbol.prototype||Object.defineProperty(Symbol.prototype,"description",{configurable:!0,get:function(){var e=/\((.*)\)/.exec(this.toString());return e?e[1]:void 0}}),Array.prototype.flat||(Array.prototype.flat=function(e,t){return t=this.concat.apply([],this),e>1&&t.some(Array.isArray)?t.flat(e-1):t},Array.prototype.flatMap=function(e,t){return this.map(e,t).flat()}),Promise.prototype.finally||(Promise.prototype.finally=function(e){if("function"!=typeof e)return this.then(e,e);var t=this.constructor||Promise;return this.then(function(n){return t.resolve(e()).then(function(){return n})},function(n){return t.resolve(e()).then(function(){throw n})})}),Object.fromEntries||(Object.fromEntries=function(e){return Array.from(e).reduce(function(e,t){return e[t[0]]=t[1],e},{})}),Array.prototype.at||(Array.prototype.at=function(e){var t=Math.trunc(e)||0;if(t<0&&(t+=this.length),!(t<0||t>=this.length))return this[t]}),Object.hasOwn||(Object.hasOwn=function(e,t){if(null==e)throw TypeError("Cannot convert undefined or null to object");return Object.prototype.hasOwnProperty.call(Object(e),t)})},4897:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"addBasePath",{enumerable:!0,get:function(){return u}});let r=n(2707),o=n(8157);function u(e,t){return(0,o.normalizePathTrailingSlash)((0,r.addPathPrefix)(e,""))}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},5684:function(e,t){"use strict";function n(e){var t,n;t=self.__next_s,n=()=>{e()},t&&t.length?t.reduce((e,t)=>{let[n,r]=t;return e.then(()=>new Promise((e,t)=>{let o=document.createElement("script");if(r)for(let e in r)"children"!==e&&o.setAttribute(e,r[e]);n?(o.src=n,o.onload=()=>e(),o.onerror=t):r&&(o.innerHTML=r.children,setTimeout(e)),document.head.appendChild(o)}))},Promise.resolve()).catch(e=>{console.error(e)}).then(()=>{n()}):n()}Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"appBootstrap",{enumerable:!0,get:function(){return n}}),window.next={version:"14.2.3",appDir:!0},("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},4590:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"callServer",{enumerable:!0,get:function(){return o}});let r=n(5751);async function o(e,t){let n=(0,r.getServerActionDispatcher)();if(!n)throw Error("Invariant: missing action dispatcher.");return new Promise((r,o)=>{n({actionId:e,actionArgs:t,resolve:r,reject:o})})}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},353:function(e,t,n){"use strict";let r,o;Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"hydrate",{enumerable:!0,get:function(){return x}});let u=n(9920),l=n(1452),a=n(7437);n(7108);let i=u._(n(4040)),c=l._(n(2265)),s=n(6671),f=n(6590),d=u._(n(6124)),p=n(4590),h=n(2128),y=n(1427);n(3243);let _=window.console.error;window.console.error=function(){for(var e=arguments.length,t=Array(e),n=0;n{if((0,h.isNextRouterError)(e.error)){e.preventDefault();return}});let v=document,b=new TextEncoder,g=!1,m=!1,R=null;function P(e){if(0===e[0])r=[];else if(1===e[0]){if(!r)throw Error("Unexpected server data: missing bootstrap script.");o?o.enqueue(b.encode(e[1])):r.push(e[1])}else 2===e[0]&&(R=e[1])}let j=function(){o&&!m&&(o.close(),m=!0,r=void 0),g=!0};"loading"===document.readyState?document.addEventListener("DOMContentLoaded",j,!1):j();let O=self.__next_f=self.__next_f||[];O.forEach(P),O.push=P;let S=new ReadableStream({start(e){r&&(r.forEach(t=>{e.enqueue(b.encode(t))}),g&&!m&&(e.close(),m=!0,r=void 0)),o=e}}),E=(0,s.createFromReadableStream)(S,{callServer:p.callServer});function w(){return(0,c.use)(E)}let T=c.default.StrictMode;function M(e){let{children:t}=e;return t}function x(){let e=(0,y.createMutableActionQueue)(),t=(0,a.jsx)(T,{children:(0,a.jsx)(f.HeadManagerContext.Provider,{value:{appDir:!0},children:(0,a.jsx)(y.ActionQueueContext.Provider,{value:e,children:(0,a.jsx)(M,{children:(0,a.jsx)(w,{})})})})}),n=window.__next_root_layout_missing_tags,r=!!(null==n?void 0:n.length),o={onRecoverableError:d.default};"__next_error__"===document.documentElement.id||r?i.default.createRoot(v,o).render(t):c.default.startTransition(()=>i.default.hydrateRoot(v,t,{...o,formState:R}))}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},1028:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),n(5820),(0,n(5684).appBootstrap)(()=>{let{hydrate:e}=n(353);n(5751),n(9275),e()}),("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},5820:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),n(9492);{let e=n.u;n.u=function(){for(var t=arguments.length,n=Array(t),r=0;r(l(function(){var e;let t=document.getElementsByName(u)[0];if(null==t?void 0:null==(e=t.shadowRoot)?void 0:e.childNodes[0])return t.shadowRoot.childNodes[0];{let e=document.createElement(u);e.style.cssText="position:absolute";let t=document.createElement("div");return t.ariaLive="assertive",t.id="__next-route-announcer__",t.role="alert",t.style.cssText="position:absolute;border:0;height:1px;margin:-1px;padding:0;width:1px;clip:rect(0 0 0 0);overflow:hidden;white-space:nowrap;word-wrap:normal",e.attachShadow({mode:"open"}).appendChild(t),document.body.appendChild(e),t}}()),()=>{let e=document.getElementsByTagName(u)[0];(null==e?void 0:e.isConnected)&&document.body.removeChild(e)}),[]);let[a,i]=(0,r.useState)(""),c=(0,r.useRef)();return(0,r.useEffect)(()=>{let e="";if(document.title)e=document.title;else{let t=document.querySelector("h1");t&&(e=t.innerText||t.textContent||"")}void 0!==c.current&&c.current!==e&&i(e),c.current=e},[t]),n?(0,o.createPortal)(a,n):null}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},7325:function(e,t){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{ACTION:function(){return r},FLIGHT_PARAMETERS:function(){return i},NEXT_DID_POSTPONE_HEADER:function(){return s},NEXT_ROUTER_PREFETCH_HEADER:function(){return u},NEXT_ROUTER_STATE_TREE:function(){return o},NEXT_RSC_UNION_QUERY:function(){return c},NEXT_URL:function(){return l},RSC_CONTENT_TYPE_HEADER:function(){return a},RSC_HEADER:function(){return n}});let n="RSC",r="Next-Action",o="Next-Router-State-Tree",u="Next-Router-Prefetch",l="Next-Url",a="text/x-component",i=[[n],[o],[u]],c="_rsc",s="x-nextjs-postponed";("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},5751:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{createEmptyCacheNode:function(){return C},default:function(){return I},getServerActionDispatcher:function(){return E},urlToUrlWithoutFlightMarker:function(){return T}});let r=n(1452),o=n(7437),u=r._(n(2265)),l=n(4467),a=n(1507),i=n(3174),c=n(8056),s=n(2114),f=n(6130),d=n(322),p=n(4092),h=n(4897),y=n(1012),_=n(6585),v=n(315),b=n(1108),g=n(7325),m=n(7599),R=n(9404),P=n(0),j="undefined"==typeof window,O=j?null:new Map,S=null;function E(){return S}let w={};function T(e){let t=new URL(e,location.origin);if(t.searchParams.delete(g.NEXT_RSC_UNION_QUERY),t.pathname.endsWith(".txt")){let{pathname:e}=t,n=e.endsWith("/index.txt")?10:4;t.pathname=e.slice(0,-n)}return t}function M(e){return e.origin!==window.location.origin}function x(e){let{appRouterState:t,sync:n}=e;return(0,u.useInsertionEffect)(()=>{let{tree:e,pushRef:r,canonicalUrl:o}=t,u={...r.preserveCustomHistoryState?window.history.state:{},__NA:!0,__PRIVATE_NEXTJS_INTERNALS_TREE:e};r.pendingPush&&(0,i.createHrefFromUrl)(new URL(window.location.href))!==o?(r.pendingPush=!1,window.history.pushState(u,"",o)):window.history.replaceState(u,"",o),n(t)},[t,n]),null}function C(){return{lazyData:null,rsc:null,prefetchRsc:null,head:null,prefetchHead:null,parallelRoutes:new Map,lazyDataResolved:!1,loading:null}}function A(e){null==e&&(e={});let t=window.history.state,n=null==t?void 0:t.__NA;n&&(e.__NA=n);let r=null==t?void 0:t.__PRIVATE_NEXTJS_INTERNALS_TREE;return r&&(e.__PRIVATE_NEXTJS_INTERNALS_TREE=r),e}function N(e){let{headCacheNode:t}=e,n=null!==t?t.head:null,r=null!==t?t.prefetchHead:null,o=null!==r?r:n;return(0,u.useDeferredValue)(n,o)}function D(e){let t,{buildId:n,initialHead:r,initialTree:i,initialCanonicalUrl:f,initialSeedData:g,couldBeIntercepted:E,assetPrefix:T,missingSlots:C}=e,D=(0,u.useMemo)(()=>(0,d.createInitialRouterState)({buildId:n,initialSeedData:g,initialCanonicalUrl:f,initialTree:i,initialParallelRoutes:O,location:j?null:window.location,initialHead:r,couldBeIntercepted:E}),[n,g,f,i,r,E]),[I,k,U]=(0,s.useReducerWithReduxDevtools)(D);(0,u.useEffect)(()=>{O=null},[]);let{canonicalUrl:F}=(0,s.useUnwrapState)(I),{searchParams:L,pathname:H}=(0,u.useMemo)(()=>{let e=new URL(F,"undefined"==typeof window?"http://n":window.location.href);return{searchParams:e.searchParams,pathname:(0,R.hasBasePath)(e.pathname)?(0,m.removeBasePath)(e.pathname):e.pathname}},[F]),$=(0,u.useCallback)(e=>{let{previousTree:t,serverResponse:n}=e;(0,u.startTransition)(()=>{k({type:a.ACTION_SERVER_PATCH,previousTree:t,serverResponse:n})})},[k]),G=(0,u.useCallback)((e,t,n)=>{let r=new URL((0,h.addBasePath)(e),location.href);return k({type:a.ACTION_NAVIGATE,url:r,isExternalUrl:M(r),locationSearch:location.search,shouldScroll:null==n||n,navigateType:t})},[k]);S=(0,u.useCallback)(e=>{(0,u.startTransition)(()=>{k({...e,type:a.ACTION_SERVER_ACTION})})},[k]);let z=(0,u.useMemo)(()=>({back:()=>window.history.back(),forward:()=>window.history.forward(),prefetch:(e,t)=>{if((0,p.isBot)(window.navigator.userAgent))return;let n=new URL((0,h.addBasePath)(e),window.location.href);M(n)||(0,u.startTransition)(()=>{var e;k({type:a.ACTION_PREFETCH,url:n,kind:null!=(e=null==t?void 0:t.kind)?e:a.PrefetchKind.FULL})})},replace:(e,t)=>{void 0===t&&(t={}),(0,u.startTransition)(()=>{var n;G(e,"replace",null==(n=t.scroll)||n)})},push:(e,t)=>{void 0===t&&(t={}),(0,u.startTransition)(()=>{var n;G(e,"push",null==(n=t.scroll)||n)})},refresh:()=>{(0,u.startTransition)(()=>{k({type:a.ACTION_REFRESH,origin:window.location.origin})})},fastRefresh:()=>{throw Error("fastRefresh can only be used in development mode. Please use refresh instead.")}}),[k,G]);(0,u.useEffect)(()=>{window.next&&(window.next.router=z)},[z]),(0,u.useEffect)(()=>{function e(e){var t;e.persisted&&(null==(t=window.history.state)?void 0:t.__PRIVATE_NEXTJS_INTERNALS_TREE)&&(w.pendingMpaPath=void 0,k({type:a.ACTION_RESTORE,url:new URL(window.location.href),tree:window.history.state.__PRIVATE_NEXTJS_INTERNALS_TREE}))}return window.addEventListener("pageshow",e),()=>{window.removeEventListener("pageshow",e)}},[k]);let{pushRef:B}=(0,s.useUnwrapState)(I);if(B.mpaNavigation){if(w.pendingMpaPath!==F){let e=window.location;B.pendingPush?e.assign(F):e.replace(F),w.pendingMpaPath=F}(0,u.use)(b.unresolvedThenable)}(0,u.useEffect)(()=>{let e=window.history.pushState.bind(window.history),t=window.history.replaceState.bind(window.history),n=e=>{var t;let n=window.location.href,r=null==(t=window.history.state)?void 0:t.__PRIVATE_NEXTJS_INTERNALS_TREE;(0,u.startTransition)(()=>{k({type:a.ACTION_RESTORE,url:new URL(null!=e?e:n,n),tree:r})})};window.history.pushState=function(t,r,o){return(null==t?void 0:t.__NA)||(null==t?void 0:t._N)||(t=A(t),o&&n(o)),e(t,r,o)},window.history.replaceState=function(e,r,o){return(null==e?void 0:e.__NA)||(null==e?void 0:e._N)||(e=A(e),o&&n(o)),t(e,r,o)};let r=e=>{let{state:t}=e;if(t){if(!t.__NA){window.location.reload();return}(0,u.startTransition)(()=>{k({type:a.ACTION_RESTORE,url:new URL(window.location.href),tree:t.__PRIVATE_NEXTJS_INTERNALS_TREE})})}};return window.addEventListener("popstate",r),()=>{window.history.pushState=e,window.history.replaceState=t,window.removeEventListener("popstate",r)}},[k]);let{cache:W,tree:K,nextUrl:V,focusAndScrollRef:Y}=(0,s.useUnwrapState)(I),X=(0,u.useMemo)(()=>(0,v.findHeadInCache)(W,K[1]),[W,K]),q=(0,u.useMemo)(()=>(function e(t,n){for(let r of(void 0===n&&(n={}),Object.values(t[1]))){let t=r[0],o=Array.isArray(t),u=o?t[1]:t;!u||u.startsWith(P.PAGE_SEGMENT_KEY)||(o&&("c"===t[2]||"oc"===t[2])?n[t[0]]=t[1].split("/"):o&&(n[t[0]]=t[1]),n=e(r,n))}return n})(K),[K]);if(null!==X){let[e,n]=X;t=(0,o.jsx)(N,{headCacheNode:e},n)}else t=null;let J=(0,o.jsxs)(_.RedirectBoundary,{children:[t,W.rsc,(0,o.jsx)(y.AppRouterAnnouncer,{tree:K})]});return(0,o.jsxs)(o.Fragment,{children:[(0,o.jsx)(x,{appRouterState:(0,s.useUnwrapState)(I),sync:U}),(0,o.jsx)(c.PathParamsContext.Provider,{value:q,children:(0,o.jsx)(c.PathnameContext.Provider,{value:H,children:(0,o.jsx)(c.SearchParamsContext.Provider,{value:L,children:(0,o.jsx)(l.GlobalLayoutRouterContext.Provider,{value:{buildId:n,changeByServerResponse:$,tree:K,focusAndScrollRef:Y,nextUrl:V},children:(0,o.jsx)(l.AppRouterContext.Provider,{value:z,children:(0,o.jsx)(l.LayoutRouterContext.Provider,{value:{childNodes:W.parallelRoutes,tree:K,url:F,loading:W.loading},children:J})})})})})})]})}function I(e){let{globalErrorComponent:t,...n}=e;return(0,o.jsx)(f.ErrorBoundary,{errorComponent:t,children:(0,o.jsx)(D,{...n})})}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},4804:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"bailoutToClientRendering",{enumerable:!0,get:function(){return u}});let r=n(5592),o=n(4936);function u(e){let t=o.staticGenerationAsyncStorage.getStore();if((null==t||!t.forceStatic)&&(null==t?void 0:t.isStaticGeneration))throw new r.BailoutToCSRError(e)}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},6513:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"ClientPageRoot",{enumerable:!0,get:function(){return u}});let r=n(7437),o=n(8897);function u(e){let{Component:t,props:n}=e;return n.searchParams=(0,o.createDynamicallyTrackedSearchParams)(n.searchParams||{}),(0,r.jsx)(t,{...n})}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},6130:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{ErrorBoundary:function(){return h},ErrorBoundaryHandler:function(){return f},GlobalError:function(){return d},default:function(){return p}});let r=n(9920),o=n(7437),u=r._(n(2265)),l=n(1169),a=n(2128),i=n(4936),c={error:{fontFamily:'system-ui,"Segoe UI",Roboto,Helvetica,Arial,sans-serif,"Apple Color Emoji","Segoe UI Emoji"',height:"100vh",textAlign:"center",display:"flex",flexDirection:"column",alignItems:"center",justifyContent:"center"},text:{fontSize:"14px",fontWeight:400,lineHeight:"28px",margin:"0 8px"}};function s(e){let{error:t}=e,n=i.staticGenerationAsyncStorage.getStore();if((null==n?void 0:n.isRevalidate)||(null==n?void 0:n.isStaticGeneration))throw console.error(t),t;return null}class f extends u.default.Component{static getDerivedStateFromError(e){if((0,a.isNextRouterError)(e))throw e;return{error:e}}static getDerivedStateFromProps(e,t){return e.pathname!==t.previousPathname&&t.error?{error:null,previousPathname:e.pathname}:{error:t.error,previousPathname:e.pathname}}render(){return this.state.error?(0,o.jsxs)(o.Fragment,{children:[(0,o.jsx)(s,{error:this.state.error}),this.props.errorStyles,this.props.errorScripts,(0,o.jsx)(this.props.errorComponent,{error:this.state.error,reset:this.reset})]}):this.props.children}constructor(e){super(e),this.reset=()=>{this.setState({error:null})},this.state={error:null,previousPathname:this.props.pathname}}}function d(e){let{error:t}=e,n=null==t?void 0:t.digest;return(0,o.jsxs)("html",{id:"__next_error__",children:[(0,o.jsx)("head",{}),(0,o.jsxs)("body",{children:[(0,o.jsx)(s,{error:t}),(0,o.jsx)("div",{style:c.error,children:(0,o.jsxs)("div",{children:[(0,o.jsx)("h2",{style:c.text,children:"Application error: a "+(n?"server":"client")+"-side exception has occurred (see the "+(n?"server logs":"browser console")+" for more information)."}),n?(0,o.jsx)("p",{style:c.text,children:"Digest: "+n}):null]})})]})]})}let p=d;function h(e){let{errorComponent:t,errorStyles:n,errorScripts:r,children:u}=e,a=(0,l.usePathname)();return t?(0,o.jsx)(f,{pathname:a,errorComponent:t,errorStyles:n,errorScripts:r,children:u}):(0,o.jsx)(o.Fragment,{children:u})}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},7910:function(e,t){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{DynamicServerError:function(){return r},isDynamicServerError:function(){return o}});let n="DYNAMIC_SERVER_USAGE";class r extends Error{constructor(e){super("Dynamic server usage: "+e),this.description=e,this.digest=n}}function o(e){return"object"==typeof e&&null!==e&&"digest"in e&&"string"==typeof e.digest&&e.digest===n}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},2128:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"isNextRouterError",{enumerable:!0,get:function(){return u}});let r=n(2496),o=n(7909);function u(e){return e&&e.digest&&((0,o.isRedirectError)(e)||(0,r.isNotFoundError)(e))}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},9275:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"default",{enumerable:!0,get:function(){return S}});let r=n(9920),o=n(1452),u=n(7437),l=o._(n(2265)),a=r._(n(4887)),i=n(4467),c=n(1283),s=n(1108),f=n(6130),d=n(6237),p=n(6180),h=n(6585),y=n(5324),_=n(4640),v=n(1784),b=n(5914),g=["bottom","height","left","right","top","width","x","y"];function m(e,t){let n=e.getBoundingClientRect();return n.top>=0&&n.top<=t}class R extends l.default.Component{componentDidMount(){this.handlePotentialScroll()}componentDidUpdate(){this.props.focusAndScrollRef.apply&&this.handlePotentialScroll()}render(){return this.props.children}constructor(...e){super(...e),this.handlePotentialScroll=()=>{let{focusAndScrollRef:e,segmentPath:t}=this.props;if(e.apply){var n;if(0!==e.segmentPaths.length&&!e.segmentPaths.some(e=>t.every((t,n)=>(0,d.matchSegment)(t,e[n]))))return;let r=null,o=e.hashFragment;if(o&&(r="top"===o?document.body:null!=(n=document.getElementById(o))?n:document.getElementsByName(o)[0]),r||(r="undefined"==typeof window?null:a.default.findDOMNode(this)),!(r instanceof Element))return;for(;!(r instanceof HTMLElement)||function(e){if(["sticky","fixed"].includes(getComputedStyle(e).position))return!0;let t=e.getBoundingClientRect();return g.every(e=>0===t[e])}(r);){if(null===r.nextElementSibling)return;r=r.nextElementSibling}e.apply=!1,e.hashFragment=null,e.segmentPaths=[],(0,p.handleSmoothScroll)(()=>{if(o){r.scrollIntoView();return}let e=document.documentElement,t=e.clientHeight;!m(r,t)&&(e.scrollTop=0,m(r,t)||r.scrollIntoView())},{dontForceLayout:!0,onlyHashChange:e.onlyHashChange}),e.onlyHashChange=!1,r.focus()}}}}function P(e){let{segmentPath:t,children:n}=e,r=(0,l.useContext)(i.GlobalLayoutRouterContext);if(!r)throw Error("invariant global layout router not mounted");return(0,u.jsx)(R,{segmentPath:t,focusAndScrollRef:r.focusAndScrollRef,children:n})}function j(e){let{parallelRouterKey:t,url:n,childNodes:r,segmentPath:o,tree:a,cacheKey:f}=e,p=(0,l.useContext)(i.GlobalLayoutRouterContext);if(!p)throw Error("invariant global layout router not mounted");let{buildId:h,changeByServerResponse:y,tree:_}=p,v=r.get(f);if(void 0===v){let e={lazyData:null,rsc:null,prefetchRsc:null,head:null,prefetchHead:null,parallelRoutes:new Map,lazyDataResolved:!1,loading:null};v=e,r.set(f,e)}let g=null!==v.prefetchRsc?v.prefetchRsc:v.rsc,m=(0,l.useDeferredValue)(v.rsc,g),R="object"==typeof m&&null!==m&&"function"==typeof m.then?(0,l.use)(m):m;if(!R){let e=v.lazyData;if(null===e){let t=function e(t,n){if(t){let[r,o]=t,u=2===t.length;if((0,d.matchSegment)(n[0],r)&&n[1].hasOwnProperty(o)){if(u){let t=e(void 0,n[1][o]);return[n[0],{...n[1],[o]:[t[0],t[1],t[2],"refetch"]}]}return[n[0],{...n[1],[o]:e(t.slice(2),n[1][o])}]}}return n}(["",...o],_),r=(0,b.hasInterceptionRouteInCurrentTree)(_);v.lazyData=e=(0,c.fetchServerResponse)(new URL(n,location.origin),t,r?p.nextUrl:null,h),v.lazyDataResolved=!1}let t=(0,l.use)(e);v.lazyDataResolved||(setTimeout(()=>{(0,l.startTransition)(()=>{y({previousTree:_,serverResponse:t})})}),v.lazyDataResolved=!0,(0,l.use)(s.unresolvedThenable))}return(0,u.jsx)(i.LayoutRouterContext.Provider,{value:{tree:a[1][t],childNodes:v.parallelRoutes,url:n,loading:v.loading},children:R})}function O(e){let{children:t,hasLoading:n,loading:r,loadingStyles:o,loadingScripts:a}=e;return n?(0,u.jsx)(l.Suspense,{fallback:(0,u.jsxs)(u.Fragment,{children:[o,a,r]}),children:t}):(0,u.jsx)(u.Fragment,{children:t})}function S(e){let{parallelRouterKey:t,segmentPath:n,error:r,errorStyles:o,errorScripts:a,templateStyles:c,templateScripts:s,template:d,notFound:p,notFoundStyles:b,styles:g}=e,m=(0,l.useContext)(i.LayoutRouterContext);if(!m)throw Error("invariant expected layout router to be mounted");let{childNodes:R,tree:S,url:E,loading:w}=m,T=R.get(t);T||(T=new Map,R.set(t,T));let M=S[1][t][0],x=(0,_.getSegmentValue)(M),C=[M];return(0,u.jsxs)(u.Fragment,{children:[g,C.map(e=>{let l=(0,_.getSegmentValue)(e),g=(0,v.createRouterCacheKey)(e);return(0,u.jsxs)(i.TemplateContext.Provider,{value:(0,u.jsx)(P,{segmentPath:n,children:(0,u.jsx)(f.ErrorBoundary,{errorComponent:r,errorStyles:o,errorScripts:a,children:(0,u.jsx)(O,{hasLoading:!!w,loading:null==w?void 0:w[0],loadingStyles:null==w?void 0:w[1],loadingScripts:null==w?void 0:w[2],children:(0,u.jsx)(y.NotFoundBoundary,{notFound:p,notFoundStyles:b,children:(0,u.jsx)(h.RedirectBoundary,{children:(0,u.jsx)(j,{parallelRouterKey:t,url:E,tree:S,childNodes:T,segmentPath:n,cacheKey:g,isActive:x===l})})})})})}),children:[c,s,d]},(0,v.createRouterCacheKey)(e,!0))})]})}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},6237:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{canSegmentBeOverridden:function(){return u},matchSegment:function(){return o}});let r=n(4286),o=(e,t)=>"string"==typeof e?"string"==typeof t&&e===t:"string"!=typeof t&&e[0]===t[0]&&e[1]===t[1],u=(e,t)=>{var n;return!Array.isArray(e)&&!!Array.isArray(t)&&(null==(n=(0,r.getSegmentParam)(e))?void 0:n.param)===t[0]};("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},1169:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{ReadonlyURLSearchParams:function(){return i.ReadonlyURLSearchParams},RedirectType:function(){return i.RedirectType},ServerInsertedHTMLContext:function(){return c.ServerInsertedHTMLContext},notFound:function(){return i.notFound},permanentRedirect:function(){return i.permanentRedirect},redirect:function(){return i.redirect},useParams:function(){return p},usePathname:function(){return f},useRouter:function(){return d},useSearchParams:function(){return s},useSelectedLayoutSegment:function(){return y},useSelectedLayoutSegments:function(){return h},useServerInsertedHTML:function(){return c.useServerInsertedHTML}});let r=n(2265),o=n(4467),u=n(8056),l=n(4640),a=n(0),i=n(2152),c=n(8005);function s(){let e=(0,r.useContext)(u.SearchParamsContext),t=(0,r.useMemo)(()=>e?new i.ReadonlyURLSearchParams(e):null,[e]);if("undefined"==typeof window){let{bailoutToClientRendering:e}=n(4804);e("useSearchParams()")}return t}function f(){return(0,r.useContext)(u.PathnameContext)}function d(){let e=(0,r.useContext)(o.AppRouterContext);if(null===e)throw Error("invariant expected app router to be mounted");return e}function p(){return(0,r.useContext)(u.PathParamsContext)}function h(e){void 0===e&&(e="children");let t=(0,r.useContext)(o.LayoutRouterContext);return t?function e(t,n,r,o){let u;if(void 0===r&&(r=!0),void 0===o&&(o=[]),r)u=t[1][n];else{var i;let e=t[1];u=null!=(i=e.children)?i:Object.values(e)[0]}if(!u)return o;let c=u[0],s=(0,l.getSegmentValue)(c);return!s||s.startsWith(a.PAGE_SEGMENT_KEY)?o:(o.push(s),e(u,n,!1,o))}(t.tree,e):null}function y(e){void 0===e&&(e="children");let t=h(e);if(!t||0===t.length)return null;let n="children"===e?t[0]:t[t.length-1];return n===a.DEFAULT_SEGMENT_KEY?null:n}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},2152:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{ReadonlyURLSearchParams:function(){return l},RedirectType:function(){return r.RedirectType},notFound:function(){return o.notFound},permanentRedirect:function(){return r.permanentRedirect},redirect:function(){return r.redirect}});let r=n(7909),o=n(2496);class u extends Error{constructor(){super("Method unavailable on `ReadonlyURLSearchParams`. Read more: https://nextjs.org/docs/app/api-reference/functions/use-search-params#updating-searchparams")}}class l extends URLSearchParams{append(){throw new u}delete(){throw new u}set(){throw new u}sort(){throw new u}}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},5324:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"NotFoundBoundary",{enumerable:!0,get:function(){return s}});let r=n(1452),o=n(7437),u=r._(n(2265)),l=n(1169),a=n(2496);n(2301);let i=n(4467);class c extends u.default.Component{componentDidCatch(){}static getDerivedStateFromError(e){if((0,a.isNotFoundError)(e))return{notFoundTriggered:!0};throw e}static getDerivedStateFromProps(e,t){return e.pathname!==t.previousPathname&&t.notFoundTriggered?{notFoundTriggered:!1,previousPathname:e.pathname}:{notFoundTriggered:t.notFoundTriggered,previousPathname:e.pathname}}render(){return this.state.notFoundTriggered?(0,o.jsxs)(o.Fragment,{children:[(0,o.jsx)("meta",{name:"robots",content:"noindex"}),!1,this.props.notFoundStyles,this.props.notFound]}):this.props.children}constructor(e){super(e),this.state={notFoundTriggered:!!e.asNotFound,previousPathname:e.pathname}}}function s(e){let{notFound:t,notFoundStyles:n,asNotFound:r,children:a}=e,s=(0,l.usePathname)(),f=(0,u.useContext)(i.MissingSlotContext);return t?(0,o.jsx)(c,{pathname:s,notFound:t,notFoundStyles:n,asNotFound:r,missingSlots:f,children:a}):(0,o.jsx)(o.Fragment,{children:a})}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},2496:function(e,t){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{isNotFoundError:function(){return o},notFound:function(){return r}});let n="NEXT_NOT_FOUND";function r(){let e=Error(n);throw e.digest=n,e}function o(e){return"object"==typeof e&&null!==e&&"digest"in e&&e.digest===n}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},3858:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"PromiseQueue",{enumerable:!0,get:function(){return c}});let r=n(3449),o=n(7614);var u=o._("_maxConcurrency"),l=o._("_runningCount"),a=o._("_queue"),i=o._("_processNext");class c{enqueue(e){let t,n;let o=new Promise((e,r)=>{t=e,n=r}),u=async()=>{try{r._(this,l)[l]++;let n=await e();t(n)}catch(e){n(e)}finally{r._(this,l)[l]--,r._(this,i)[i]()}};return r._(this,a)[a].push({promiseFn:o,task:u}),r._(this,i)[i](),o}bump(e){let t=r._(this,a)[a].findIndex(t=>t.promiseFn===e);if(t>-1){let e=r._(this,a)[a].splice(t,1)[0];r._(this,a)[a].unshift(e),r._(this,i)[i](!0)}}constructor(e=5){Object.defineProperty(this,i,{value:s}),Object.defineProperty(this,u,{writable:!0,value:void 0}),Object.defineProperty(this,l,{writable:!0,value:void 0}),Object.defineProperty(this,a,{writable:!0,value:void 0}),r._(this,u)[u]=e,r._(this,l)[l]=0,r._(this,a)[a]=[]}}function s(e){if(void 0===e&&(e=!1),(r._(this,l)[l]0){var t;null==(t=r._(this,a)[a].shift())||t.task()}}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},6585:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{RedirectBoundary:function(){return s},RedirectErrorBoundary:function(){return c}});let r=n(1452),o=n(7437),u=r._(n(2265)),l=n(1169),a=n(7909);function i(e){let{redirect:t,reset:n,redirectType:r}=e,o=(0,l.useRouter)();return(0,u.useEffect)(()=>{u.default.startTransition(()=>{r===a.RedirectType.push?o.push(t,{}):o.replace(t,{}),n()})},[t,r,n,o]),null}class c extends u.default.Component{static getDerivedStateFromError(e){if((0,a.isRedirectError)(e))return{redirect:(0,a.getURLFromRedirectError)(e),redirectType:(0,a.getRedirectTypeFromError)(e)};throw e}render(){let{redirect:e,redirectType:t}=this.state;return null!==e&&null!==t?(0,o.jsx)(i,{redirect:e,redirectType:t,reset:()=>this.setState({redirect:null})}):this.props.children}constructor(e){super(e),this.state={redirect:null,redirectType:null}}}function s(e){let{children:t}=e,n=(0,l.useRouter)();return(0,o.jsx)(c,{router:n,children:t})}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},4785:function(e,t){"use strict";var n,r;Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"RedirectStatusCode",{enumerable:!0,get:function(){return n}}),(r=n||(n={}))[r.SeeOther=303]="SeeOther",r[r.TemporaryRedirect=307]="TemporaryRedirect",r[r.PermanentRedirect=308]="PermanentRedirect",("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},7909:function(e,t,n){"use strict";var r,o;Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{RedirectType:function(){return r},getRedirectError:function(){return c},getRedirectStatusCodeFromError:function(){return y},getRedirectTypeFromError:function(){return h},getURLFromRedirectError:function(){return p},isRedirectError:function(){return d},permanentRedirect:function(){return f},redirect:function(){return s}});let u=n(8512),l=n(9440),a=n(4785),i="NEXT_REDIRECT";function c(e,t,n){void 0===n&&(n=a.RedirectStatusCode.TemporaryRedirect);let r=Error(i);r.digest=i+";"+t+";"+e+";"+n+";";let o=u.requestAsyncStorage.getStore();return o&&(r.mutableCookies=o.mutableCookies),r}function s(e,t){void 0===t&&(t="replace");let n=l.actionAsyncStorage.getStore();throw c(e,t,(null==n?void 0:n.isAction)?a.RedirectStatusCode.SeeOther:a.RedirectStatusCode.TemporaryRedirect)}function f(e,t){void 0===t&&(t="replace");let n=l.actionAsyncStorage.getStore();throw c(e,t,(null==n?void 0:n.isAction)?a.RedirectStatusCode.SeeOther:a.RedirectStatusCode.PermanentRedirect)}function d(e){if("object"!=typeof e||null===e||!("digest"in e)||"string"!=typeof e.digest)return!1;let[t,n,r,o]=e.digest.split(";",4),u=Number(o);return t===i&&("replace"===n||"push"===n)&&"string"==typeof r&&!isNaN(u)&&u in a.RedirectStatusCode}function p(e){return d(e)?e.digest.split(";",3)[2]:null}function h(e){if(!d(e))throw Error("Not a redirect error");return e.digest.split(";",2)[1]}function y(e){if(!d(e))throw Error("Not a redirect error");return Number(e.digest.split(";",4)[3])}(o=r||(r={})).push="push",o.replace="replace",("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},1343:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"default",{enumerable:!0,get:function(){return a}});let r=n(1452),o=n(7437),u=r._(n(2265)),l=n(4467);function a(){let e=(0,u.useContext)(l.TemplateContext);return(0,o.jsx)(o.Fragment,{children:e})}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},8512:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{getExpectedRequestStore:function(){return o},requestAsyncStorage:function(){return r.requestAsyncStorage}});let r=n(38);function o(e){let t=r.requestAsyncStorage.getStore();if(t)return t;throw Error("`"+e+"` was called outside a request scope. Read more: https://nextjs.org/docs/messages/next-dynamic-api-wrong-context")}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},9607:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"applyFlightData",{enumerable:!0,get:function(){return u}});let r=n(3821),o=n(1133);function u(e,t,n,u){let[l,a,i]=n.slice(-3);if(null===a)return!1;if(3===n.length){let n=a[2],o=a[3];t.loading=o,t.rsc=n,t.prefetchRsc=null,(0,r.fillLazyItemsTillLeafWithHead)(t,e,l,a,i,u)}else t.rsc=e.rsc,t.prefetchRsc=e.prefetchRsc,t.parallelRoutes=new Map(e.parallelRoutes),t.loading=e.loading,(0,o.fillCacheWithNewSubTreeData)(t,e,n,u);return!0}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},9684:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"applyRouterStatePatchToTree",{enumerable:!0,get:function(){return function e(t,n,r,a){let i;let[c,s,f,d,p]=n;if(1===t.length){let e=l(n,r,t);return(0,u.addRefreshMarkerToActiveParallelSegments)(e,a),e}let[h,y]=t;if(!(0,o.matchSegment)(h,c))return null;if(2===t.length)i=l(s[y],r,t);else if(null===(i=e(t.slice(2),s[y],r,a)))return null;let _=[t[0],{...s,[y]:i},f,d];return p&&(_[4]=!0),(0,u.addRefreshMarkerToActiveParallelSegments)(_,a),_}}});let r=n(0),o=n(6237),u=n(4922);function l(e,t,n){let[u,a]=e,[i,c]=t;if(i===r.DEFAULT_SEGMENT_KEY&&u!==r.DEFAULT_SEGMENT_KEY)return e;if((0,o.matchSegment)(u,i)){let t={};for(let e in a)void 0!==c[e]?t[e]=l(a[e],c[e],n):t[e]=a[e];for(let e in c)t[e]||(t[e]=c[e]);let r=[u,t];return e[2]&&(r[2]=e[2]),e[3]&&(r[3]=e[3]),e[4]&&(r[4]=e[4]),r}return t}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},9559:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"clearCacheNodeDataForSegmentPath",{enumerable:!0,get:function(){return function e(t,n,o){let u=o.length<=2,[l,a]=o,i=(0,r.createRouterCacheKey)(a),c=n.parallelRoutes.get(l),s=t.parallelRoutes.get(l);s&&s!==c||(s=new Map(c),t.parallelRoutes.set(l,s));let f=null==c?void 0:c.get(i),d=s.get(i);if(u){d&&d.lazyData&&d!==f||s.set(i,{lazyData:null,rsc:null,prefetchRsc:null,head:null,prefetchHead:null,parallelRoutes:new Map,lazyDataResolved:!1,loading:null});return}if(!d||!f){d||s.set(i,{lazyData:null,rsc:null,prefetchRsc:null,head:null,prefetchHead:null,parallelRoutes:new Map,lazyDataResolved:!1,loading:null});return}return d===f&&(d={lazyData:d.lazyData,rsc:d.rsc,prefetchRsc:d.prefetchRsc,head:d.head,prefetchHead:d.prefetchHead,parallelRoutes:new Map(d.parallelRoutes),lazyDataResolved:d.lazyDataResolved,loading:d.loading},s.set(i,d)),e(d,f,o.slice(2))}}});let r=n(1784);("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},6626:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{computeChangedPath:function(){return s},extractPathFromFlightRouterState:function(){return c}});let r=n(2269),o=n(0),u=n(6237),l=e=>"/"===e[0]?e.slice(1):e,a=e=>"string"==typeof e?"children"===e?"":e:e[1];function i(e){return e.reduce((e,t)=>""===(t=l(t))||(0,o.isGroupSegment)(t)?e:e+"/"+t,"")||"/"}function c(e){var t;let n=Array.isArray(e[0])?e[0][1]:e[0];if(n===o.DEFAULT_SEGMENT_KEY||r.INTERCEPTION_ROUTE_MARKERS.some(e=>n.startsWith(e)))return;if(n.startsWith(o.PAGE_SEGMENT_KEY))return"";let u=[a(n)],l=null!=(t=e[1])?t:{},s=l.children?c(l.children):void 0;if(void 0!==s)u.push(s);else for(let[e,t]of Object.entries(l)){if("children"===e)continue;let n=c(t);void 0!==n&&u.push(n)}return i(u)}function s(e,t){let n=function e(t,n){let[o,l]=t,[i,s]=n,f=a(o),d=a(i);if(r.INTERCEPTION_ROUTE_MARKERS.some(e=>f.startsWith(e)||d.startsWith(e)))return"";if(!(0,u.matchSegment)(o,i)){var p;return null!=(p=c(n))?p:""}for(let t in l)if(s[t]){let n=e(l[t],s[t]);if(null!==n)return a(i)+"/"+n}return null}(e,t);return null==n||"/"===n?n:i(n.split("/"))}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},3174:function(e,t){"use strict";function n(e,t){return void 0===t&&(t=!0),e.pathname+e.search+(t?e.hash:"")}Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"createHrefFromUrl",{enumerable:!0,get:function(){return n}}),("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},322:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"createInitialRouterState",{enumerable:!0,get:function(){return c}});let r=n(3174),o=n(3821),u=n(6626),l=n(6004),a=n(1507),i=n(4922);function c(e){var t;let{buildId:n,initialTree:c,initialSeedData:s,initialCanonicalUrl:f,initialParallelRoutes:d,location:p,initialHead:h,couldBeIntercepted:y}=e,_=!p,v={lazyData:null,rsc:s[2],prefetchRsc:null,head:null,prefetchHead:null,parallelRoutes:_?new Map:d,lazyDataResolved:!1,loading:s[3]},b=p?(0,r.createHrefFromUrl)(p):f;(0,i.addRefreshMarkerToActiveParallelSegments)(c,b);let g=new Map;(null===d||0===d.size)&&(0,o.fillLazyItemsTillLeafWithHead)(v,void 0,c,s,h);let m={buildId:n,tree:c,cache:v,prefetchCache:g,pushRef:{pendingPush:!1,mpaNavigation:!1,preserveCustomHistoryState:!0},focusAndScrollRef:{apply:!1,onlyHashChange:!1,hashFragment:null,segmentPaths:[]},canonicalUrl:b,nextUrl:null!=(t=(0,u.extractPathFromFlightRouterState)(c)||(null==p?void 0:p.pathname))?t:null};if(p){let e=new URL(p.pathname,p.origin),t=[["",c,null,null]];(0,l.createPrefetchCacheEntryForInitialLoad)({url:e,kind:a.PrefetchKind.AUTO,data:[t,void 0,!1,y],tree:m.tree,prefetchCache:m.prefetchCache,nextUrl:m.nextUrl})}return m}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},1784:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"createRouterCacheKey",{enumerable:!0,get:function(){return o}});let r=n(0);function o(e,t){return(void 0===t&&(t=!1),Array.isArray(e))?e[0]+"|"+e[1]+"|"+e[2]:t&&e.startsWith(r.PAGE_SEGMENT_KEY)?r.PAGE_SEGMENT_KEY:e}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},1283:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"fetchServerResponse",{enumerable:!0,get:function(){return s}});let r=n(7325),o=n(5751),u=n(4590),l=n(1507),a=n(4736),{createFromFetch:i}=n(6671);function c(e){return[(0,o.urlToUrlWithoutFlightMarker)(e).toString(),void 0,!1,!1]}async function s(e,t,n,s,f){let d={[r.RSC_HEADER]:"1",[r.NEXT_ROUTER_STATE_TREE]:encodeURIComponent(JSON.stringify(t))};f===l.PrefetchKind.AUTO&&(d[r.NEXT_ROUTER_PREFETCH_HEADER]="1"),n&&(d[r.NEXT_URL]=n);let p=(0,a.hexHash)([d[r.NEXT_ROUTER_PREFETCH_HEADER]||"0",d[r.NEXT_ROUTER_STATE_TREE],d[r.NEXT_URL]].join(","));try{var h;let t=new URL(e);t.pathname.endsWith("/")?t.pathname+="index.txt":t.pathname+=".txt",t.searchParams.set(r.NEXT_RSC_UNION_QUERY,p);let n=await fetch(t,{credentials:"same-origin",headers:d}),l=(0,o.urlToUrlWithoutFlightMarker)(n.url),a=n.redirected?l:void 0,f=n.headers.get("content-type")||"",y=!!n.headers.get(r.NEXT_DID_POSTPONE_HEADER),_=!!(null==(h=n.headers.get("vary"))?void 0:h.includes(r.NEXT_URL)),v=f===r.RSC_CONTENT_TYPE_HEADER;if(v||(v=f.startsWith("text/plain")),!v||!n.ok)return e.hash&&(l.hash=e.hash),c(l.toString());let[b,g]=await i(Promise.resolve(n),{callServer:u.callServer});if(s!==b)return c(n.url);return[g,a,y,_]}catch(t){return console.error("Failed to fetch RSC payload for "+e+". Falling back to browser navigation.",t),[e.toString(),void 0,!1,!1]}}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},1133:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"fillCacheWithNewSubTreeData",{enumerable:!0,get:function(){return function e(t,n,l,a){let i=l.length<=5,[c,s]=l,f=(0,u.createRouterCacheKey)(s),d=n.parallelRoutes.get(c);if(!d)return;let p=t.parallelRoutes.get(c);p&&p!==d||(p=new Map(d),t.parallelRoutes.set(c,p));let h=d.get(f),y=p.get(f);if(i){if(!y||!y.lazyData||y===h){let e=l[3];y={lazyData:null,rsc:e[2],prefetchRsc:null,head:null,prefetchHead:null,loading:e[3],parallelRoutes:h?new Map(h.parallelRoutes):new Map,lazyDataResolved:!1},h&&(0,r.invalidateCacheByRouterState)(y,h,l[2]),(0,o.fillLazyItemsTillLeafWithHead)(y,h,l[2],e,l[4],a),p.set(f,y)}return}y&&h&&(y===h&&(y={lazyData:y.lazyData,rsc:y.rsc,prefetchRsc:y.prefetchRsc,head:y.head,prefetchHead:y.prefetchHead,parallelRoutes:new Map(y.parallelRoutes),lazyDataResolved:!1,loading:y.loading},p.set(f,y)),e(y,h,l.slice(2),a))}}});let r=n(4213),o=n(3821),u=n(1784);("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},3821:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"fillLazyItemsTillLeafWithHead",{enumerable:!0,get:function(){return function e(t,n,u,l,a,i){if(0===Object.keys(u[1]).length){t.head=a;return}for(let c in u[1]){let s;let f=u[1][c],d=f[0],p=(0,r.createRouterCacheKey)(d),h=null!==l&&void 0!==l[1][c]?l[1][c]:null;if(n){let r=n.parallelRoutes.get(c);if(r){let n;let u=(null==i?void 0:i.kind)==="auto"&&i.status===o.PrefetchCacheEntryStatus.reusable,l=new Map(r),s=l.get(p);n=null!==h?{lazyData:null,rsc:h[2],prefetchRsc:null,head:null,prefetchHead:null,loading:h[3],parallelRoutes:new Map(null==s?void 0:s.parallelRoutes),lazyDataResolved:!1}:u&&s?{lazyData:s.lazyData,rsc:s.rsc,prefetchRsc:s.prefetchRsc,head:s.head,prefetchHead:s.prefetchHead,parallelRoutes:new Map(s.parallelRoutes),lazyDataResolved:s.lazyDataResolved,loading:s.loading}:{lazyData:null,rsc:null,prefetchRsc:null,head:null,prefetchHead:null,parallelRoutes:new Map(null==s?void 0:s.parallelRoutes),lazyDataResolved:!1,loading:null},l.set(p,n),e(n,s,f,h||null,a,i),t.parallelRoutes.set(c,l);continue}}if(null!==h){let e=h[2],t=h[3];s={lazyData:null,rsc:e,prefetchRsc:null,head:null,prefetchHead:null,parallelRoutes:new Map,lazyDataResolved:!1,loading:t}}else s={lazyData:null,rsc:null,prefetchRsc:null,head:null,prefetchHead:null,parallelRoutes:new Map,lazyDataResolved:!1,loading:null};let y=t.parallelRoutes.get(c);y?y.set(p,s):t.parallelRoutes.set(c,new Map([[p,s]])),e(s,void 0,f,h,a,i)}}}});let r=n(1784),o=n(1507);("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},6416:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"handleMutable",{enumerable:!0,get:function(){return u}});let r=n(6626);function o(e){return void 0!==e}function u(e,t){var n,u,l;let a=null==(u=t.shouldScroll)||u,i=e.nextUrl;if(o(t.patchedTree)){let n=(0,r.computeChangedPath)(e.tree,t.patchedTree);n?i=n:i||(i=e.canonicalUrl)}return{buildId:e.buildId,canonicalUrl:o(t.canonicalUrl)?t.canonicalUrl===e.canonicalUrl?e.canonicalUrl:t.canonicalUrl:e.canonicalUrl,pushRef:{pendingPush:o(t.pendingPush)?t.pendingPush:e.pushRef.pendingPush,mpaNavigation:o(t.mpaNavigation)?t.mpaNavigation:e.pushRef.mpaNavigation,preserveCustomHistoryState:o(t.preserveCustomHistoryState)?t.preserveCustomHistoryState:e.pushRef.preserveCustomHistoryState},focusAndScrollRef:{apply:!!a&&(!!o(null==t?void 0:t.scrollableSegments)||e.focusAndScrollRef.apply),onlyHashChange:!!t.hashFragment&&e.canonicalUrl.split("#",1)[0]===(null==(n=t.canonicalUrl)?void 0:n.split("#",1)[0]),hashFragment:a?t.hashFragment&&""!==t.hashFragment?decodeURIComponent(t.hashFragment.slice(1)):e.focusAndScrollRef.hashFragment:null,segmentPaths:a?null!=(l=null==t?void 0:t.scrollableSegments)?l:e.focusAndScrollRef.segmentPaths:[]},cache:t.cache?t.cache:e.cache,prefetchCache:t.prefetchCache?t.prefetchCache:e.prefetchCache,tree:o(t.patchedTree)?t.patchedTree:e.tree,nextUrl:i}}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},774:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"handleSegmentMismatch",{enumerable:!0,get:function(){return o}});let r=n(1294);function o(e,t,n){return(0,r.handleExternalUrl)(e,{},e.canonicalUrl,!0)}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},9863:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"invalidateCacheBelowFlightSegmentPath",{enumerable:!0,get:function(){return function e(t,n,o){let u=o.length<=2,[l,a]=o,i=(0,r.createRouterCacheKey)(a),c=n.parallelRoutes.get(l);if(!c)return;let s=t.parallelRoutes.get(l);if(s&&s!==c||(s=new Map(c),t.parallelRoutes.set(l,s)),u){s.delete(i);return}let f=c.get(i),d=s.get(i);d&&f&&(d===f&&(d={lazyData:d.lazyData,rsc:d.rsc,prefetchRsc:d.prefetchRsc,head:d.head,prefetchHead:d.prefetchHead,parallelRoutes:new Map(d.parallelRoutes),lazyDataResolved:d.lazyDataResolved},s.set(i,d)),e(d,f,o.slice(2)))}}});let r=n(1784);("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},4213:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"invalidateCacheByRouterState",{enumerable:!0,get:function(){return o}});let r=n(1784);function o(e,t,n){for(let o in n[1]){let u=n[1][o][0],l=(0,r.createRouterCacheKey)(u),a=t.parallelRoutes.get(o);if(a){let t=new Map(a);t.delete(l),e.parallelRoutes.set(o,t)}}}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},139:function(e,t){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"isNavigatingToNewRootLayout",{enumerable:!0,get:function(){return function e(t,n){let r=t[0],o=n[0];if(Array.isArray(r)&&Array.isArray(o)){if(r[0]!==o[0]||r[2]!==o[2])return!0}else if(r!==o)return!0;if(t[4])return!n[4];if(n[4])return!0;let u=Object.values(t[1])[0],l=Object.values(n[1])[0];return!u||!l||e(u,l)}}}),("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},3060:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{abortTask:function(){return c},listenForDynamicRequest:function(){return a},updateCacheNodeOnNavigation:function(){return function e(t,n,a,c,s){let f=n[1],d=a[1],p=c[1],h=t.parallelRoutes,y=new Map(h),_={},v=null;for(let t in d){let n;let a=d[t],c=f[t],b=h.get(t),g=p[t],m=a[0],R=(0,u.createRouterCacheKey)(m),P=void 0!==c?c[0]:void 0,j=void 0!==b?b.get(R):void 0;if(null!==(n=m===r.PAGE_SEGMENT_KEY?l(a,void 0!==g?g:null,s):m===r.DEFAULT_SEGMENT_KEY?void 0!==c?{route:c,node:null,children:null}:l(a,void 0!==g?g:null,s):void 0!==P&&(0,o.matchSegment)(m,P)&&void 0!==j&&void 0!==c?null!=g?e(j,c,a,g,s):function(e){let t=i(e,null,null);return{route:e,node:t,children:null}}(a):l(a,void 0!==g?g:null,s))){null===v&&(v=new Map),v.set(t,n);let e=n.node;if(null!==e){let n=new Map(b);n.set(R,e),y.set(t,n)}_[t]=n.route}else _[t]=a}if(null===v)return null;let b={lazyData:null,rsc:t.rsc,prefetchRsc:t.prefetchRsc,head:t.head,prefetchHead:t.prefetchHead,loading:t.loading,parallelRoutes:y,lazyDataResolved:!1};return{route:function(e,t){let n=[e[0],t];return 2 in e&&(n[2]=e[2]),3 in e&&(n[3]=e[3]),4 in e&&(n[4]=e[4]),n}(a,_),node:b,children:v}}},updateCacheNodeOnPopstateRestoration:function(){return function e(t,n){let r=n[1],o=t.parallelRoutes,l=new Map(o);for(let t in r){let n=r[t],a=n[0],i=(0,u.createRouterCacheKey)(a),c=o.get(t);if(void 0!==c){let r=c.get(i);if(void 0!==r){let o=e(r,n),u=new Map(c);u.set(i,o),l.set(t,u)}}}let a=t.rsc,i=d(a)&&"pending"===a.status;return{lazyData:null,rsc:a,head:t.head,prefetchHead:i?t.prefetchHead:null,prefetchRsc:i?t.prefetchRsc:null,loading:i?t.loading:null,parallelRoutes:l,lazyDataResolved:!1}}}});let r=n(0),o=n(6237),u=n(1784);function l(e,t,n){let r=i(e,t,n);return{route:e,node:r,children:null}}function a(e,t){t.then(t=>{for(let n of t[0]){let t=n.slice(0,-3),r=n[n.length-3],l=n[n.length-2],a=n[n.length-1];"string"!=typeof t&&function(e,t,n,r,l){let a=e;for(let e=0;e{c(e,t)})}function i(e,t,n){let r=e[1],o=null!==t?t[1]:null,l=new Map;for(let e in r){let t=r[e],a=null!==o?o[e]:null,c=t[0],s=(0,u.createRouterCacheKey)(c),f=i(t,void 0===a?null:a,n),d=new Map;d.set(s,f),l.set(e,d)}let a=0===l.size,c=null!==t?t[2]:null,s=null!==t?t[3]:null;return{lazyData:null,parallelRoutes:l,prefetchRsc:void 0!==c?c:null,prefetchHead:a?n:null,loading:void 0!==s?s:null,rsc:p(),head:a?p():null,lazyDataResolved:!1}}function c(e,t){let n=e.node;if(null===n)return;let r=e.children;if(null===r)s(e.route,n,t);else for(let e of r.values())c(e,t);e.node=null}function s(e,t,n){let r=e[1],o=t.parallelRoutes;for(let e in r){let t=r[e],l=o.get(e);if(void 0===l)continue;let a=t[0],i=(0,u.createRouterCacheKey)(a),c=l.get(i);void 0!==c&&s(t,c,n)}let l=t.rsc;d(l)&&(null===n?l.resolve(null):l.reject(n));let a=t.head;d(a)&&a.resolve(null)}let f=Symbol();function d(e){return e&&e.tag===f}function p(){let e,t;let n=new Promise((n,r)=>{e=n,t=r});return n.status="pending",n.resolve=t=>{"pending"===n.status&&(n.status="fulfilled",n.value=t,e(t))},n.reject=e=>{"pending"===n.status&&(n.status="rejected",n.reason=e,t(e))},n.tag=f,n}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},6004:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{createPrefetchCacheEntryForInitialLoad:function(){return c},getOrCreatePrefetchCacheEntry:function(){return i},prunePrefetchCache:function(){return f}});let r=n(3174),o=n(1283),u=n(1507),l=n(9218);function a(e,t){let n=(0,r.createHrefFromUrl)(e,!1);return t?t+"%"+n:n}function i(e){let t,{url:n,nextUrl:r,tree:o,buildId:l,prefetchCache:i,kind:c}=e,f=a(n,r),d=i.get(f);if(d)t=d;else{let e=a(n),r=i.get(e);r&&(t=r)}return t?(t.status=h(t),t.kind!==u.PrefetchKind.FULL&&c===u.PrefetchKind.FULL)?s({tree:o,url:n,buildId:l,nextUrl:r,prefetchCache:i,kind:null!=c?c:u.PrefetchKind.TEMPORARY}):(c&&t.kind===u.PrefetchKind.TEMPORARY&&(t.kind=c),t):s({tree:o,url:n,buildId:l,nextUrl:r,prefetchCache:i,kind:c||u.PrefetchKind.TEMPORARY})}function c(e){let{nextUrl:t,tree:n,prefetchCache:r,url:o,kind:l,data:i}=e,[,,,c]=i,s=c?a(o,t):a(o),f={treeAtTimeOfPrefetch:n,data:Promise.resolve(i),kind:l,prefetchTime:Date.now(),lastUsedTime:Date.now(),key:s,status:u.PrefetchCacheEntryStatus.fresh};return r.set(s,f),f}function s(e){let{url:t,kind:n,tree:r,nextUrl:i,buildId:c,prefetchCache:s}=e,f=a(t),d=l.prefetchQueue.enqueue(()=>(0,o.fetchServerResponse)(t,r,i,c,n).then(e=>{let[,,,n]=e;return n&&function(e){let{url:t,nextUrl:n,prefetchCache:r}=e,o=a(t),u=r.get(o);if(!u)return;let l=a(t,n);r.set(l,u),r.delete(o)}({url:t,nextUrl:i,prefetchCache:s}),e})),p={treeAtTimeOfPrefetch:r,data:d,kind:n,prefetchTime:Date.now(),lastUsedTime:null,key:f,status:u.PrefetchCacheEntryStatus.fresh};return s.set(f,p),p}function f(e){for(let[t,n]of e)h(n)===u.PrefetchCacheEntryStatus.expired&&e.delete(t)}let d=1e3*Number("30"),p=1e3*Number("300");function h(e){let{kind:t,prefetchTime:n,lastUsedTime:r}=e;return Date.now()<(null!=r?r:n)+d?r?u.PrefetchCacheEntryStatus.reusable:u.PrefetchCacheEntryStatus.fresh:"auto"===t&&Date.now(){let[n,f]=t,h=!1;if(S.lastUsedTime||(S.lastUsedTime=Date.now(),h=!0),"string"==typeof n)return _(e,R,n,O);if(document.getElementById("__next-page-redirect"))return _(e,R,j,O);let b=e.tree,g=e.cache,w=[];for(let t of n){let n=t.slice(0,-4),r=t.slice(-3)[0],c=["",...n],f=(0,u.applyRouterStatePatchToTree)(c,b,r,j);if(null===f&&(f=(0,u.applyRouterStatePatchToTree)(c,E,r,j)),null!==f){if((0,a.isNavigatingToNewRootLayout)(b,f))return _(e,R,j,O);let u=(0,d.createEmptyCacheNode)(),m=!1;for(let e of(S.status!==i.PrefetchCacheEntryStatus.stale||h?m=(0,s.applyFlightData)(g,u,t,S):(m=function(e,t,n,r){let o=!1;for(let u of(e.rsc=t.rsc,e.prefetchRsc=t.prefetchRsc,e.loading=t.loading,e.parallelRoutes=new Map(t.parallelRoutes),v(r).map(e=>[...n,...e])))(0,y.clearCacheNodeDataForSegmentPath)(e,t,u),o=!0;return o}(u,g,n,r),S.lastUsedTime=Date.now()),(0,l.shouldHardNavigate)(c,b)?(u.rsc=g.rsc,u.prefetchRsc=g.prefetchRsc,(0,o.invalidateCacheBelowFlightSegmentPath)(u,g,n),R.cache=u):m&&(R.cache=u),b=f,v(r))){let t=[...n,...e];t[t.length-1]!==p.DEFAULT_SEGMENT_KEY&&w.push(t)}}}return R.patchedTree=b,R.canonicalUrl=f?(0,r.createHrefFromUrl)(f):j,R.pendingPush=O,R.scrollableSegments=w,R.hashFragment=P,R.shouldScroll=m,(0,c.handleMutable)(e,R)},()=>e)};("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},9218:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{prefetchQueue:function(){return l},prefetchReducer:function(){return a}});let r=n(7325),o=n(3858),u=n(6004),l=new o.PromiseQueue(5);function a(e,t){(0,u.prunePrefetchCache)(e.prefetchCache);let{url:n}=t;return n.searchParams.delete(r.NEXT_RSC_UNION_QUERY),(0,u.getOrCreatePrefetchCacheEntry)({url:n,nextUrl:e.nextUrl,prefetchCache:e.prefetchCache,kind:t.kind,tree:e.tree,buildId:e.buildId}),e}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},5239:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"refreshReducer",{enumerable:!0,get:function(){return h}});let r=n(1283),o=n(3174),u=n(9684),l=n(139),a=n(1294),i=n(6416),c=n(3821),s=n(5751),f=n(774),d=n(5914),p=n(4922);function h(e,t){let{origin:n}=t,h={},y=e.canonicalUrl,_=e.tree;h.preserveCustomHistoryState=!1;let v=(0,s.createEmptyCacheNode)(),b=(0,d.hasInterceptionRouteInCurrentTree)(e.tree);return v.lazyData=(0,r.fetchServerResponse)(new URL(y,n),[_[0],_[1],_[2],"refetch"],b?e.nextUrl:null,e.buildId),v.lazyData.then(async n=>{let[r,s]=n;if("string"==typeof r)return(0,a.handleExternalUrl)(e,h,r,e.pushRef.pendingPush);for(let n of(v.lazyData=null,r)){if(3!==n.length)return console.log("REFRESH FAILED"),e;let[r]=n,i=(0,u.applyRouterStatePatchToTree)([""],_,r,e.canonicalUrl);if(null===i)return(0,f.handleSegmentMismatch)(e,t,r);if((0,l.isNavigatingToNewRootLayout)(_,i))return(0,a.handleExternalUrl)(e,h,y,e.pushRef.pendingPush);let d=s?(0,o.createHrefFromUrl)(s):void 0;s&&(h.canonicalUrl=d);let[g,m]=n.slice(-2);if(null!==g){let e=g[2];v.rsc=e,v.prefetchRsc=null,(0,c.fillLazyItemsTillLeafWithHead)(v,void 0,r,g,m),h.prefetchCache=new Map}await (0,p.refreshInactiveParallelSegments)({state:e,updatedTree:i,updatedCache:v,includeNextUrl:b}),h.cache=v,h.patchedTree=i,h.canonicalUrl=y,_=i}return(0,i.handleMutable)(e,h)},()=>e)}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},6131:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"restoreReducer",{enumerable:!0,get:function(){return u}});let r=n(3174),o=n(6626);function u(e,t){var n;let{url:u,tree:l}=t,a=(0,r.createHrefFromUrl)(u),i=l||e.tree,c=e.cache;return{buildId:e.buildId,canonicalUrl:a,pushRef:{pendingPush:!1,mpaNavigation:!1,preserveCustomHistoryState:!0},focusAndScrollRef:e.focusAndScrollRef,cache:c,prefetchCache:e.prefetchCache,tree:i,nextUrl:null!=(n=(0,o.extractPathFromFlightRouterState)(i))?n:u.pathname}}n(3060),("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},4549:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"serverActionReducer",{enumerable:!0,get:function(){return g}});let r=n(4590),o=n(7325),u=n(4897),l=n(3174),a=n(1294),i=n(9684),c=n(139),s=n(6416),f=n(3821),d=n(5751),p=n(5914),h=n(774),y=n(4922),{createFromFetch:_,encodeReply:v}=n(6671);async function b(e,t,n){let l,{actionId:a,actionArgs:i}=n,c=await v(i),s=await fetch("",{method:"POST",headers:{Accept:o.RSC_CONTENT_TYPE_HEADER,[o.ACTION]:a,[o.NEXT_ROUTER_STATE_TREE]:encodeURIComponent(JSON.stringify(e.tree)),...t?{[o.NEXT_URL]:t}:{}},body:c}),f=s.headers.get("x-action-redirect");try{let e=JSON.parse(s.headers.get("x-action-revalidated")||"[[],0,0]");l={paths:e[0]||[],tag:!!e[1],cookie:e[2]}}catch(e){l={paths:[],tag:!1,cookie:!1}}let d=f?new URL((0,u.addBasePath)(f),new URL(e.canonicalUrl,window.location.href)):void 0;if(s.headers.get("content-type")===o.RSC_CONTENT_TYPE_HEADER){let e=await _(Promise.resolve(s),{callServer:r.callServer});if(f){let[,t]=null!=e?e:[];return{actionFlightData:t,redirectLocation:d,revalidatedParts:l}}let[t,[,n]]=null!=e?e:[];return{actionResult:t,actionFlightData:n,redirectLocation:d,revalidatedParts:l}}return{redirectLocation:d,revalidatedParts:l}}function g(e,t){let{resolve:n,reject:r}=t,o={},u=e.canonicalUrl,_=e.tree;o.preserveCustomHistoryState=!1;let v=e.nextUrl&&(0,p.hasInterceptionRouteInCurrentTree)(e.tree)?e.nextUrl:null;return o.inFlightServerAction=b(e,v,t),o.inFlightServerAction.then(async r=>{let{actionResult:p,actionFlightData:b,redirectLocation:g}=r;if(g&&(e.pushRef.pendingPush=!0,o.pendingPush=!0),!b)return(n(p),g)?(0,a.handleExternalUrl)(e,o,g.href,e.pushRef.pendingPush):e;if("string"==typeof b)return(0,a.handleExternalUrl)(e,o,b,e.pushRef.pendingPush);for(let n of(o.inFlightServerAction=null,b)){if(3!==n.length)return console.log("SERVER ACTION APPLY FAILED"),e;let[r]=n,s=(0,i.applyRouterStatePatchToTree)([""],_,r,g?(0,l.createHrefFromUrl)(g):e.canonicalUrl);if(null===s)return(0,h.handleSegmentMismatch)(e,t,r);if((0,c.isNavigatingToNewRootLayout)(_,s))return(0,a.handleExternalUrl)(e,o,u,e.pushRef.pendingPush);let[p,b]=n.slice(-2),m=null!==p?p[2]:null;if(null!==m){let t=(0,d.createEmptyCacheNode)();t.rsc=m,t.prefetchRsc=null,(0,f.fillLazyItemsTillLeafWithHead)(t,void 0,r,p,b),await (0,y.refreshInactiveParallelSegments)({state:e,updatedTree:s,updatedCache:t,includeNextUrl:!!v}),o.cache=t,o.prefetchCache=new Map}o.patchedTree=s,o.canonicalUrl=u,_=s}if(g){let e=(0,l.createHrefFromUrl)(g,!1);o.canonicalUrl=e}return n(p),(0,s.handleMutable)(e,o)},t=>(r(t),e))}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},8289:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"serverPatchReducer",{enumerable:!0,get:function(){return f}});let r=n(3174),o=n(9684),u=n(139),l=n(1294),a=n(9607),i=n(6416),c=n(5751),s=n(774);function f(e,t){let{serverResponse:n}=t,[f,d]=n,p={};if(p.preserveCustomHistoryState=!1,"string"==typeof f)return(0,l.handleExternalUrl)(e,p,f,e.pushRef.pendingPush);let h=e.tree,y=e.cache;for(let n of f){let i=n.slice(0,-4),[f]=n.slice(-3,-2),_=(0,o.applyRouterStatePatchToTree)(["",...i],h,f,e.canonicalUrl);if(null===_)return(0,s.handleSegmentMismatch)(e,t,f);if((0,u.isNavigatingToNewRootLayout)(h,_))return(0,l.handleExternalUrl)(e,p,e.canonicalUrl,e.pushRef.pendingPush);let v=d?(0,r.createHrefFromUrl)(d):void 0;v&&(p.canonicalUrl=v);let b=(0,c.createEmptyCacheNode)();(0,a.applyFlightData)(y,b,n),p.patchedTree=_,p.cache=b,y=b,h=_}return(0,i.handleMutable)(e,p)}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},4922:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{addRefreshMarkerToActiveParallelSegments:function(){return function e(t,n){let[r,o,,l]=t;for(let a in r.includes(u.PAGE_SEGMENT_KEY)&&"refresh"!==l&&(t[2]=n,t[3]="refresh"),o)e(o[a],n)}},refreshInactiveParallelSegments:function(){return l}});let r=n(9607),o=n(1283),u=n(0);async function l(e){let t=new Set;await a({...e,rootTree:e.updatedTree,fetchedSegments:t})}async function a(e){let{state:t,updatedTree:n,updatedCache:u,includeNextUrl:l,fetchedSegments:i,rootTree:c=n}=e,[,s,f,d]=n,p=[];if(f&&f!==location.pathname+location.search&&"refresh"===d&&!i.has(f)){i.add(f);let e=(0,o.fetchServerResponse)(new URL(f,location.origin),[c[0],c[1],c[2],"refetch"],l?t.nextUrl:null,t.buildId).then(e=>{let t=e[0];if("string"!=typeof t)for(let e of t)(0,r.applyFlightData)(u,u,e)});p.push(e)}for(let e in s){let n=a({state:t,updatedTree:s[e],updatedCache:u,includeNextUrl:l,fetchedSegments:i,rootTree:c});p.push(n)}await Promise.all(p)}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},1507:function(e,t){"use strict";var n,r,o,u;Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{ACTION_FAST_REFRESH:function(){return f},ACTION_NAVIGATE:function(){return a},ACTION_PREFETCH:function(){return s},ACTION_REFRESH:function(){return l},ACTION_RESTORE:function(){return i},ACTION_SERVER_ACTION:function(){return d},ACTION_SERVER_PATCH:function(){return c},PrefetchCacheEntryStatus:function(){return r},PrefetchKind:function(){return n},isThenable:function(){return p}});let l="refresh",a="navigate",i="restore",c="server-patch",s="prefetch",f="fast-refresh",d="server-action";function p(e){return e&&("object"==typeof e||"function"==typeof e)&&"function"==typeof e.then}(o=n||(n={})).AUTO="auto",o.FULL="full",o.TEMPORARY="temporary",(u=r||(r={})).fresh="fresh",u.reusable="reusable",u.expired="expired",u.stale="stale",("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},643:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"reducer",{enumerable:!0,get:function(){return f}});let r=n(1507),o=n(1294),u=n(8289),l=n(6131),a=n(5239),i=n(9218),c=n(1129),s=n(4549),f="undefined"==typeof window?function(e,t){return e}:function(e,t){switch(t.type){case r.ACTION_NAVIGATE:return(0,o.navigateReducer)(e,t);case r.ACTION_SERVER_PATCH:return(0,u.serverPatchReducer)(e,t);case r.ACTION_RESTORE:return(0,l.restoreReducer)(e,t);case r.ACTION_REFRESH:return(0,a.refreshReducer)(e,t);case r.ACTION_FAST_REFRESH:return(0,c.fastRefreshReducer)(e,t);case r.ACTION_PREFETCH:return(0,i.prefetchReducer)(e,t);case r.ACTION_SERVER_ACTION:return(0,s.serverActionReducer)(e,t);default:throw Error("Unknown action")}};("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},4740:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"shouldHardNavigate",{enumerable:!0,get:function(){return function e(t,n){let[o,u]=n,[l,a]=t;return(0,r.matchSegment)(l,o)?!(t.length<=2)&&e(t.slice(2),u[a]):!!Array.isArray(l)}}});let r=n(6237);("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},8897:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{createDynamicallyTrackedSearchParams:function(){return a},createUntrackedSearchParams:function(){return l}});let r=n(4936),o=n(2441),u=n(7991);function l(e){let t=r.staticGenerationAsyncStorage.getStore();return t&&t.forceStatic?{}:e}function a(e){let t=r.staticGenerationAsyncStorage.getStore();return t?t.forceStatic?{}:t.isStaticGeneration||t.dynamicShouldError?new Proxy({},{get:(e,n,r)=>("string"==typeof n&&(0,o.trackDynamicDataAccessed)(t,"searchParams."+n),u.ReflectAdapter.get(e,n,r)),has:(e,n)=>("string"==typeof n&&(0,o.trackDynamicDataAccessed)(t,"searchParams."+n),Reflect.has(e,n)),ownKeys:e=>((0,o.trackDynamicDataAccessed)(t,"searchParams"),Reflect.ownKeys(e))}):e:e}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},4936:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"staticGenerationAsyncStorage",{enumerable:!0,get:function(){return r.staticGenerationAsyncStorage}});let r=n(7685);("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},5108:function(e,t){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{StaticGenBailoutError:function(){return r},isStaticGenBailoutError:function(){return o}});let n="NEXT_STATIC_GEN_BAILOUT";class r extends Error{constructor(...e){super(...e),this.code=n}}function o(e){return"object"==typeof e&&null!==e&&"code"in e&&e.code===n}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},1108:function(e,t){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"unresolvedThenable",{enumerable:!0,get:function(){return n}});let n={then:()=>{}};("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},2114:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{useReducerWithReduxDevtools:function(){return i},useUnwrapState:function(){return a}});let r=n(1452)._(n(2265)),o=n(1507),u=n(1427);function l(e){if(e instanceof Map){let t={};for(let[n,r]of e.entries()){if("function"==typeof r){t[n]="fn()";continue}if("object"==typeof r&&null!==r){if(r.$$typeof){t[n]=r.$$typeof.toString();continue}if(r._bundlerConfig){t[n]="FlightData";continue}}t[n]=l(r)}return t}if("object"==typeof e&&null!==e){let t={};for(let n in e){let r=e[n];if("function"==typeof r){t[n]="fn()";continue}if("object"==typeof r&&null!==r){if(r.$$typeof){t[n]=r.$$typeof.toString();continue}if(r.hasOwnProperty("_bundlerConfig")){t[n]="FlightData";continue}}t[n]=l(r)}return t}return Array.isArray(e)?e.map(l):e}function a(e){return(0,o.isThenable)(e)?(0,r.use)(e):e}let i="undefined"!=typeof window?function(e){let[t,n]=r.default.useState(e),o=(0,r.useContext)(u.ActionQueueContext);if(!o)throw Error("Invariant: Missing ActionQueueContext");let a=(0,r.useRef)(),i=(0,r.useRef)();return(0,r.useEffect)(()=>{if(!a.current&&!1!==i.current){if(void 0===i.current&&void 0===window.__REDUX_DEVTOOLS_EXTENSION__){i.current=!1;return}return a.current=window.__REDUX_DEVTOOLS_EXTENSION__.connect({instanceId:8e3,name:"next-router"}),a.current&&(a.current.init(l(e)),o&&(o.devToolsInstance=a.current)),()=>{a.current=void 0}}},[e,o]),[t,(0,r.useCallback)(t=>{o.state||(o.state=e),o.dispatch(t,n)},[o,e]),(0,r.useCallback)(e=>{a.current&&a.current.send({type:"RENDER_SYNC"},l(e))},[])]}:function(e){return[e,()=>{},()=>{}]};("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},9404:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"hasBasePath",{enumerable:!0,get:function(){return o}});let r=n(5121);function o(e){return(0,r.pathHasPrefix)(e,"")}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},8157:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"normalizePathTrailingSlash",{enumerable:!0,get:function(){return u}});let r=n(7741),o=n(1465),u=e=>{if(!e.startsWith("/"))return e;let{pathname:t,query:n,hash:u}=(0,o.parsePath)(e);return""+(0,r.removeTrailingSlash)(t)+n+u};("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},6124:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"default",{enumerable:!0,get:function(){return o}});let r=n(5592);function o(e){let t="function"==typeof reportError?reportError:e=>{window.console.error(e)};(0,r.isBailoutToCSRError)(e)||t(e)}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},7599:function(e,t,n){"use strict";function r(e){return e}Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"removeBasePath",{enumerable:!0,get:function(){return r}}),n(9404),("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},9176:function(e,t){"use strict";function n(e,t){var n=e.length;for(e.push(t);0>>1,o=e[r];if(0>>1;ru(i,n))cu(s,i)?(e[r]=s,e[c]=n,r=c):(e[r]=i,e[a]=n,r=a);else if(cu(s,n))e[r]=s,e[c]=n,r=c;else break}}return t}function u(e,t){var n=e.sortIndex-t.sortIndex;return 0!==n?n:e.id-t.id}if(t.unstable_now=void 0,"object"==typeof performance&&"function"==typeof performance.now){var l,a=performance;t.unstable_now=function(){return a.now()}}else{var i=Date,c=i.now();t.unstable_now=function(){return i.now()-c}}var s=[],f=[],d=1,p=null,h=3,y=!1,_=!1,v=!1,b="function"==typeof setTimeout?setTimeout:null,g="function"==typeof clearTimeout?clearTimeout:null,m="undefined"!=typeof setImmediate?setImmediate:null;function R(e){for(var t=r(f);null!==t;){if(null===t.callback)o(f);else if(t.startTime<=e)o(f),t.sortIndex=t.expirationTime,n(s,t);else break;t=r(f)}}function P(e){if(v=!1,R(e),!_){if(null!==r(s))_=!0,C();else{var t=r(f);null!==t&&A(P,t.startTime-e)}}}"undefined"!=typeof navigator&&void 0!==navigator.scheduling&&void 0!==navigator.scheduling.isInputPending&&navigator.scheduling.isInputPending.bind(navigator.scheduling);var j=!1,O=-1,S=5,E=-1;function w(){return!(t.unstable_now()-Ee&&w());){var a=p.callback;if("function"==typeof a){p.callback=null,h=p.priorityLevel;var i=a(p.expirationTime<=e);if(e=t.unstable_now(),"function"==typeof i){p.callback=i,R(e),n=!0;break t}p===r(s)&&o(s),R(e)}else o(s);p=r(s)}if(null!==p)n=!0;else{var c=r(f);null!==c&&A(P,c.startTime-e),n=!1}}break e}finally{p=null,h=u,y=!1}n=void 0}}finally{n?l():j=!1}}}if("function"==typeof m)l=function(){m(T)};else if("undefined"!=typeof MessageChannel){var M=new MessageChannel,x=M.port2;M.port1.onmessage=T,l=function(){x.postMessage(null)}}else l=function(){b(T,0)};function C(){j||(j=!0,l())}function A(e,n){O=b(function(){e(t.unstable_now())},n)}t.unstable_IdlePriority=5,t.unstable_ImmediatePriority=1,t.unstable_LowPriority=4,t.unstable_NormalPriority=3,t.unstable_Profiling=null,t.unstable_UserBlockingPriority=2,t.unstable_cancelCallback=function(e){e.callback=null},t.unstable_continueExecution=function(){_||y||(_=!0,C())},t.unstable_forceFrameRate=function(e){0>e||125l?(e.sortIndex=u,n(f,e),null===r(s)&&e===r(f)&&(v?(g(O),O=-1):v=!0,A(P,u-l))):(e.sortIndex=a,n(s,e),_||y||(_=!0,C())),e},t.unstable_shouldYield=w,t.unstable_wrapCallback=function(e){var t=h;return function(){var n=h;h=t;try{return e.apply(this,arguments)}finally{h=n}}}},5689:function(e,t,n){"use strict";e.exports=n(9176)},1358:function(e,t){"use strict";function n(e){return new URL(e,"http://n").pathname}function r(e){return/https?:\/\//.test(e)}Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{getPathname:function(){return n},isFullStringUrl:function(){return r}})},2441:function(e,t,n){"use strict";var r;Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{Postpone:function(){return d},createPostponedAbortSignal:function(){return b},createPrerenderState:function(){return c},formatDynamicAPIAccesses:function(){return _},markCurrentScopeAsDynamic:function(){return s},trackDynamicDataAccessed:function(){return f},trackDynamicFetch:function(){return p},usedDynamicAPIs:function(){return y}});let o=(r=n(2265))&&r.__esModule?r:{default:r},u=n(7910),l=n(5108),a=n(1358),i="function"==typeof o.default.unstable_postpone;function c(e){return{isDebugSkeleton:e,dynamicAccesses:[]}}function s(e,t){let n=(0,a.getPathname)(e.urlPathname);if(!e.isUnstableCacheCallback){if(e.dynamicShouldError)throw new l.StaticGenBailoutError(`Route ${n} with \`dynamic = "error"\` couldn't be rendered statically because it used \`${t}\`. See more info here: https://nextjs.org/docs/app/building-your-application/rendering/static-and-dynamic#dynamic-rendering`);if(e.prerenderState)h(e.prerenderState,t,n);else if(e.revalidate=0,e.isStaticGeneration){let r=new u.DynamicServerError(`Route ${n} couldn't be rendered statically because it used ${t}. See more info here: https://nextjs.org/docs/messages/dynamic-server-error`);throw e.dynamicUsageDescription=t,e.dynamicUsageStack=r.stack,r}}}function f(e,t){let n=(0,a.getPathname)(e.urlPathname);if(e.isUnstableCacheCallback)throw Error(`Route ${n} used "${t}" inside a function cached with "unstable_cache(...)". Accessing Dynamic data sources inside a cache scope is not supported. If you need this data inside a cached function use "${t}" outside of the cached function and pass the required dynamic data in as an argument. See more info here: https://nextjs.org/docs/app/api-reference/functions/unstable_cache`);if(e.dynamicShouldError)throw new l.StaticGenBailoutError(`Route ${n} with \`dynamic = "error"\` couldn't be rendered statically because it used \`${t}\`. See more info here: https://nextjs.org/docs/app/building-your-application/rendering/static-and-dynamic#dynamic-rendering`);if(e.prerenderState)h(e.prerenderState,t,n);else if(e.revalidate=0,e.isStaticGeneration){let r=new u.DynamicServerError(`Route ${n} couldn't be rendered statically because it used ${t}. See more info here: https://nextjs.org/docs/messages/dynamic-server-error`);throw e.dynamicUsageDescription=t,e.dynamicUsageStack=r.stack,r}}function d({reason:e,prerenderState:t,pathname:n}){h(t,e,n)}function p(e,t){e.prerenderState&&h(e.prerenderState,t,e.urlPathname)}function h(e,t,n){v();let r=`Route ${n} needs to bail out of prerendering at this point because it used ${t}. React throws this special object to indicate where. It should not be caught by your own try/catch. Learn more: https://nextjs.org/docs/messages/ppr-caught-error`;e.dynamicAccesses.push({stack:e.isDebugSkeleton?Error().stack:void 0,expression:t}),o.default.unstable_postpone(r)}function y(e){return e.dynamicAccesses.length>0}function _(e){return e.dynamicAccesses.filter(e=>"string"==typeof e.stack&&e.stack.length>0).map(({expression:e,stack:t})=>(t=t.split("\n").slice(4).filter(e=>!(e.includes("node_modules/next/")||e.includes(" ()")||e.includes(" (node:"))).join("\n"),`Dynamic API Usage Debug - ${e}: +${t}`))}function v(){if(!i)throw Error("Invariant: React.unstable_postpone is not defined. This suggests the wrong version of React was loaded. This is a bug in Next.js")}function b(e){v();let t=new AbortController;try{o.default.unstable_postpone(e)}catch(e){t.abort(e)}return t.signal}},4286:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"getSegmentParam",{enumerable:!0,get:function(){return o}});let r=n(2269);function o(e){let t=r.INTERCEPTION_ROUTE_MARKERS.find(t=>e.startsWith(t));return(t&&(e=e.slice(t.length)),e.startsWith("[[...")&&e.endsWith("]]"))?{type:"optional-catchall",param:e.slice(5,-2)}:e.startsWith("[...")&&e.endsWith("]")?{type:t?"catchall-intercepted":"catchall",param:e.slice(4,-1)}:e.startsWith("[")&&e.endsWith("]")?{type:t?"dynamic-intercepted":"dynamic",param:e.slice(1,-1)}:null}},3243:function(e,t){"use strict";var n,r;Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"HMR_ACTIONS_SENT_TO_BROWSER",{enumerable:!0,get:function(){return n}}),(r=n||(n={})).ADDED_PAGE="addedPage",r.REMOVED_PAGE="removedPage",r.RELOAD_PAGE="reloadPage",r.SERVER_COMPONENT_CHANGES="serverComponentChanges",r.MIDDLEWARE_CHANGES="middlewareChanges",r.CLIENT_CHANGES="clientChanges",r.SERVER_ONLY_CHANGES="serverOnlyChanges",r.SYNC="sync",r.BUILT="built",r.BUILDING="building",r.DEV_PAGES_MANIFEST_UPDATE="devPagesManifestUpdate",r.TURBOPACK_MESSAGE="turbopack-message",r.SERVER_ERROR="serverError",r.TURBOPACK_CONNECTED="turbopack-connected"},2269:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{INTERCEPTION_ROUTE_MARKERS:function(){return o},extractInterceptionRouteInformation:function(){return l},isInterceptionRouteAppPath:function(){return u}});let r=n(3330),o=["(..)(..)","(.)","(..)","(...)"];function u(e){return void 0!==e.split("/").find(e=>o.find(t=>e.startsWith(t)))}function l(e){let t,n,u;for(let r of e.split("/"))if(n=o.find(e=>r.startsWith(e))){[t,u]=e.split(n,2);break}if(!t||!n||!u)throw Error(`Invalid interception route: ${e}. Must be in the format //(..|...|..)(..)/`);switch(t=(0,r.normalizeAppPath)(t),n){case"(.)":u="/"===t?`/${u}`:t+"/"+u;break;case"(..)":if("/"===t)throw Error(`Invalid interception route: ${e}. Cannot use (..) marker at the root level, use (.) instead.`);u=t.split("/").slice(0,-1).concat(u).join("/");break;case"(...)":u="/"+u;break;case"(..)(..)":let l=t.split("/");if(l.length<=2)throw Error(`Invalid interception route: ${e}. Cannot use (..)(..) marker at the root level or one level up.`);u=l.slice(0,-2).concat(u).join("/");break;default:throw Error("Invariant: unexpected marker")}return{interceptingRoute:t,interceptedRoute:u}}},7991:function(e,t){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"ReflectAdapter",{enumerable:!0,get:function(){return n}});class n{static get(e,t,n){let r=Reflect.get(e,t,n);return"function"==typeof r?r.bind(e):r}static set(e,t,n,r){return Reflect.set(e,t,n,r)}static has(e,t){return Reflect.has(e,t)}static deleteProperty(e,t){return Reflect.deleteProperty(e,t)}}},4467:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{AppRouterContext:function(){return o},GlobalLayoutRouterContext:function(){return l},LayoutRouterContext:function(){return u},MissingSlotContext:function(){return i},TemplateContext:function(){return a}});let r=n(9920)._(n(2265)),o=r.default.createContext(null),u=r.default.createContext(null),l=r.default.createContext(null),a=r.default.createContext(null),i=r.default.createContext(new Set)},4736:function(e,t){"use strict";function n(e){let t=5381;for(let n=0;n>>0}function r(e){return n(e).toString(36).slice(0,5)}Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{djb2Hash:function(){return n},hexHash:function(){return r}})},6590:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"HeadManagerContext",{enumerable:!0,get:function(){return r}});let r=n(9920)._(n(2265)).default.createContext({})},8056:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{PathParamsContext:function(){return l},PathnameContext:function(){return u},SearchParamsContext:function(){return o}});let r=n(2265),o=(0,r.createContext)(null),u=(0,r.createContext)(null),l=(0,r.createContext)(null)},5592:function(e,t){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{BailoutToCSRError:function(){return r},isBailoutToCSRError:function(){return o}});let n="BAILOUT_TO_CLIENT_SIDE_RENDERING";class r extends Error{constructor(e){super("Bail out to client-side rendering: "+e),this.reason=e,this.digest=n}}function o(e){return"object"==typeof e&&null!==e&&"digest"in e&&e.digest===n}},8558:function(e,t){"use strict";function n(e){return e.startsWith("/")?e:"/"+e}Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"ensureLeadingSlash",{enumerable:!0,get:function(){return n}})},1427:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{ActionQueueContext:function(){return a},createMutableActionQueue:function(){return s}});let r=n(1452),o=n(1507),u=n(643),l=r._(n(2265)),a=l.default.createContext(null);function i(e,t){null!==e.pending&&(e.pending=e.pending.next,null!==e.pending?c({actionQueue:e,action:e.pending,setState:t}):e.needsRefresh&&(e.needsRefresh=!1,e.dispatch({type:o.ACTION_REFRESH,origin:window.location.origin},t)))}async function c(e){let{actionQueue:t,action:n,setState:r}=e,u=t.state;if(!u)throw Error("Invariant: Router state not initialized");t.pending=n;let l=n.payload,a=t.action(u,l);function c(e){n.discarded||(t.state=e,t.devToolsInstance&&t.devToolsInstance.send(l,e),i(t,r),n.resolve(e))}(0,o.isThenable)(a)?a.then(c,e=>{i(t,r),n.reject(e)}):c(a)}function s(){let e={state:null,dispatch:(t,n)=>(function(e,t,n){let r={resolve:n,reject:()=>{}};if(t.type!==o.ACTION_RESTORE){let e=new Promise((e,t)=>{r={resolve:e,reject:t}});(0,l.startTransition)(()=>{n(e)})}let u={payload:t,next:null,resolve:r.resolve,reject:r.reject};null===e.pending?(e.last=u,c({actionQueue:e,action:u,setState:n})):t.type===o.ACTION_NAVIGATE||t.type===o.ACTION_RESTORE?(e.pending.discarded=!0,e.last=u,e.pending.payload.type===o.ACTION_SERVER_ACTION&&(e.needsRefresh=!0),c({actionQueue:e,action:u,setState:n})):(null!==e.last&&(e.last.next=u),e.last=u)})(e,t,n),action:async(e,t)=>{if(null===e)throw Error("Invariant: Router state not initialized");return(0,u.reducer)(e,t)},pending:null,last:null};return e}},2707:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"addPathPrefix",{enumerable:!0,get:function(){return o}});let r=n(1465);function o(e,t){if(!e.startsWith("/")||!t)return e;let{pathname:n,query:o,hash:u}=(0,r.parsePath)(e);return""+t+n+o+u}},3330:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{normalizeAppPath:function(){return u},normalizeRscURL:function(){return l}});let r=n(8558),o=n(0);function u(e){return(0,r.ensureLeadingSlash)(e.split("/").reduce((e,t,n,r)=>!t||(0,o.isGroupSegment)(t)||"@"===t[0]||("page"===t||"route"===t)&&n===r.length-1?e:e+"/"+t,""))}function l(e){return e.replace(/\.rsc($|\?)/,"$1")}},6180:function(e,t){"use strict";function n(e,t){if(void 0===t&&(t={}),t.onlyHashChange){e();return}let n=document.documentElement,r=n.style.scrollBehavior;n.style.scrollBehavior="auto",t.dontForceLayout||n.getClientRects(),e(),n.style.scrollBehavior=r}Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"handleSmoothScroll",{enumerable:!0,get:function(){return n}})},4092:function(e,t){"use strict";function n(e){return/Googlebot|Mediapartners-Google|AdsBot-Google|googleweblight|Storebot-Google|Google-PageRenderer|Bingbot|BingPreview|Slurp|DuckDuckBot|baiduspider|yandex|sogou|LinkedInBot|bitlybot|tumblr|vkShare|quora link preview|facebookexternalhit|facebookcatalog|Twitterbot|applebot|redditbot|Slackbot|Discordbot|WhatsApp|SkypeUriPreview|ia_archiver/i.test(e)}Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"isBot",{enumerable:!0,get:function(){return n}})},1465:function(e,t){"use strict";function n(e){let t=e.indexOf("#"),n=e.indexOf("?"),r=n>-1&&(t<0||n-1?{pathname:e.substring(0,r?n:t),query:r?e.substring(n,t>-1?t:void 0):"",hash:t>-1?e.slice(t):""}:{pathname:e,query:"",hash:""}}Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"parsePath",{enumerable:!0,get:function(){return n}})},5121:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"pathHasPrefix",{enumerable:!0,get:function(){return o}});let r=n(1465);function o(e,t){if("string"!=typeof e)return!1;let{pathname:n}=(0,r.parsePath)(e);return n===t||n.startsWith(t+"/")}},7741:function(e,t){"use strict";function n(e){return e.replace(/\/$/,"")||"/"}Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"removeTrailingSlash",{enumerable:!0,get:function(){return n}})},0:function(e,t){"use strict";function n(e){return"("===e[0]&&e.endsWith(")")}Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{DEFAULT_SEGMENT_KEY:function(){return o},PAGE_SEGMENT_KEY:function(){return r},isGroupSegment:function(){return n}});let r="__PAGE__",o="__DEFAULT__"},8005:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e,t){for(var n in t)Object.defineProperty(e,n,{enumerable:!0,get:t[n]})}(t,{ServerInsertedHTMLContext:function(){return o},useServerInsertedHTML:function(){return u}});let r=n(1452)._(n(2265)),o=r.default.createContext(null);function u(e){let t=(0,r.useContext)(o);t&&t(e)}},2301:function(e,t){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"warnOnce",{enumerable:!0,get:function(){return n}});let n=e=>{}},8293:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"actionAsyncStorage",{enumerable:!0,get:function(){return r}});let r=(0,n(6713).createAsyncLocalStorage)();("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},6713:function(e,t){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"createAsyncLocalStorage",{enumerable:!0,get:function(){return u}});let n=Error("Invariant: AsyncLocalStorage accessed in runtime where it is not available");class r{disable(){throw n}getStore(){}run(){throw n}exit(){throw n}enterWith(){throw n}}let o=globalThis.AsyncLocalStorage;function u(){return o?new o:new r}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},38:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"requestAsyncStorage",{enumerable:!0,get:function(){return r}});let r=(0,n(6713).createAsyncLocalStorage)();("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},7685:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"staticGenerationAsyncStorage",{enumerable:!0,get:function(){return r}});let r=(0,n(6713).createAsyncLocalStorage)();("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)},4040:function(e,t,n){"use strict";var r=n(4887);t.createRoot=r.createRoot,t.hydrateRoot=r.hydrateRoot},4887:function(e,t,n){"use strict";!function e(){if("undefined"!=typeof __REACT_DEVTOOLS_GLOBAL_HOOK__&&"function"==typeof __REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE)try{__REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE(e)}catch(e){console.error(e)}}(),e.exports=n(4417)},7950:function(e,t,n){"use strict";var r=n(4887),o={stream:!0},u=new Map;function l(e){var t=n(e);return"function"!=typeof t.then||"fulfilled"===t.status?null:(t.then(function(e){t.status="fulfilled",t.value=e},function(e){t.status="rejected",t.reason=e}),t)}function a(){}var i=new Map,c=n.u;n.u=function(e){var t=i.get(e);return void 0!==t?t:c(e)};var s=r.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED.Dispatcher,f=Symbol.for("react.element"),d=Symbol.for("react.lazy"),p=Symbol.iterator,h=Array.isArray,y=Object.getPrototypeOf,_=Object.prototype,v=new WeakMap;function b(e,t,n,r){this.status=e,this.value=t,this.reason=n,this._response=r}function g(e){switch(e.status){case"resolved_model":E(e);break;case"resolved_module":w(e)}switch(e.status){case"fulfilled":return e.value;case"pending":case"blocked":case"cyclic":throw e;default:throw e.reason}}function m(e,t){for(var n=0;nh?(_=h,h=3,p++):(_=0,h=3);continue;case 2:44===(m=d[p++])?h=4:v=v<<4|(96d.length&&(m=-1)}var O=d.byteOffset+p;if(-1{!u&&p(("function"==typeof c?c():c)||document.body)},[c,u]),(0,i.Z)(()=>{if(d&&!u)return(0,l.Z)(t,d),()=>{(0,l.Z)(t,null)}},[t,d,u]),u)?n.isValidElement(r)?n.cloneElement(r,{ref:f}):(0,s.jsx)(n.Fragment,{children:r}):(0,s.jsx)(n.Fragment,{children:d?o.createPortal(r,d):d})})},6797:function(e,t,r){"use strict";r.d(t,{$:function(){return a}});var n=r(2988),o=r(7087);function a(e,t,r){return void 0===e||(0,o.X)(e)?t:(0,n.Z)({},t,{ownerState:(0,n.Z)({},t.ownerState,r)})}},317:function(e,t,r){"use strict";function n(e,t=[]){if(void 0===e)return{};let r={};return Object.keys(e).filter(r=>r.match(/^on[A-Z]/)&&"function"==typeof e[r]&&!t.includes(r)).forEach(t=>{r[t]=e[t]}),r}r.d(t,{_:function(){return n}})},7087:function(e,t,r){"use strict";function n(e){return"string"==typeof e}r.d(t,{X:function(){return n}})},5651:function(e,t,r){"use strict";r.d(t,{y:function(){return d}});var n=r(2988),o=r(3950),a=r(2367),i=r(6797),l=r(4839),s=r(317);function c(e){if(void 0===e)return{};let t={};return Object.keys(e).filter(t=>!(t.match(/^on[A-Z]/)&&"function"==typeof e[t])).forEach(r=>{t[r]=e[r]}),t}let u=["elementType","externalSlotProps","ownerState","skipResolvingSlotProps"];function d(e){var t;let{elementType:r,externalSlotProps:d,ownerState:p,skipResolvingSlotProps:f=!1}=e,m=(0,o.Z)(e,u),v=f?{}:"function"==typeof d?d(p,void 0):d,{props:h,internalRef:g}=function(e){let{getSlotProps:t,additionalProps:r,externalSlotProps:o,externalForwardedProps:a,className:i}=e;if(!t){let e=(0,l.Z)(null==r?void 0:r.className,i,null==a?void 0:a.className,null==o?void 0:o.className),t=(0,n.Z)({},null==r?void 0:r.style,null==a?void 0:a.style,null==o?void 0:o.style),s=(0,n.Z)({},r,a,o);return e.length>0&&(s.className=e),Object.keys(t).length>0&&(s.style=t),{props:s,internalRef:void 0}}let u=(0,s._)((0,n.Z)({},a,o)),d=c(o),p=c(a),f=t(u),m=(0,l.Z)(null==f?void 0:f.className,null==r?void 0:r.className,i,null==a?void 0:a.className,null==o?void 0:o.className),v=(0,n.Z)({},null==f?void 0:f.style,null==r?void 0:r.style,null==a?void 0:a.style,null==o?void 0:o.style),h=(0,n.Z)({},f,r,p,d);return m.length>0&&(h.className=m),Object.keys(v).length>0&&(h.style=v),{props:h,internalRef:f.ref}}((0,n.Z)({},m,{externalSlotProps:v})),b=(0,a.Z)(g,null==v?void 0:v.ref,null==(t=e.additionalProps)?void 0:t.ref);return(0,i.$)(r,(0,n.Z)({},h,{ref:b}),p)}},5253:function(e,t,r){"use strict";var n=r(3963);t.Z=void 0;var o=n(r(9118)),a=r(7437);t.Z=(0,o.default)((0,a.jsx)("path",{d:"M19 13h-6v6h-2v-6H5v-2h6V5h2v6h6z"}),"Add")},6562:function(e,t,r){"use strict";var n=r(3963);t.Z=void 0;var o=n(r(9118)),a=r(7437);t.Z=(0,o.default)((0,a.jsx)("path",{d:"M12 2C6.48 2 2 6.48 2 12s4.48 10 10 10 10-4.48 10-10S17.52 2 12 2m4 11h-3v3c0 .55-.45 1-1 1s-1-.45-1-1v-3H8c-.55 0-1-.45-1-1s.45-1 1-1h3V8c0-.55.45-1 1-1s1 .45 1 1v3h3c.55 0 1 .45 1 1s-.45 1-1 1"}),"AddCircleRounded")},8866:function(e,t,r){"use strict";var n=r(3963);t.Z=void 0;var o=n(r(9118)),a=r(7437);t.Z=(0,o.default)((0,a.jsx)("path",{d:"M10 6 8.59 7.41 13.17 12l-4.58 4.59L10 18l6-6z"}),"ChevronRight")},7622:function(e,t,r){"use strict";var n=r(3963);t.Z=void 0;var o=n(r(9118)),a=r(7437);t.Z=(0,o.default)((0,a.jsx)("path",{d:"M6 19c0 1.1.9 2 2 2h8c1.1 0 2-.9 2-2V7H6zM19 4h-3.5l-1-1h-5l-1 1H5v2h14z"}),"Delete")},9504:function(e,t,r){"use strict";var n=r(3963);t.Z=void 0;var o=n(r(9118)),a=r(7437);t.Z=(0,o.default)((0,a.jsx)("path",{d:"M3 18h18v-2H3zm0-5h18v-2H3zm0-7v2h18V6z"}),"Menu")},6798:function(e,t,r){"use strict";var n=r(3963);t.Z=void 0;var o=n(r(9118)),a=r(7437);t.Z=(0,o.default)((0,a.jsx)("path",{d:"M17.65 6.35C16.2 4.9 14.21 4 12 4c-4.42 0-7.99 3.58-7.99 8s3.57 8 7.99 8c3.73 0 6.84-2.55 7.73-6h-2.08c-.82 2.33-3.04 4-5.65 4-3.31 0-6-2.69-6-6s2.69-6 6-6c1.66 0 3.14.69 4.22 1.78L13 11h7V4z"}),"Refresh")},9118:function(e,t,r){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"default",{enumerable:!0,get:function(){return n.createSvgIcon}});var n=r(6761)},8165:function(e,t,r){"use strict";r.d(t,{Z:function(){return L}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(2305),c=r(8024),u=r(9281),d=r(2272),p=r(8027),f=r(4535),m=r(7542);function v(e){return(0,m.ZP)("MuiAlert",e)}let h=(0,f.Z)("MuiAlert",["root","action","icon","message","filled","filledSuccess","filledInfo","filledWarning","filledError","outlined","outlinedSuccess","outlinedInfo","outlinedWarning","outlinedError","standard","standardSuccess","standardInfo","standardWarning","standardError"]);var g=r(335),b=r(9018),Z=r(7437),x=(0,b.Z)((0,Z.jsx)("path",{d:"M20,12A8,8 0 0,1 12,20A8,8 0 0,1 4,12A8,8 0 0,1 12,4C12.76,4 13.5,4.11 14.2, 4.31L15.77,2.74C14.61,2.26 13.34,2 12,2A10,10 0 0,0 2,12A10,10 0 0,0 12,22A10,10 0 0, 0 22,12M7.91,10.08L6.5,11.5L11,16L21,6L19.59,4.58L11,13.17L7.91,10.08Z"}),"SuccessOutlined"),y=(0,b.Z)((0,Z.jsx)("path",{d:"M12 5.99L19.53 19H4.47L12 5.99M12 2L1 21h22L12 2zm1 14h-2v2h2v-2zm0-6h-2v4h2v-4z"}),"ReportProblemOutlined"),w=(0,b.Z)((0,Z.jsx)("path",{d:"M11 15h2v2h-2zm0-8h2v6h-2zm.99-5C6.47 2 2 6.48 2 12s4.47 10 9.99 10C17.52 22 22 17.52 22 12S17.52 2 11.99 2zM12 20c-4.42 0-8-3.58-8-8s3.58-8 8-8 8 3.58 8 8-3.58 8-8 8z"}),"ErrorOutline"),S=(0,b.Z)((0,Z.jsx)("path",{d:"M11,9H13V7H11M12,20C7.59,20 4,16.41 4,12C4,7.59 7.59,4 12,4C16.41,4 20,7.59 20, 12C20,16.41 16.41,20 12,20M12,2A10,10 0 0,0 2,12A10,10 0 0,0 12,22A10,10 0 0,0 22,12A10, 10 0 0,0 12,2M11,17H13V11H11V17Z"}),"InfoOutlined"),k=(0,b.Z)((0,Z.jsx)("path",{d:"M19 6.41L17.59 5 12 10.59 6.41 5 5 6.41 10.59 12 5 17.59 6.41 19 12 13.41 17.59 19 19 17.59 13.41 12z"}),"Close");let R=["action","children","className","closeText","color","components","componentsProps","icon","iconMapping","onClose","role","severity","slotProps","slots","variant"],C=e=>{let{variant:t,color:r,severity:n,classes:o}=e,a={root:["root","".concat(t).concat((0,d.Z)(r||n)),"".concat(t)],icon:["icon"],message:["message"],action:["action"]};return(0,l.Z)(a,v,o)},P=(0,c.ZP)(p.Z,{name:"MuiAlert",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t[r.variant],t["".concat(r.variant).concat((0,d.Z)(r.color||r.severity))]]}})(e=>{let{theme:t,ownerState:r}=e,n="light"===t.palette.mode?s._j:s.$n,a="light"===t.palette.mode?s.$n:s._j,i=r.color||r.severity;return(0,o.Z)({},t.typography.body2,{backgroundColor:"transparent",display:"flex",padding:"6px 16px"},i&&"standard"===r.variant&&{color:t.vars?t.vars.palette.Alert["".concat(i,"Color")]:n(t.palette[i].light,.6),backgroundColor:t.vars?t.vars.palette.Alert["".concat(i,"StandardBg")]:a(t.palette[i].light,.9),["& .".concat(h.icon)]:t.vars?{color:t.vars.palette.Alert["".concat(i,"IconColor")]}:{color:t.palette[i].main}},i&&"outlined"===r.variant&&{color:t.vars?t.vars.palette.Alert["".concat(i,"Color")]:n(t.palette[i].light,.6),border:"1px solid ".concat((t.vars||t).palette[i].light),["& .".concat(h.icon)]:t.vars?{color:t.vars.palette.Alert["".concat(i,"IconColor")]}:{color:t.palette[i].main}},i&&"filled"===r.variant&&(0,o.Z)({fontWeight:t.typography.fontWeightMedium},t.vars?{color:t.vars.palette.Alert["".concat(i,"FilledColor")],backgroundColor:t.vars.palette.Alert["".concat(i,"FilledBg")]}:{backgroundColor:"dark"===t.palette.mode?t.palette[i].dark:t.palette[i].main,color:t.palette.getContrastText(t.palette[i].main)}))}),M=(0,c.ZP)("div",{name:"MuiAlert",slot:"Icon",overridesResolver:(e,t)=>t.icon})({marginRight:12,padding:"7px 0",display:"flex",fontSize:22,opacity:.9}),E=(0,c.ZP)("div",{name:"MuiAlert",slot:"Message",overridesResolver:(e,t)=>t.message})({padding:"8px 0",minWidth:0,overflow:"auto"}),O=(0,c.ZP)("div",{name:"MuiAlert",slot:"Action",overridesResolver:(e,t)=>t.action})({display:"flex",alignItems:"flex-start",padding:"4px 0 0 16px",marginLeft:"auto",marginRight:-8}),T={success:(0,Z.jsx)(x,{fontSize:"inherit"}),warning:(0,Z.jsx)(y,{fontSize:"inherit"}),error:(0,Z.jsx)(w,{fontSize:"inherit"}),info:(0,Z.jsx)(S,{fontSize:"inherit"})};var L=a.forwardRef(function(e,t){var r,a,l,s,c,d;let p=(0,u.Z)({props:e,name:"MuiAlert"}),{action:f,children:m,className:v,closeText:h="Close",color:b,components:x={},componentsProps:y={},icon:w,iconMapping:S=T,onClose:L,role:j="alert",severity:I="success",slotProps:z={},slots:N={},variant:A="standard"}=p,B=(0,n.Z)(p,R),F=(0,o.Z)({},p,{color:b,severity:I,variant:A}),W=C(F),D=null!=(r=null!=(a=N.closeButton)?a:x.CloseButton)?r:g.Z,V=null!=(l=null!=(s=N.closeIcon)?s:x.CloseIcon)?l:k,H=null!=(c=z.closeButton)?c:y.closeButton,q=null!=(d=z.closeIcon)?d:y.closeIcon;return(0,Z.jsxs)(P,(0,o.Z)({role:j,elevation:0,ownerState:F,className:(0,i.Z)(W.root,v),ref:t},B,{children:[!1!==w?(0,Z.jsx)(M,{ownerState:F,className:W.icon,children:w||S[I]||T[I]}):null,(0,Z.jsx)(E,{ownerState:F,className:W.message,children:m}),null!=f?(0,Z.jsx)(O,{ownerState:F,className:W.action,children:f}):null,null==f&&L?(0,Z.jsx)(O,{ownerState:F,className:W.action,children:(0,Z.jsx)(D,(0,o.Z)({size:"small","aria-label":h,title:h,color:"inherit",onClick:L},H,{children:(0,Z.jsx)(V,(0,o.Z)({fontSize:"small"},q))}))}):null]}))})},1733:function(e,t,r){"use strict";r.d(t,{Z:function(){return x}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(8024),c=r(9281),u=r(2272),d=r(8027),p=r(4535),f=r(7542);function m(e){return(0,f.ZP)("MuiAppBar",e)}(0,p.Z)("MuiAppBar",["root","positionFixed","positionAbsolute","positionSticky","positionStatic","positionRelative","colorDefault","colorPrimary","colorSecondary","colorInherit","colorTransparent","colorError","colorInfo","colorSuccess","colorWarning"]);var v=r(7437);let h=["className","color","enableColorOnDark","position"],g=e=>{let{color:t,position:r,classes:n}=e,o={root:["root","color".concat((0,u.Z)(t)),"position".concat((0,u.Z)(r))]};return(0,l.Z)(o,m,n)},b=(e,t)=>e?"".concat(null==e?void 0:e.replace(")",""),", ").concat(t,")"):t,Z=(0,s.ZP)(d.Z,{name:"MuiAppBar",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t["position".concat((0,u.Z)(r.position))],t["color".concat((0,u.Z)(r.color))]]}})(e=>{let{theme:t,ownerState:r}=e,n="light"===t.palette.mode?t.palette.grey[100]:t.palette.grey[900];return(0,o.Z)({display:"flex",flexDirection:"column",width:"100%",boxSizing:"border-box",flexShrink:0},"fixed"===r.position&&{position:"fixed",zIndex:(t.vars||t).zIndex.appBar,top:0,left:"auto",right:0,"@media print":{position:"absolute"}},"absolute"===r.position&&{position:"absolute",zIndex:(t.vars||t).zIndex.appBar,top:0,left:"auto",right:0},"sticky"===r.position&&{position:"sticky",zIndex:(t.vars||t).zIndex.appBar,top:0,left:"auto",right:0},"static"===r.position&&{position:"static"},"relative"===r.position&&{position:"relative"},!t.vars&&(0,o.Z)({},"default"===r.color&&{backgroundColor:n,color:t.palette.getContrastText(n)},r.color&&"default"!==r.color&&"inherit"!==r.color&&"transparent"!==r.color&&{backgroundColor:t.palette[r.color].main,color:t.palette[r.color].contrastText},"inherit"===r.color&&{color:"inherit"},"dark"===t.palette.mode&&!r.enableColorOnDark&&{backgroundColor:null,color:null},"transparent"===r.color&&(0,o.Z)({backgroundColor:"transparent",color:"inherit"},"dark"===t.palette.mode&&{backgroundImage:"none"})),t.vars&&(0,o.Z)({},"default"===r.color&&{"--AppBar-background":r.enableColorOnDark?t.vars.palette.AppBar.defaultBg:b(t.vars.palette.AppBar.darkBg,t.vars.palette.AppBar.defaultBg),"--AppBar-color":r.enableColorOnDark?t.vars.palette.text.primary:b(t.vars.palette.AppBar.darkColor,t.vars.palette.text.primary)},r.color&&!r.color.match(/^(default|inherit|transparent)$/)&&{"--AppBar-background":r.enableColorOnDark?t.vars.palette[r.color].main:b(t.vars.palette.AppBar.darkBg,t.vars.palette[r.color].main),"--AppBar-color":r.enableColorOnDark?t.vars.palette[r.color].contrastText:b(t.vars.palette.AppBar.darkColor,t.vars.palette[r.color].contrastText)},{backgroundColor:"var(--AppBar-background)",color:"inherit"===r.color?"inherit":"var(--AppBar-color)"},"transparent"===r.color&&{backgroundImage:"none",backgroundColor:"transparent",color:"inherit"}))});var x=a.forwardRef(function(e,t){let r=(0,c.Z)({props:e,name:"MuiAppBar"}),{className:a,color:l="primary",enableColorOnDark:s=!1,position:u="fixed"}=r,d=(0,n.Z)(r,h),p=(0,o.Z)({},r,{color:l,position:u,enableColorOnDark:s}),f=g(p);return(0,v.jsx)(Z,(0,o.Z)({square:!0,component:"header",ownerState:p,elevation:4,className:(0,i.Z)(f.root,a,"fixed"===u&&"mui-fixed"),ref:t},d))})},4593:function(e,t,r){"use strict";r.d(t,{Z:function(){return b}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(8024),c=r(9281),u=r(5635),d=r(4535),p=r(7542);function f(e){return(0,p.ZP)("MuiBackdrop",e)}(0,d.Z)("MuiBackdrop",["root","invisible"]);var m=r(7437);let v=["children","className","component","components","componentsProps","invisible","open","slotProps","slots","TransitionComponent","transitionDuration"],h=e=>{let{classes:t,invisible:r}=e;return(0,l.Z)({root:["root",r&&"invisible"]},f,t)},g=(0,s.ZP)("div",{name:"MuiBackdrop",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,r.invisible&&t.invisible]}})(e=>{let{ownerState:t}=e;return(0,o.Z)({position:"fixed",display:"flex",alignItems:"center",justifyContent:"center",right:0,bottom:0,top:0,left:0,backgroundColor:"rgba(0, 0, 0, 0.5)",WebkitTapHighlightColor:"transparent"},t.invisible&&{backgroundColor:"transparent"})});var b=a.forwardRef(function(e,t){var r,a,l;let s=(0,c.Z)({props:e,name:"MuiBackdrop"}),{children:d,className:p,component:f="div",components:b={},componentsProps:Z={},invisible:x=!1,open:y,slotProps:w={},slots:S={},TransitionComponent:k=u.Z,transitionDuration:R}=s,C=(0,n.Z)(s,v),P=(0,o.Z)({},s,{component:f,invisible:x}),M=h(P),E=null!=(r=w.root)?r:Z.root;return(0,m.jsx)(k,(0,o.Z)({in:y,timeout:R},C,{children:(0,m.jsx)(g,(0,o.Z)({"aria-hidden":!0},E,{as:null!=(a=null!=(l=S.root)?l:b.Root)?a:f,className:(0,i.Z)(M.root,p,null==E?void 0:E.className),ownerState:(0,o.Z)({},P,null==E?void 0:E.ownerState),classes:M,ref:t,children:d}))}))})},1326:function(e,t,r){"use strict";r.d(t,{Z:function(){return b}});var n=r(2988),o=r(3950),a=r(2265),i=r(4839),l=r(3992),s=r(7267),c=r(261),u=r(4874),d=r(7437);let p=["className","component"];var f=r(5960),m=r(8285),v=r(2737);let h=(0,r(4535).Z)("MuiBox",["root"]),g=(0,m.Z)();var b=function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},{themeId:t,defaultTheme:r,defaultClassName:f="MuiBox-root",generateClassName:m}=e,v=(0,l.ZP)("div",{shouldForwardProp:e=>"theme"!==e&&"sx"!==e&&"as"!==e})(s.Z);return a.forwardRef(function(e,a){let l=(0,u.Z)(r),s=(0,c.Z)(e),{className:h,component:g="div"}=s,b=(0,o.Z)(s,p);return(0,d.jsx)(v,(0,n.Z)({as:g,ref:a,className:(0,i.Z)(h,m?m(f):f),theme:t&&l[t]||l},b))})}({themeId:v.Z,defaultTheme:g,defaultClassName:h.root,generateClassName:f.Z.generate})},6548:function(e,t,r){"use strict";r.d(t,{Z:function(){return P}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(9481),s=r(6259),c=r(2305),u=r(8024),d=r(9281),p=r(9022),f=r(2272),m=r(4535),v=r(7542);function h(e){return(0,v.ZP)("MuiButton",e)}let g=(0,m.Z)("MuiButton",["root","text","textInherit","textPrimary","textSecondary","textSuccess","textError","textInfo","textWarning","outlined","outlinedInherit","outlinedPrimary","outlinedSecondary","outlinedSuccess","outlinedError","outlinedInfo","outlinedWarning","contained","containedInherit","containedPrimary","containedSecondary","containedSuccess","containedError","containedInfo","containedWarning","disableElevation","focusVisible","disabled","colorInherit","textSizeSmall","textSizeMedium","textSizeLarge","outlinedSizeSmall","outlinedSizeMedium","outlinedSizeLarge","containedSizeSmall","containedSizeMedium","containedSizeLarge","sizeMedium","sizeSmall","sizeLarge","fullWidth","startIcon","endIcon","iconSizeSmall","iconSizeMedium","iconSizeLarge"]),b=a.createContext({}),Z=a.createContext(void 0);var x=r(7437);let y=["children","color","component","className","disabled","disableElevation","disableFocusRipple","endIcon","focusVisibleClassName","fullWidth","size","startIcon","type","variant"],w=e=>{let{color:t,disableElevation:r,fullWidth:n,size:a,variant:i,classes:l}=e,c={root:["root",i,"".concat(i).concat((0,f.Z)(t)),"size".concat((0,f.Z)(a)),"".concat(i,"Size").concat((0,f.Z)(a)),"inherit"===t&&"colorInherit",r&&"disableElevation",n&&"fullWidth"],label:["label"],startIcon:["startIcon","iconSize".concat((0,f.Z)(a))],endIcon:["endIcon","iconSize".concat((0,f.Z)(a))]},u=(0,s.Z)(c,h,l);return(0,o.Z)({},l,u)},S=e=>(0,o.Z)({},"small"===e.size&&{"& > *:nth-of-type(1)":{fontSize:18}},"medium"===e.size&&{"& > *:nth-of-type(1)":{fontSize:20}},"large"===e.size&&{"& > *:nth-of-type(1)":{fontSize:22}}),k=(0,u.ZP)(p.Z,{shouldForwardProp:e=>(0,u.FO)(e)||"classes"===e,name:"MuiButton",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t[r.variant],t["".concat(r.variant).concat((0,f.Z)(r.color))],t["size".concat((0,f.Z)(r.size))],t["".concat(r.variant,"Size").concat((0,f.Z)(r.size))],"inherit"===r.color&&t.colorInherit,r.disableElevation&&t.disableElevation,r.fullWidth&&t.fullWidth]}})(e=>{var t,r;let{theme:n,ownerState:a}=e,i="light"===n.palette.mode?n.palette.grey[300]:n.palette.grey[800],l="light"===n.palette.mode?n.palette.grey.A100:n.palette.grey[700];return(0,o.Z)({},n.typography.button,{minWidth:64,padding:"6px 16px",borderRadius:(n.vars||n).shape.borderRadius,transition:n.transitions.create(["background-color","box-shadow","border-color","color"],{duration:n.transitions.duration.short}),"&:hover":(0,o.Z)({textDecoration:"none",backgroundColor:n.vars?"rgba(".concat(n.vars.palette.text.primaryChannel," / ").concat(n.vars.palette.action.hoverOpacity,")"):(0,c.Fq)(n.palette.text.primary,n.palette.action.hoverOpacity),"@media (hover: none)":{backgroundColor:"transparent"}},"text"===a.variant&&"inherit"!==a.color&&{backgroundColor:n.vars?"rgba(".concat(n.vars.palette[a.color].mainChannel," / ").concat(n.vars.palette.action.hoverOpacity,")"):(0,c.Fq)(n.palette[a.color].main,n.palette.action.hoverOpacity),"@media (hover: none)":{backgroundColor:"transparent"}},"outlined"===a.variant&&"inherit"!==a.color&&{border:"1px solid ".concat((n.vars||n).palette[a.color].main),backgroundColor:n.vars?"rgba(".concat(n.vars.palette[a.color].mainChannel," / ").concat(n.vars.palette.action.hoverOpacity,")"):(0,c.Fq)(n.palette[a.color].main,n.palette.action.hoverOpacity),"@media (hover: none)":{backgroundColor:"transparent"}},"contained"===a.variant&&{backgroundColor:n.vars?n.vars.palette.Button.inheritContainedHoverBg:l,boxShadow:(n.vars||n).shadows[4],"@media (hover: none)":{boxShadow:(n.vars||n).shadows[2],backgroundColor:(n.vars||n).palette.grey[300]}},"contained"===a.variant&&"inherit"!==a.color&&{backgroundColor:(n.vars||n).palette[a.color].dark,"@media (hover: none)":{backgroundColor:(n.vars||n).palette[a.color].main}}),"&:active":(0,o.Z)({},"contained"===a.variant&&{boxShadow:(n.vars||n).shadows[8]}),["&.".concat(g.focusVisible)]:(0,o.Z)({},"contained"===a.variant&&{boxShadow:(n.vars||n).shadows[6]}),["&.".concat(g.disabled)]:(0,o.Z)({color:(n.vars||n).palette.action.disabled},"outlined"===a.variant&&{border:"1px solid ".concat((n.vars||n).palette.action.disabledBackground)},"contained"===a.variant&&{color:(n.vars||n).palette.action.disabled,boxShadow:(n.vars||n).shadows[0],backgroundColor:(n.vars||n).palette.action.disabledBackground})},"text"===a.variant&&{padding:"6px 8px"},"text"===a.variant&&"inherit"!==a.color&&{color:(n.vars||n).palette[a.color].main},"outlined"===a.variant&&{padding:"5px 15px",border:"1px solid currentColor"},"outlined"===a.variant&&"inherit"!==a.color&&{color:(n.vars||n).palette[a.color].main,border:n.vars?"1px solid rgba(".concat(n.vars.palette[a.color].mainChannel," / 0.5)"):"1px solid ".concat((0,c.Fq)(n.palette[a.color].main,.5))},"contained"===a.variant&&{color:n.vars?n.vars.palette.text.primary:null==(t=(r=n.palette).getContrastText)?void 0:t.call(r,n.palette.grey[300]),backgroundColor:n.vars?n.vars.palette.Button.inheritContainedBg:i,boxShadow:(n.vars||n).shadows[2]},"contained"===a.variant&&"inherit"!==a.color&&{color:(n.vars||n).palette[a.color].contrastText,backgroundColor:(n.vars||n).palette[a.color].main},"inherit"===a.color&&{color:"inherit",borderColor:"currentColor"},"small"===a.size&&"text"===a.variant&&{padding:"4px 5px",fontSize:n.typography.pxToRem(13)},"large"===a.size&&"text"===a.variant&&{padding:"8px 11px",fontSize:n.typography.pxToRem(15)},"small"===a.size&&"outlined"===a.variant&&{padding:"3px 9px",fontSize:n.typography.pxToRem(13)},"large"===a.size&&"outlined"===a.variant&&{padding:"7px 21px",fontSize:n.typography.pxToRem(15)},"small"===a.size&&"contained"===a.variant&&{padding:"4px 10px",fontSize:n.typography.pxToRem(13)},"large"===a.size&&"contained"===a.variant&&{padding:"8px 22px",fontSize:n.typography.pxToRem(15)},a.fullWidth&&{width:"100%"})},e=>{let{ownerState:t}=e;return t.disableElevation&&{boxShadow:"none","&:hover":{boxShadow:"none"},["&.".concat(g.focusVisible)]:{boxShadow:"none"},"&:active":{boxShadow:"none"},["&.".concat(g.disabled)]:{boxShadow:"none"}}}),R=(0,u.ZP)("span",{name:"MuiButton",slot:"StartIcon",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.startIcon,t["iconSize".concat((0,f.Z)(r.size))]]}})(e=>{let{ownerState:t}=e;return(0,o.Z)({display:"inherit",marginRight:8,marginLeft:-4},"small"===t.size&&{marginLeft:-2},S(t))}),C=(0,u.ZP)("span",{name:"MuiButton",slot:"EndIcon",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.endIcon,t["iconSize".concat((0,f.Z)(r.size))]]}})(e=>{let{ownerState:t}=e;return(0,o.Z)({display:"inherit",marginRight:-4,marginLeft:8},"small"===t.size&&{marginRight:-2},S(t))});var P=a.forwardRef(function(e,t){let r=a.useContext(b),s=a.useContext(Z),c=(0,l.Z)(r,e),u=(0,d.Z)({props:c,name:"MuiButton"}),{children:p,color:f="primary",component:m="button",className:v,disabled:h=!1,disableElevation:g=!1,disableFocusRipple:S=!1,endIcon:P,focusVisibleClassName:M,fullWidth:E=!1,size:O="medium",startIcon:T,type:L,variant:j="text"}=u,I=(0,n.Z)(u,y),z=(0,o.Z)({},u,{color:f,component:m,disabled:h,disableElevation:g,disableFocusRipple:S,fullWidth:E,size:O,type:L,variant:j}),N=w(z),A=T&&(0,x.jsx)(R,{className:N.startIcon,ownerState:z,children:T}),B=P&&(0,x.jsx)(C,{className:N.endIcon,ownerState:z,children:P});return(0,x.jsxs)(k,(0,o.Z)({ownerState:z,className:(0,i.Z)(r.className,N.root,v,s||""),component:m,disabled:h,focusRipple:!S,focusVisibleClassName:(0,i.Z)(N.focusVisible,M),ref:t,type:L},I,{classes:N,children:[A,p,B]}))})},9022:function(e,t,r){"use strict";let n,o,a,i;r.d(t,{Z:function(){return _}});var l=r(2988),s=r(3950),c=r(2265),u=r(4839),d=r(6259),p=r(8024),f=r(9281),m=r(909),v=r(6182),h=r(6850),g=r(8646),b=r(7802),Z=r(4145);function x(e,t){var r=Object.create(null);return e&&c.Children.map(e,function(e){return e}).forEach(function(e){r[e.key]=t&&(0,c.isValidElement)(e)?t(e):e}),r}function y(e,t,r){return null!=r[t]?r[t]:e.props[t]}var w=Object.values||function(e){return Object.keys(e).map(function(t){return e[t]})},S=function(e){function t(t,r){var n,o=(n=e.call(this,t,r)||this).handleExited.bind(function(e){if(void 0===e)throw ReferenceError("this hasn't been initialised - super() hasn't been called");return e}(n));return n.state={contextValue:{isMounting:!0},handleExited:o,firstRender:!0},n}(0,b.Z)(t,e);var r=t.prototype;return r.componentDidMount=function(){this.mounted=!0,this.setState({contextValue:{isMounting:!1}})},r.componentWillUnmount=function(){this.mounted=!1},t.getDerivedStateFromProps=function(e,t){var r,n,o=t.children,a=t.handleExited;return{children:t.firstRender?x(e.children,function(t){return(0,c.cloneElement)(t,{onExited:a.bind(null,t),in:!0,appear:y(t,"appear",e),enter:y(t,"enter",e),exit:y(t,"exit",e)})}):(Object.keys(n=function(e,t){function r(r){return r in t?t[r]:e[r]}e=e||{},t=t||{};var n,o=Object.create(null),a=[];for(var i in e)i in t?a.length&&(o[i]=a,a=[]):a.push(i);var l={};for(var s in t){if(o[s])for(n=0;n{if(!l&&null!=s){let e=setTimeout(s,d);return()=>{clearTimeout(e)}}},[s,l,d]),(0,C.jsx)("span",{className:m,style:{width:i,height:i,top:-(i/2)+a,left:-(i/2)+o},children:(0,C.jsx)("span",{className:v})})},{name:"MuiTouchRipple",slot:"Ripple"})(i||(i=L()),M.rippleVisible,I,550,e=>{let{theme:t}=e;return t.transitions.easing.easeInOut},M.ripplePulsate,e=>{let{theme:t}=e;return t.transitions.duration.shorter},M.child,M.childLeaving,z,550,e=>{let{theme:t}=e;return t.transitions.easing.easeInOut},M.childPulsate,N,e=>{let{theme:t}=e;return t.transitions.easing.easeInOut}),F=c.forwardRef(function(e,t){let r=(0,f.Z)({props:e,name:"MuiTouchRipple"}),{center:n=!1,classes:o={},className:a}=r,i=(0,s.Z)(r,j),[d,p]=c.useState([]),m=c.useRef(0),v=c.useRef(null);c.useEffect(()=>{v.current&&(v.current(),v.current=null)},[d]);let h=c.useRef(!1),g=(0,R.Z)(),b=c.useRef(null),Z=c.useRef(null),x=c.useCallback(e=>{let{pulsate:t,rippleX:r,rippleY:n,rippleSize:a,cb:i}=e;p(e=>[...e,(0,C.jsx)(B,{classes:{ripple:(0,u.Z)(o.ripple,M.ripple),rippleVisible:(0,u.Z)(o.rippleVisible,M.rippleVisible),ripplePulsate:(0,u.Z)(o.ripplePulsate,M.ripplePulsate),child:(0,u.Z)(o.child,M.child),childLeaving:(0,u.Z)(o.childLeaving,M.childLeaving),childPulsate:(0,u.Z)(o.childPulsate,M.childPulsate)},timeout:550,pulsate:t,rippleX:r,rippleY:n,rippleSize:a},m.current)]),m.current+=1,v.current=i},[o]),y=c.useCallback(function(){let e,t,r,o=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},a=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},i=arguments.length>2&&void 0!==arguments[2]?arguments[2]:()=>{},{pulsate:l=!1,center:s=n||a.pulsate,fakeElement:c=!1}=a;if((null==o?void 0:o.type)==="mousedown"&&h.current){h.current=!1;return}(null==o?void 0:o.type)==="touchstart"&&(h.current=!0);let u=c?null:Z.current,d=u?u.getBoundingClientRect():{width:0,height:0,left:0,top:0};if(!s&&void 0!==o&&(0!==o.clientX||0!==o.clientY)&&(o.clientX||o.touches)){let{clientX:r,clientY:n}=o.touches&&o.touches.length>0?o.touches[0]:o;e=Math.round(r-d.left),t=Math.round(n-d.top)}else e=Math.round(d.width/2),t=Math.round(d.height/2);s?(r=Math.sqrt((2*d.width**2+d.height**2)/3))%2==0&&(r+=1):r=Math.sqrt((2*Math.max(Math.abs((u?u.clientWidth:0)-e),e)+2)**2+(2*Math.max(Math.abs((u?u.clientHeight:0)-t),t)+2)**2),null!=o&&o.touches?null===b.current&&(b.current=()=>{x({pulsate:l,rippleX:e,rippleY:t,rippleSize:r,cb:i})},g.start(80,()=>{b.current&&(b.current(),b.current=null)})):x({pulsate:l,rippleX:e,rippleY:t,rippleSize:r,cb:i})},[n,x,g]),w=c.useCallback(()=>{y({},{pulsate:!0})},[y]),k=c.useCallback((e,t)=>{if(g.clear(),(null==e?void 0:e.type)==="touchend"&&b.current){b.current(),b.current=null,g.start(0,()=>{k(e,t)});return}b.current=null,p(e=>e.length>0?e.slice(1):e),v.current=t},[g]);return c.useImperativeHandle(t,()=>({pulsate:w,start:y,stop:k}),[w,y,k]),(0,C.jsx)(A,(0,l.Z)({className:(0,u.Z)(M.root,o.root,a),ref:Z},i,{children:(0,C.jsx)(S,{component:null,exit:!0,children:d})}))});var W=r(7542);function D(e){return(0,W.ZP)("MuiButtonBase",e)}let V=(0,P.Z)("MuiButtonBase",["root","disabled","focusVisible"]),H=["action","centerRipple","children","className","component","disabled","disableRipple","disableTouchRipple","focusRipple","focusVisibleClassName","LinkComponent","onBlur","onClick","onContextMenu","onDragLeave","onFocus","onFocusVisible","onKeyDown","onKeyUp","onMouseDown","onMouseLeave","onMouseUp","onTouchEnd","onTouchMove","onTouchStart","tabIndex","TouchRippleProps","touchRippleRef","type"],q=e=>{let{disabled:t,focusVisible:r,focusVisibleClassName:n,classes:o}=e,a=(0,d.Z)({root:["root",t&&"disabled",r&&"focusVisible"]},D,o);return r&&n&&(a.root+=" ".concat(n)),a},G=(0,p.ZP)("button",{name:"MuiButtonBase",slot:"Root",overridesResolver:(e,t)=>t.root})({display:"inline-flex",alignItems:"center",justifyContent:"center",position:"relative",boxSizing:"border-box",WebkitTapHighlightColor:"transparent",backgroundColor:"transparent",outline:0,border:0,margin:0,borderRadius:0,padding:0,cursor:"pointer",userSelect:"none",verticalAlign:"middle",MozAppearance:"none",WebkitAppearance:"none",textDecoration:"none",color:"inherit","&::-moz-focus-inner":{borderStyle:"none"},["&.".concat(V.disabled)]:{pointerEvents:"none",cursor:"default"},"@media print":{colorAdjust:"exact"}});var _=c.forwardRef(function(e,t){let r=(0,f.Z)({props:e,name:"MuiButtonBase"}),{action:n,centerRipple:o=!1,children:a,className:i,component:d="button",disabled:p=!1,disableRipple:g=!1,disableTouchRipple:b=!1,focusRipple:Z=!1,LinkComponent:x="a",onBlur:y,onClick:w,onContextMenu:S,onDragLeave:k,onFocus:R,onFocusVisible:P,onKeyDown:M,onKeyUp:E,onMouseDown:O,onMouseLeave:T,onMouseUp:L,onTouchEnd:j,onTouchMove:I,onTouchStart:z,tabIndex:N=0,TouchRippleProps:A,touchRippleRef:B,type:W}=r,D=(0,s.Z)(r,H),V=c.useRef(null),_=c.useRef(null),$=(0,m.Z)(_,B),{isFocusVisibleRef:U,onFocus:X,onBlur:K,ref:Y}=(0,h.Z)(),[J,Q]=c.useState(!1);p&&J&&Q(!1),c.useImperativeHandle(n,()=>({focusVisible:()=>{Q(!0),V.current.focus()}}),[]);let[ee,et]=c.useState(!1);c.useEffect(()=>{et(!0)},[]);let er=ee&&!g&&!p;function en(e,t){let r=arguments.length>2&&void 0!==arguments[2]?arguments[2]:b;return(0,v.Z)(n=>(t&&t(n),!r&&_.current&&_.current[e](n),!0))}c.useEffect(()=>{J&&Z&&!g&&ee&&_.current.pulsate()},[g,Z,J,ee]);let eo=en("start",O),ea=en("stop",S),ei=en("stop",k),el=en("stop",L),es=en("stop",e=>{J&&e.preventDefault(),T&&T(e)}),ec=en("start",z),eu=en("stop",j),ed=en("stop",I),ep=en("stop",e=>{K(e),!1===U.current&&Q(!1),y&&y(e)},!1),ef=(0,v.Z)(e=>{V.current||(V.current=e.currentTarget),X(e),!0===U.current&&(Q(!0),P&&P(e)),R&&R(e)}),em=()=>{let e=V.current;return d&&"button"!==d&&!("A"===e.tagName&&e.href)},ev=c.useRef(!1),eh=(0,v.Z)(e=>{Z&&!ev.current&&J&&_.current&&" "===e.key&&(ev.current=!0,_.current.stop(e,()=>{_.current.start(e)})),e.target===e.currentTarget&&em()&&" "===e.key&&e.preventDefault(),M&&M(e),e.target===e.currentTarget&&em()&&"Enter"===e.key&&!p&&(e.preventDefault(),w&&w(e))}),eg=(0,v.Z)(e=>{Z&&" "===e.key&&_.current&&J&&!e.defaultPrevented&&(ev.current=!1,_.current.stop(e,()=>{_.current.pulsate(e)})),E&&E(e),w&&e.target===e.currentTarget&&em()&&" "===e.key&&!e.defaultPrevented&&w(e)}),eb=d;"button"===eb&&(D.href||D.to)&&(eb=x);let eZ={};"button"===eb?(eZ.type=void 0===W?"button":W,eZ.disabled=p):(D.href||D.to||(eZ.role="button"),p&&(eZ["aria-disabled"]=p));let ex=(0,m.Z)(t,Y,V),ey=(0,l.Z)({},r,{centerRipple:o,component:d,disabled:p,disableRipple:g,disableTouchRipple:b,focusRipple:Z,tabIndex:N,focusVisible:J}),ew=q(ey);return(0,C.jsxs)(G,(0,l.Z)({as:eb,className:(0,u.Z)(ew.root,i),ownerState:ey,onBlur:ep,onClick:w,onContextMenu:ea,onFocus:ef,onKeyDown:eh,onKeyUp:eg,onMouseDown:eo,onMouseLeave:es,onMouseUp:el,onDragLeave:ei,onTouchEnd:eu,onTouchMove:ed,onTouchStart:ec,ref:ex,tabIndex:p?-1:N,type:W},eZ,D,{children:[a,er?(0,C.jsx)(F,(0,l.Z)({ref:$,center:o},A)):null]}))})},468:function(e,t,r){"use strict";r.d(t,{Z:function(){return j}});var n=r(8646),o=r(3950),a=r(2988),i=r(2265),l=r(4839),s=r(6259),c=r(3098),u=r(2272),d=r(9281),p=r(8024),f=r(4535),m=r(7542);function v(e){return(0,m.ZP)("MuiCircularProgress",e)}(0,f.Z)("MuiCircularProgress",["root","determinate","indeterminate","colorPrimary","colorSecondary","svg","circle","circleDeterminate","circleIndeterminate","circleDisableShrink"]);var h=r(7437);function g(){let e=(0,n._)(["\n 0% {\n transform: rotate(0deg);\n }\n\n 100% {\n transform: rotate(360deg);\n }\n"]);return g=function(){return e},e}function b(){let e=(0,n._)(["\n 0% {\n stroke-dasharray: 1px, 200px;\n stroke-dashoffset: 0;\n }\n\n 50% {\n stroke-dasharray: 100px, 200px;\n stroke-dashoffset: -15px;\n }\n\n 100% {\n stroke-dasharray: 100px, 200px;\n stroke-dashoffset: -125px;\n }\n"]);return b=function(){return e},e}function Z(){let e=(0,n._)(["\n animation: "," 1.4s linear infinite;\n "]);return Z=function(){return e},e}function x(){let e=(0,n._)(["\n animation: "," 1.4s ease-in-out infinite;\n "]);return x=function(){return e},e}let y=["className","color","disableShrink","size","style","thickness","value","variant"],w=e=>e,S,k,R,C,P=(0,c.F4)(S||(S=w(g()))),M=(0,c.F4)(k||(k=w(b()))),E=e=>{let{classes:t,variant:r,color:n,disableShrink:o}=e,a={root:["root",r,"color".concat((0,u.Z)(n))],svg:["svg"],circle:["circle","circle".concat((0,u.Z)(r)),o&&"circleDisableShrink"]};return(0,s.Z)(a,v,t)},O=(0,p.ZP)("span",{name:"MuiCircularProgress",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t[r.variant],t["color".concat((0,u.Z)(r.color))]]}})(e=>{let{ownerState:t,theme:r}=e;return(0,a.Z)({display:"inline-block"},"determinate"===t.variant&&{transition:r.transitions.create("transform")},"inherit"!==t.color&&{color:(r.vars||r).palette[t.color].main})},e=>{let{ownerState:t}=e;return"indeterminate"===t.variant&&(0,c.iv)(R||(R=w(Z(),0)),P)}),T=(0,p.ZP)("svg",{name:"MuiCircularProgress",slot:"Svg",overridesResolver:(e,t)=>t.svg})({display:"block"}),L=(0,p.ZP)("circle",{name:"MuiCircularProgress",slot:"Circle",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.circle,t["circle".concat((0,u.Z)(r.variant))],r.disableShrink&&t.circleDisableShrink]}})(e=>{let{ownerState:t,theme:r}=e;return(0,a.Z)({stroke:"currentColor"},"determinate"===t.variant&&{transition:r.transitions.create("stroke-dashoffset")},"indeterminate"===t.variant&&{strokeDasharray:"80px, 200px",strokeDashoffset:0})},e=>{let{ownerState:t}=e;return"indeterminate"===t.variant&&!t.disableShrink&&(0,c.iv)(C||(C=w(x(),0)),M)});var j=i.forwardRef(function(e,t){let r=(0,d.Z)({props:e,name:"MuiCircularProgress"}),{className:n,color:i="primary",disableShrink:s=!1,size:c=40,style:u,thickness:p=3.6,value:f=0,variant:m="indeterminate"}=r,v=(0,o.Z)(r,y),g=(0,a.Z)({},r,{color:i,disableShrink:s,size:c,thickness:p,value:f,variant:m}),b=E(g),Z={},x={},w={};if("determinate"===m){let e=2*Math.PI*((44-p)/2);Z.strokeDasharray=e.toFixed(3),w["aria-valuenow"]=Math.round(f),Z.strokeDashoffset="".concat(((100-f)/100*e).toFixed(3),"px"),x.transform="rotate(-90deg)"}return(0,h.jsx)(O,(0,a.Z)({className:(0,l.Z)(b.root,n),style:(0,a.Z)({width:c,height:c},x,u),ownerState:g,ref:t,role:"progressbar"},w,v,{children:(0,h.jsx)(T,{className:b.svg,ownerState:g,viewBox:"".concat(22," ").concat(22," ").concat(44," ").concat(44),children:(0,h.jsx)(L,{className:b.circle,style:Z,ownerState:g,cx:44,cy:44,r:(44-p)/2,fill:"none",strokeWidth:p})})}))})},2197:function(e,t,r){"use strict";r.d(t,{Z:function(){return w}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(1259),s=r(7542),c=r(6259),u=r(4999),d=r(7794),p=r(2501),f=r(7437);let m=["className","component","disableGutters","fixed","maxWidth","classes"],v=(0,p.Z)(),h=(0,d.Z)("div",{name:"MuiContainer",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t[`maxWidth${(0,l.Z)(String(r.maxWidth))}`],r.fixed&&t.fixed,r.disableGutters&&t.disableGutters]}}),g=e=>(0,u.Z)({props:e,name:"MuiContainer",defaultTheme:v}),b=(e,t)=>{let{classes:r,fixed:n,disableGutters:o,maxWidth:a}=e,i={root:["root",a&&`maxWidth${(0,l.Z)(String(a))}`,n&&"fixed",o&&"disableGutters"]};return(0,c.Z)(i,e=>(0,s.ZP)(t,e),r)};var Z=r(2272),x=r(8024),y=r(9281),w=function(e={}){let{createStyledComponent:t=h,useThemeProps:r=g,componentName:l="MuiContainer"}=e,s=t(({theme:e,ownerState:t})=>(0,o.Z)({width:"100%",marginLeft:"auto",boxSizing:"border-box",marginRight:"auto",display:"block"},!t.disableGutters&&{paddingLeft:e.spacing(2),paddingRight:e.spacing(2),[e.breakpoints.up("sm")]:{paddingLeft:e.spacing(3),paddingRight:e.spacing(3)}}),({theme:e,ownerState:t})=>t.fixed&&Object.keys(e.breakpoints.values).reduce((t,r)=>{let n=e.breakpoints.values[r];return 0!==n&&(t[e.breakpoints.up(r)]={maxWidth:`${n}${e.breakpoints.unit}`}),t},{}),({theme:e,ownerState:t})=>(0,o.Z)({},"xs"===t.maxWidth&&{[e.breakpoints.up("xs")]:{maxWidth:Math.max(e.breakpoints.values.xs,444)}},t.maxWidth&&"xs"!==t.maxWidth&&{[e.breakpoints.up(t.maxWidth)]:{maxWidth:`${e.breakpoints.values[t.maxWidth]}${e.breakpoints.unit}`}}));return a.forwardRef(function(e,t){let a=r(e),{className:c,component:u="div",disableGutters:d=!1,fixed:p=!1,maxWidth:v="lg"}=a,h=(0,n.Z)(a,m),g=(0,o.Z)({},a,{component:u,disableGutters:d,fixed:p,maxWidth:v}),Z=b(g,l);return(0,f.jsx)(s,(0,o.Z)({as:u,ownerState:g,className:(0,i.Z)(Z.root,c),ref:t},h))})}({createStyledComponent:(0,x.ZP)("div",{name:"MuiContainer",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t["maxWidth".concat((0,Z.Z)(String(r.maxWidth)))],r.fixed&&t.fixed,r.disableGutters&&t.disableGutters]}}),useThemeProps:e=>(0,y.Z)({props:e,name:"MuiContainer"})})},1096:function(e,t,r){"use strict";r.d(t,{Z:function(){return E}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(674),c=r(2272),u=r(5786),d=r(5635),p=r(8027),f=r(9281),m=r(8024),v=r(4535),h=r(7542);function g(e){return(0,h.ZP)("MuiDialog",e)}let b=(0,v.Z)("MuiDialog",["root","scrollPaper","scrollBody","container","paper","paperScrollPaper","paperScrollBody","paperWidthFalse","paperWidthXs","paperWidthSm","paperWidthMd","paperWidthLg","paperWidthXl","paperFullWidth","paperFullScreen"]);var Z=r(1348),x=r(4593),y=r(2960),w=r(7437);let S=["aria-describedby","aria-labelledby","BackdropComponent","BackdropProps","children","className","disableEscapeKeyDown","fullScreen","fullWidth","maxWidth","onBackdropClick","onClose","open","PaperComponent","PaperProps","scroll","TransitionComponent","transitionDuration","TransitionProps"],k=(0,m.ZP)(x.Z,{name:"MuiDialog",slot:"Backdrop",overrides:(e,t)=>t.backdrop})({zIndex:-1}),R=e=>{let{classes:t,scroll:r,maxWidth:n,fullWidth:o,fullScreen:a}=e,i={root:["root"],container:["container","scroll".concat((0,c.Z)(r))],paper:["paper","paperScroll".concat((0,c.Z)(r)),"paperWidth".concat((0,c.Z)(String(n))),o&&"paperFullWidth",a&&"paperFullScreen"]};return(0,l.Z)(i,g,t)},C=(0,m.ZP)(u.Z,{name:"MuiDialog",slot:"Root",overridesResolver:(e,t)=>t.root})({"@media print":{position:"absolute !important"}}),P=(0,m.ZP)("div",{name:"MuiDialog",slot:"Container",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.container,t["scroll".concat((0,c.Z)(r.scroll))]]}})(e=>{let{ownerState:t}=e;return(0,o.Z)({height:"100%","@media print":{height:"auto"},outline:0},"paper"===t.scroll&&{display:"flex",justifyContent:"center",alignItems:"center"},"body"===t.scroll&&{overflowY:"auto",overflowX:"hidden",textAlign:"center","&::after":{content:'""',display:"inline-block",verticalAlign:"middle",height:"100%",width:"0"}})}),M=(0,m.ZP)(p.Z,{name:"MuiDialog",slot:"Paper",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.paper,t["scrollPaper".concat((0,c.Z)(r.scroll))],t["paperWidth".concat((0,c.Z)(String(r.maxWidth)))],r.fullWidth&&t.paperFullWidth,r.fullScreen&&t.paperFullScreen]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({margin:32,position:"relative",overflowY:"auto","@media print":{overflowY:"visible",boxShadow:"none"}},"paper"===r.scroll&&{display:"flex",flexDirection:"column",maxHeight:"calc(100% - 64px)"},"body"===r.scroll&&{display:"inline-block",verticalAlign:"middle",textAlign:"left"},!r.maxWidth&&{maxWidth:"calc(100% - 64px)"},"xs"===r.maxWidth&&{maxWidth:"px"===t.breakpoints.unit?Math.max(t.breakpoints.values.xs,444):"max(".concat(t.breakpoints.values.xs).concat(t.breakpoints.unit,", 444px)"),["&.".concat(b.paperScrollBody)]:{[t.breakpoints.down(Math.max(t.breakpoints.values.xs,444)+64)]:{maxWidth:"calc(100% - 64px)"}}},r.maxWidth&&"xs"!==r.maxWidth&&{maxWidth:"".concat(t.breakpoints.values[r.maxWidth]).concat(t.breakpoints.unit),["&.".concat(b.paperScrollBody)]:{[t.breakpoints.down(t.breakpoints.values[r.maxWidth]+64)]:{maxWidth:"calc(100% - 64px)"}}},r.fullWidth&&{width:"calc(100% - 64px)"},r.fullScreen&&{margin:0,width:"100%",maxWidth:"100%",height:"100%",maxHeight:"none",borderRadius:0,["&.".concat(b.paperScrollBody)]:{margin:0,maxWidth:"100%"}})});var E=a.forwardRef(function(e,t){let r=(0,f.Z)({props:e,name:"MuiDialog"}),l=(0,y.Z)(),c={enter:l.transitions.duration.enteringScreen,exit:l.transitions.duration.leavingScreen},{"aria-describedby":u,"aria-labelledby":m,BackdropComponent:v,BackdropProps:h,children:g,className:b,disableEscapeKeyDown:x=!1,fullScreen:E=!1,fullWidth:O=!1,maxWidth:T="sm",onBackdropClick:L,onClose:j,open:I,PaperComponent:z=p.Z,PaperProps:N={},scroll:A="paper",TransitionComponent:B=d.Z,transitionDuration:F=c,TransitionProps:W}=r,D=(0,n.Z)(r,S),V=(0,o.Z)({},r,{disableEscapeKeyDown:x,fullScreen:E,fullWidth:O,maxWidth:T,scroll:A}),H=R(V),q=a.useRef(),G=(0,s.Z)(m),_=a.useMemo(()=>({titleId:G}),[G]);return(0,w.jsx)(C,(0,o.Z)({className:(0,i.Z)(H.root,b),closeAfterTransition:!0,components:{Backdrop:k},componentsProps:{backdrop:(0,o.Z)({transitionDuration:F,as:v},h)},disableEscapeKeyDown:x,onClose:j,open:I,ref:t,onClick:e=>{q.current&&(q.current=null,L&&L(e),j&&j(e,"backdropClick"))},ownerState:V},D,{children:(0,w.jsx)(B,(0,o.Z)({appear:!0,in:I,timeout:F,role:"presentation"},W,{children:(0,w.jsx)(P,{className:(0,i.Z)(H.container),onMouseDown:e=>{q.current=e.target===e.currentTarget},ownerState:V,children:(0,w.jsx)(M,(0,o.Z)({as:z,elevation:24,role:"dialog","aria-describedby":u,"aria-labelledby":G},N,{className:(0,i.Z)(H.paper,N.className),ownerState:V,children:(0,w.jsx)(Z.Z.Provider,{value:_,children:g})}))})}))}))})},1348:function(e,t,r){"use strict";let n=r(2265).createContext({});t.Z=n},8784:function(e,t,r){"use strict";r.d(t,{Z:function(){return g}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(8024),c=r(9281),u=r(4535),d=r(7542);function p(e){return(0,d.ZP)("MuiDialogActions",e)}(0,u.Z)("MuiDialogActions",["root","spacing"]);var f=r(7437);let m=["className","disableSpacing"],v=e=>{let{classes:t,disableSpacing:r}=e;return(0,l.Z)({root:["root",!r&&"spacing"]},p,t)},h=(0,s.ZP)("div",{name:"MuiDialogActions",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,!r.disableSpacing&&t.spacing]}})(e=>{let{ownerState:t}=e;return(0,o.Z)({display:"flex",alignItems:"center",padding:8,justifyContent:"flex-end",flex:"0 0 auto"},!t.disableSpacing&&{"& > :not(style) ~ :not(style)":{marginLeft:8}})});var g=a.forwardRef(function(e,t){let r=(0,c.Z)({props:e,name:"MuiDialogActions"}),{className:a,disableSpacing:l=!1}=r,s=(0,n.Z)(r,m),u=(0,o.Z)({},r,{disableSpacing:l}),d=v(u);return(0,f.jsx)(h,(0,o.Z)({className:(0,i.Z)(d.root,a),ownerState:u,ref:t},s))})},385:function(e,t,r){"use strict";r.d(t,{Z:function(){return b}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(8024),c=r(9281),u=r(4535),d=r(7542);function p(e){return(0,d.ZP)("MuiDialogContent",e)}(0,u.Z)("MuiDialogContent",["root","dividers"]);var f=r(3849),m=r(7437);let v=["className","dividers"],h=e=>{let{classes:t,dividers:r}=e;return(0,l.Z)({root:["root",r&&"dividers"]},p,t)},g=(0,s.ZP)("div",{name:"MuiDialogContent",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,r.dividers&&t.dividers]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({flex:"1 1 auto",WebkitOverflowScrolling:"touch",overflowY:"auto",padding:"20px 24px"},r.dividers?{padding:"16px 24px",borderTop:"1px solid ".concat((t.vars||t).palette.divider),borderBottom:"1px solid ".concat((t.vars||t).palette.divider)}:{[".".concat(f.Z.root," + &")]:{paddingTop:0}})});var b=a.forwardRef(function(e,t){let r=(0,c.Z)({props:e,name:"MuiDialogContent"}),{className:a,dividers:l=!1}=r,s=(0,n.Z)(r,v),u=(0,o.Z)({},r,{dividers:l}),d=h(u);return(0,m.jsx)(g,(0,o.Z)({className:(0,i.Z)(d.root,a),ownerState:u,ref:t},s))})},824:function(e,t,r){"use strict";var n=r(2988),o=r(3950),a=r(2265),i=r(4839),l=r(6259),s=r(511),c=r(8024),u=r(9281),d=r(3849),p=r(1348),f=r(7437);let m=["className","id"],v=e=>{let{classes:t}=e;return(0,l.Z)({root:["root"]},d.a,t)},h=(0,c.ZP)(s.Z,{name:"MuiDialogTitle",slot:"Root",overridesResolver:(e,t)=>t.root})({padding:"16px 24px",flex:"0 0 auto"}),g=a.forwardRef(function(e,t){let r=(0,u.Z)({props:e,name:"MuiDialogTitle"}),{className:l,id:s}=r,c=(0,o.Z)(r,m),d=v(r),{titleId:g=s}=a.useContext(p.Z);return(0,f.jsx)(h,(0,n.Z)({component:"h2",className:(0,i.Z)(d.root,l),ownerState:r,ref:t,variant:"h6",id:null!=s?s:g},c))});t.Z=g},3849:function(e,t,r){"use strict";r.d(t,{a:function(){return a}});var n=r(4535),o=r(7542);function a(e){return(0,o.ZP)("MuiDialogTitle",e)}let i=(0,n.Z)("MuiDialogTitle",["root"]);t.Z=i},7318:function(e,t,r){"use strict";var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(2305),c=r(8024),u=r(9281),d=r(8525),p=r(7437);let f=["absolute","children","className","component","flexItem","light","orientation","role","textAlign","variant"],m=e=>{let{absolute:t,children:r,classes:n,flexItem:o,light:a,orientation:i,textAlign:s,variant:c}=e;return(0,l.Z)({root:["root",t&&"absolute",c,a&&"light","vertical"===i&&"vertical",o&&"flexItem",r&&"withChildren",r&&"vertical"===i&&"withChildrenVertical","right"===s&&"vertical"!==i&&"textAlignRight","left"===s&&"vertical"!==i&&"textAlignLeft"],wrapper:["wrapper","vertical"===i&&"wrapperVertical"]},d.V,n)},v=(0,c.ZP)("div",{name:"MuiDivider",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,r.absolute&&t.absolute,t[r.variant],r.light&&t.light,"vertical"===r.orientation&&t.vertical,r.flexItem&&t.flexItem,r.children&&t.withChildren,r.children&&"vertical"===r.orientation&&t.withChildrenVertical,"right"===r.textAlign&&"vertical"!==r.orientation&&t.textAlignRight,"left"===r.textAlign&&"vertical"!==r.orientation&&t.textAlignLeft]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({margin:0,flexShrink:0,borderWidth:0,borderStyle:"solid",borderColor:(t.vars||t).palette.divider,borderBottomWidth:"thin"},r.absolute&&{position:"absolute",bottom:0,left:0,width:"100%"},r.light&&{borderColor:t.vars?"rgba(".concat(t.vars.palette.dividerChannel," / 0.08)"):(0,s.Fq)(t.palette.divider,.08)},"inset"===r.variant&&{marginLeft:72},"middle"===r.variant&&"horizontal"===r.orientation&&{marginLeft:t.spacing(2),marginRight:t.spacing(2)},"middle"===r.variant&&"vertical"===r.orientation&&{marginTop:t.spacing(1),marginBottom:t.spacing(1)},"vertical"===r.orientation&&{height:"100%",borderBottomWidth:0,borderRightWidth:"thin"},r.flexItem&&{alignSelf:"stretch",height:"auto"})},e=>{let{ownerState:t}=e;return(0,o.Z)({},t.children&&{display:"flex",whiteSpace:"nowrap",textAlign:"center",border:0,"&::before, &::after":{content:'""',alignSelf:"center"}})},e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({},r.children&&"vertical"!==r.orientation&&{"&::before, &::after":{width:"100%",borderTop:"thin solid ".concat((t.vars||t).palette.divider)}})},e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({},r.children&&"vertical"===r.orientation&&{flexDirection:"column","&::before, &::after":{height:"100%",borderLeft:"thin solid ".concat((t.vars||t).palette.divider)}})},e=>{let{ownerState:t}=e;return(0,o.Z)({},"right"===t.textAlign&&"vertical"!==t.orientation&&{"&::before":{width:"90%"},"&::after":{width:"10%"}},"left"===t.textAlign&&"vertical"!==t.orientation&&{"&::before":{width:"10%"},"&::after":{width:"90%"}})}),h=(0,c.ZP)("span",{name:"MuiDivider",slot:"Wrapper",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.wrapper,"vertical"===r.orientation&&t.wrapperVertical]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({display:"inline-block",paddingLeft:"calc(".concat(t.spacing(1)," * 1.2)"),paddingRight:"calc(".concat(t.spacing(1)," * 1.2)")},"vertical"===r.orientation&&{paddingTop:"calc(".concat(t.spacing(1)," * 1.2)"),paddingBottom:"calc(".concat(t.spacing(1)," * 1.2)")})}),g=a.forwardRef(function(e,t){let r=(0,u.Z)({props:e,name:"MuiDivider"}),{absolute:a=!1,children:l,className:s,component:c=l?"div":"hr",flexItem:d=!1,light:g=!1,orientation:b="horizontal",role:Z="hr"!==c?"separator":void 0,textAlign:x="center",variant:y="fullWidth"}=r,w=(0,n.Z)(r,f),S=(0,o.Z)({},r,{absolute:a,component:c,flexItem:d,light:g,orientation:b,role:Z,textAlign:x,variant:y}),k=m(S);return(0,p.jsx)(v,(0,o.Z)({as:c,className:(0,i.Z)(k.root,s),role:Z,ref:t,ownerState:S},w,{children:l?(0,p.jsx)(h,{className:k.wrapper,ownerState:S,children:l}):null}))});g.muiSkipListHighlight=!0,t.Z=g},8525:function(e,t,r){"use strict";r.d(t,{V:function(){return a}});var n=r(4535),o=r(7542);function a(e){return(0,o.ZP)("MuiDivider",e)}let i=(0,n.Z)("MuiDivider",["root","absolute","fullWidth","inset","middle","flexItem","light","vertical","withChildren","withChildrenVertical","textAlignRight","textAlignLeft","wrapper","wrapperVertical"]);t.Z=i},5635:function(e,t,r){"use strict";var n=r(2988),o=r(3950),a=r(2265),i=r(3822),l=r(2960),s=r(5931),c=r(909),u=r(7437);let d=["addEndListener","appear","children","easing","in","onEnter","onEntered","onEntering","onExit","onExited","onExiting","style","timeout","TransitionComponent"],p={entering:{opacity:1},entered:{opacity:1}},f=a.forwardRef(function(e,t){let r=(0,l.Z)(),f={enter:r.transitions.duration.enteringScreen,exit:r.transitions.duration.leavingScreen},{addEndListener:m,appear:v=!0,children:h,easing:g,in:b,onEnter:Z,onEntered:x,onEntering:y,onExit:w,onExited:S,onExiting:k,style:R,timeout:C=f,TransitionComponent:P=i.ZP}=e,M=(0,o.Z)(e,d),E=a.useRef(null),O=(0,c.Z)(E,h.ref,t),T=e=>t=>{if(e){let r=E.current;void 0===t?e(r):e(r,t)}},L=T(y),j=T((e,t)=>{(0,s.n)(e);let n=(0,s.C)({style:R,timeout:C,easing:g},{mode:"enter"});e.style.webkitTransition=r.transitions.create("opacity",n),e.style.transition=r.transitions.create("opacity",n),Z&&Z(e,t)}),I=T(x),z=T(k),N=T(e=>{let t=(0,s.C)({style:R,timeout:C,easing:g},{mode:"exit"});e.style.webkitTransition=r.transitions.create("opacity",t),e.style.transition=r.transitions.create("opacity",t),w&&w(e)}),A=T(S);return(0,u.jsx)(P,(0,n.Z)({appear:v,in:b,nodeRef:E,onEnter:j,onEntered:I,onEntering:L,onExit:N,onExited:A,onExiting:z,addEndListener:e=>{m&&m(E.current,e)},timeout:C},M,{children:(e,t)=>a.cloneElement(h,(0,n.Z)({style:(0,n.Z)({opacity:0,visibility:"exited"!==e||b?void 0:"hidden"},p[e],R,h.props.style),ref:O},t))}))});t.Z=f},2299:function(e,t,r){"use strict";r.d(t,{Z:function(){return w}});var n=r(3950),o=r(2988),a=r(2265),i=r(6529),l=r(6259),s=r(9375),c=r(8024),u=r(9281),d=r(4535),p=r(7542),f=r(2510);function m(e){return(0,p.ZP)("MuiFilledInput",e)}let v=(0,o.Z)({},f.Z,(0,d.Z)("MuiFilledInput",["root","underline","input"]));var h=r(7437);let g=["disableUnderline","components","componentsProps","fullWidth","hiddenLabel","inputComponent","multiline","slotProps","slots","type"],b=e=>{let{classes:t,disableUnderline:r}=e,n=(0,l.Z)({root:["root",!r&&"underline"],input:["input"]},m,t);return(0,o.Z)({},t,n)},Z=(0,c.ZP)(s.Ej,{shouldForwardProp:e=>(0,c.FO)(e)||"classes"===e,name:"MuiFilledInput",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[...(0,s.Gx)(e,t),!r.disableUnderline&&t.underline]}})(e=>{var t;let{theme:r,ownerState:n}=e,a="light"===r.palette.mode,i=a?"rgba(0, 0, 0, 0.06)":"rgba(255, 255, 255, 0.09)";return(0,o.Z)({position:"relative",backgroundColor:r.vars?r.vars.palette.FilledInput.bg:i,borderTopLeftRadius:(r.vars||r).shape.borderRadius,borderTopRightRadius:(r.vars||r).shape.borderRadius,transition:r.transitions.create("background-color",{duration:r.transitions.duration.shorter,easing:r.transitions.easing.easeOut}),"&:hover":{backgroundColor:r.vars?r.vars.palette.FilledInput.hoverBg:a?"rgba(0, 0, 0, 0.09)":"rgba(255, 255, 255, 0.13)","@media (hover: none)":{backgroundColor:r.vars?r.vars.palette.FilledInput.bg:i}},["&.".concat(v.focused)]:{backgroundColor:r.vars?r.vars.palette.FilledInput.bg:i},["&.".concat(v.disabled)]:{backgroundColor:r.vars?r.vars.palette.FilledInput.disabledBg:a?"rgba(0, 0, 0, 0.12)":"rgba(255, 255, 255, 0.12)"}},!n.disableUnderline&&{"&::after":{borderBottom:"2px solid ".concat(null==(t=(r.vars||r).palette[n.color||"primary"])?void 0:t.main),left:0,bottom:0,content:'""',position:"absolute",right:0,transform:"scaleX(0)",transition:r.transitions.create("transform",{duration:r.transitions.duration.shorter,easing:r.transitions.easing.easeOut}),pointerEvents:"none"},["&.".concat(v.focused,":after")]:{transform:"scaleX(1) translateX(0)"},["&.".concat(v.error)]:{"&::before, &::after":{borderBottomColor:(r.vars||r).palette.error.main}},"&::before":{borderBottom:"1px solid ".concat(r.vars?"rgba(".concat(r.vars.palette.common.onBackgroundChannel," / ").concat(r.vars.opacity.inputUnderline,")"):a?"rgba(0, 0, 0, 0.42)":"rgba(255, 255, 255, 0.7)"),left:0,bottom:0,content:'"\\00a0"',position:"absolute",right:0,transition:r.transitions.create("border-bottom-color",{duration:r.transitions.duration.shorter}),pointerEvents:"none"},["&:hover:not(.".concat(v.disabled,", .").concat(v.error,"):before")]:{borderBottom:"1px solid ".concat((r.vars||r).palette.text.primary)},["&.".concat(v.disabled,":before")]:{borderBottomStyle:"dotted"}},n.startAdornment&&{paddingLeft:12},n.endAdornment&&{paddingRight:12},n.multiline&&(0,o.Z)({padding:"25px 12px 8px"},"small"===n.size&&{paddingTop:21,paddingBottom:4},n.hiddenLabel&&{paddingTop:16,paddingBottom:17},n.hiddenLabel&&"small"===n.size&&{paddingTop:8,paddingBottom:9}))}),x=(0,c.ZP)(s.rA,{name:"MuiFilledInput",slot:"Input",overridesResolver:s._o})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({paddingTop:25,paddingRight:12,paddingBottom:8,paddingLeft:12},!t.vars&&{"&:-webkit-autofill":{WebkitBoxShadow:"light"===t.palette.mode?null:"0 0 0 100px #266798 inset",WebkitTextFillColor:"light"===t.palette.mode?null:"#fff",caretColor:"light"===t.palette.mode?null:"#fff",borderTopLeftRadius:"inherit",borderTopRightRadius:"inherit"}},t.vars&&{"&:-webkit-autofill":{borderTopLeftRadius:"inherit",borderTopRightRadius:"inherit"},[t.getColorSchemeSelector("dark")]:{"&:-webkit-autofill":{WebkitBoxShadow:"0 0 0 100px #266798 inset",WebkitTextFillColor:"#fff",caretColor:"#fff"}}},"small"===r.size&&{paddingTop:21,paddingBottom:4},r.hiddenLabel&&{paddingTop:16,paddingBottom:17},r.startAdornment&&{paddingLeft:0},r.endAdornment&&{paddingRight:0},r.hiddenLabel&&"small"===r.size&&{paddingTop:8,paddingBottom:9},r.multiline&&{paddingTop:0,paddingBottom:0,paddingLeft:0,paddingRight:0})}),y=a.forwardRef(function(e,t){var r,a,l,c;let d=(0,u.Z)({props:e,name:"MuiFilledInput"}),{components:p={},componentsProps:f,fullWidth:m=!1,inputComponent:v="input",multiline:y=!1,slotProps:w,slots:S={},type:k="text"}=d,R=(0,n.Z)(d,g),C=(0,o.Z)({},d,{fullWidth:m,inputComponent:v,multiline:y,type:k}),P=b(d),M={root:{ownerState:C},input:{ownerState:C}},E=(null!=w?w:f)?(0,i.Z)(M,null!=w?w:f):M,O=null!=(r=null!=(a=S.root)?a:p.Root)?r:Z,T=null!=(l=null!=(c=S.input)?c:p.Input)?l:x;return(0,h.jsx)(s.ZP,(0,o.Z)({slots:{root:O,input:T},componentsProps:E,fullWidth:m,inputComponent:v,multiline:y,ref:t,type:k},R,{classes:P}))});y.muiName="Input";var w=y},8549:function(e,t,r){"use strict";r.d(t,{Z:function(){return y}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(9281),c=r(8024),u=r(2347),d=r(2272),p=r(9783),f=r(7920),m=r(4535),v=r(7542);function h(e){return(0,v.ZP)("MuiFormControl",e)}(0,m.Z)("MuiFormControl",["root","marginNone","marginNormal","marginDense","fullWidth","disabled"]);var g=r(7437);let b=["children","className","color","component","disabled","error","focused","fullWidth","hiddenLabel","margin","required","size","variant"],Z=e=>{let{classes:t,margin:r,fullWidth:n}=e,o={root:["root","none"!==r&&"margin".concat((0,d.Z)(r)),n&&"fullWidth"]};return(0,l.Z)(o,h,t)},x=(0,c.ZP)("div",{name:"MuiFormControl",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return(0,o.Z)({},t.root,t["margin".concat((0,d.Z)(r.margin))],r.fullWidth&&t.fullWidth)}})(e=>{let{ownerState:t}=e;return(0,o.Z)({display:"inline-flex",flexDirection:"column",position:"relative",minWidth:0,padding:0,margin:0,border:0,verticalAlign:"top"},"normal"===t.margin&&{marginTop:16,marginBottom:8},"dense"===t.margin&&{marginTop:8,marginBottom:4},t.fullWidth&&{width:"100%"})});var y=a.forwardRef(function(e,t){let r;let l=(0,s.Z)({props:e,name:"MuiFormControl"}),{children:c,className:d,color:m="primary",component:v="div",disabled:h=!1,error:y=!1,focused:w,fullWidth:S=!1,hiddenLabel:k=!1,margin:R="none",required:C=!1,size:P="medium",variant:M="outlined"}=l,E=(0,n.Z)(l,b),O=(0,o.Z)({},l,{color:m,component:v,disabled:h,error:y,fullWidth:S,hiddenLabel:k,margin:R,required:C,size:P,variant:M}),T=Z(O),[L,j]=a.useState(()=>{let e=!1;return c&&a.Children.forEach(c,t=>{if(!(0,p.Z)(t,["Input","Select"]))return;let r=(0,p.Z)(t,["Select"])?t.props.input:t;r&&(0,u.B7)(r.props)&&(e=!0)}),e}),[I,z]=a.useState(()=>{let e=!1;return c&&a.Children.forEach(c,t=>{(0,p.Z)(t,["Input","Select"])&&((0,u.vd)(t.props,!0)||(0,u.vd)(t.props.inputProps,!0))&&(e=!0)}),e}),[N,A]=a.useState(!1);h&&N&&A(!1);let B=void 0===w||h?N:w,F=a.useMemo(()=>({adornedStart:L,setAdornedStart:j,color:m,disabled:h,error:y,filled:I,focused:B,fullWidth:S,hiddenLabel:k,size:P,onBlur:()=>{A(!1)},onEmpty:()=>{z(!1)},onFilled:()=>{z(!0)},onFocus:()=>{A(!0)},registerEffect:r,required:C,variant:M}),[L,m,h,y,I,B,S,k,r,C,P,M]);return(0,g.jsx)(f.Z.Provider,{value:F,children:(0,g.jsx)(x,(0,o.Z)({as:v,ownerState:O,className:(0,i.Z)(T.root,d),ref:t},E,{children:c}))})})},7920:function(e,t,r){"use strict";let n=r(2265).createContext(void 0);t.Z=n},8868:function(e,t,r){"use strict";function n(e){let{props:t,states:r,muiFormControl:n}=e;return r.reduce((e,r)=>(e[r]=t[r],n&&void 0===t[r]&&(e[r]=n[r]),e),{})}r.d(t,{Z:function(){return n}})},8875:function(e,t,r){"use strict";r.d(t,{Z:function(){return a}});var n=r(2265),o=r(7920);function a(){return n.useContext(o.Z)}},8038:function(e,t,r){"use strict";r.d(t,{Z:function(){return k}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(8875),c=r(8929),u=r(511),d=r(2272),p=r(8024),f=r(9281),m=r(4535),v=r(7542);function h(e){return(0,v.ZP)("MuiFormControlLabel",e)}let g=(0,m.Z)("MuiFormControlLabel",["root","labelPlacementStart","labelPlacementTop","labelPlacementBottom","disabled","label","error","required","asterisk"]);var b=r(8868),Z=r(7437);let x=["checked","className","componentsProps","control","disabled","disableTypography","inputRef","label","labelPlacement","name","onChange","required","slotProps","value"],y=e=>{let{classes:t,disabled:r,labelPlacement:n,error:o,required:a}=e,i={root:["root",r&&"disabled","labelPlacement".concat((0,d.Z)(n)),o&&"error",a&&"required"],label:["label",r&&"disabled"],asterisk:["asterisk",o&&"error"]};return(0,l.Z)(i,h,t)},w=(0,p.ZP)("label",{name:"MuiFormControlLabel",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[{["& .".concat(g.label)]:t.label},t.root,t["labelPlacement".concat((0,d.Z)(r.labelPlacement))]]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({display:"inline-flex",alignItems:"center",cursor:"pointer",verticalAlign:"middle",WebkitTapHighlightColor:"transparent",marginLeft:-11,marginRight:16,["&.".concat(g.disabled)]:{cursor:"default"}},"start"===r.labelPlacement&&{flexDirection:"row-reverse",marginLeft:16,marginRight:-11},"top"===r.labelPlacement&&{flexDirection:"column-reverse",marginLeft:16},"bottom"===r.labelPlacement&&{flexDirection:"column",marginLeft:16},{["& .".concat(g.label)]:{["&.".concat(g.disabled)]:{color:(t.vars||t).palette.text.disabled}}})}),S=(0,p.ZP)("span",{name:"MuiFormControlLabel",slot:"Asterisk",overridesResolver:(e,t)=>t.asterisk})(e=>{let{theme:t}=e;return{["&.".concat(g.error)]:{color:(t.vars||t).palette.error.main}}});var k=a.forwardRef(function(e,t){var r,l;let d=(0,f.Z)({props:e,name:"MuiFormControlLabel"}),{className:p,componentsProps:m={},control:v,disabled:h,disableTypography:g,label:k,labelPlacement:R="end",required:C,slotProps:P={}}=d,M=(0,n.Z)(d,x),E=(0,s.Z)(),O=null!=(r=null!=h?h:v.props.disabled)?r:null==E?void 0:E.disabled,T=null!=C?C:v.props.required,L={disabled:O,required:T};["checked","name","onChange","value","inputRef"].forEach(e=>{void 0===v.props[e]&&void 0!==d[e]&&(L[e]=d[e])});let j=(0,b.Z)({props:d,muiFormControl:E,states:["error"]}),I=(0,o.Z)({},d,{disabled:O,labelPlacement:R,required:T,error:j.error}),z=y(I),N=null!=(l=P.typography)?l:m.typography,A=k;return null==A||A.type===u.Z||g||(A=(0,Z.jsx)(u.Z,(0,o.Z)({component:"span"},N,{className:(0,i.Z)(z.label,null==N?void 0:N.className),children:A}))),(0,Z.jsxs)(w,(0,o.Z)({className:(0,i.Z)(z.root,p),ownerState:I,ref:t},M,{children:[a.cloneElement(v,L),T?(0,Z.jsxs)(c.Z,{display:"block",children:[A,(0,Z.jsxs)(S,{ownerState:I,"aria-hidden":!0,className:z.asterisk,children:[" ","*"]})]}):A]}))})},8409:function(e,t,r){"use strict";var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(8868),c=r(8875),u=r(2272),d=r(9281),p=r(8024),f=r(7564),m=r(7437);let v=["children","className","color","component","disabled","error","filled","focused","required"],h=e=>{let{classes:t,color:r,focused:n,disabled:o,error:a,filled:i,required:s}=e,c={root:["root","color".concat((0,u.Z)(r)),o&&"disabled",a&&"error",i&&"filled",n&&"focused",s&&"required"],asterisk:["asterisk",a&&"error"]};return(0,l.Z)(c,f.M,t)},g=(0,p.ZP)("label",{name:"MuiFormLabel",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return(0,o.Z)({},t.root,"secondary"===r.color&&t.colorSecondary,r.filled&&t.filled)}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({color:(t.vars||t).palette.text.secondary},t.typography.body1,{lineHeight:"1.4375em",padding:0,position:"relative",["&.".concat(f.Z.focused)]:{color:(t.vars||t).palette[r.color].main},["&.".concat(f.Z.disabled)]:{color:(t.vars||t).palette.text.disabled},["&.".concat(f.Z.error)]:{color:(t.vars||t).palette.error.main}})}),b=(0,p.ZP)("span",{name:"MuiFormLabel",slot:"Asterisk",overridesResolver:(e,t)=>t.asterisk})(e=>{let{theme:t}=e;return{["&.".concat(f.Z.error)]:{color:(t.vars||t).palette.error.main}}}),Z=a.forwardRef(function(e,t){let r=(0,d.Z)({props:e,name:"MuiFormLabel"}),{children:a,className:l,component:u="label"}=r,p=(0,n.Z)(r,v),f=(0,c.Z)(),Z=(0,s.Z)({props:r,muiFormControl:f,states:["color","required","focused","disabled","error","filled"]}),x=(0,o.Z)({},r,{color:Z.color||"primary",component:u,disabled:Z.disabled,error:Z.error,filled:Z.filled,focused:Z.focused,required:Z.required}),y=h(x);return(0,m.jsxs)(g,(0,o.Z)({as:u,ownerState:x,className:(0,i.Z)(y.root,l),ref:t},p,{children:[a,Z.required&&(0,m.jsxs)(b,{ownerState:x,"aria-hidden":!0,className:y.asterisk,children:[" ","*"]})]}))});t.Z=Z},7564:function(e,t,r){"use strict";r.d(t,{M:function(){return a}});var n=r(4535),o=r(7542);function a(e){return(0,o.ZP)("MuiFormLabel",e)}let i=(0,n.Z)("MuiFormLabel",["root","colorSecondary","focused","disabled","error","filled","required","asterisk"]);t.Z=i},7040:function(e,t,r){"use strict";var n=r(2988),o=r(3950),a=r(2265),i=r(9930),l=r(3822),s=r(2960),c=r(5931),u=r(909),d=r(7437);let p=["addEndListener","appear","children","easing","in","onEnter","onEntered","onEntering","onExit","onExited","onExiting","style","timeout","TransitionComponent"];function f(e){return"scale(".concat(e,", ").concat(e**2,")")}let m={entering:{opacity:1,transform:f(1)},entered:{opacity:1,transform:"none"}},v="undefined"!=typeof navigator&&/^((?!chrome|android).)*(safari|mobile)/i.test(navigator.userAgent)&&/(os |version\/)15(.|_)4/i.test(navigator.userAgent),h=a.forwardRef(function(e,t){let{addEndListener:r,appear:h=!0,children:g,easing:b,in:Z,onEnter:x,onEntered:y,onEntering:w,onExit:S,onExited:k,onExiting:R,style:C,timeout:P="auto",TransitionComponent:M=l.ZP}=e,E=(0,o.Z)(e,p),O=(0,i.Z)(),T=a.useRef(),L=(0,s.Z)(),j=a.useRef(null),I=(0,u.Z)(j,g.ref,t),z=e=>t=>{if(e){let r=j.current;void 0===t?e(r):e(r,t)}},N=z(w),A=z((e,t)=>{let r;(0,c.n)(e);let{duration:n,delay:o,easing:a}=(0,c.C)({style:C,timeout:P,easing:b},{mode:"enter"});"auto"===P?(r=L.transitions.getAutoHeightDuration(e.clientHeight),T.current=r):r=n,e.style.transition=[L.transitions.create("opacity",{duration:r,delay:o}),L.transitions.create("transform",{duration:v?r:.666*r,delay:o,easing:a})].join(","),x&&x(e,t)}),B=z(y),F=z(R),W=z(e=>{let t;let{duration:r,delay:n,easing:o}=(0,c.C)({style:C,timeout:P,easing:b},{mode:"exit"});"auto"===P?(t=L.transitions.getAutoHeightDuration(e.clientHeight),T.current=t):t=r,e.style.transition=[L.transitions.create("opacity",{duration:t,delay:n}),L.transitions.create("transform",{duration:v?t:.666*t,delay:v?n:n||.333*t,easing:o})].join(","),e.style.opacity=0,e.style.transform=f(.75),S&&S(e)}),D=z(k);return(0,d.jsx)(M,(0,n.Z)({appear:h,in:Z,nodeRef:j,onEnter:A,onEntered:B,onEntering:N,onExit:W,onExited:D,onExiting:F,addEndListener:e=>{"auto"===P&&O.start(T.current||0,e),r&&r(j.current,e)},timeout:"auto"===P?null:P},E,{children:(e,t)=>a.cloneElement(g,(0,n.Z)({style:(0,n.Z)({opacity:0,transform:f(.75),visibility:"exited"!==e||Z?void 0:"hidden"},m[e],C,g.props.style),ref:I},t))}))});h.muiSupportAuto=!0,t.Z=h},335:function(e,t,r){"use strict";r.d(t,{Z:function(){return y}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(2305),c=r(8024),u=r(9281),d=r(9022),p=r(2272),f=r(4535),m=r(7542);function v(e){return(0,m.ZP)("MuiIconButton",e)}let h=(0,f.Z)("MuiIconButton",["root","disabled","colorInherit","colorPrimary","colorSecondary","colorError","colorInfo","colorSuccess","colorWarning","edgeStart","edgeEnd","sizeSmall","sizeMedium","sizeLarge"]);var g=r(7437);let b=["edge","children","className","color","disabled","disableFocusRipple","size"],Z=e=>{let{classes:t,disabled:r,color:n,edge:o,size:a}=e,i={root:["root",r&&"disabled","default"!==n&&"color".concat((0,p.Z)(n)),o&&"edge".concat((0,p.Z)(o)),"size".concat((0,p.Z)(a))]};return(0,l.Z)(i,v,t)},x=(0,c.ZP)(d.Z,{name:"MuiIconButton",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,"default"!==r.color&&t["color".concat((0,p.Z)(r.color))],r.edge&&t["edge".concat((0,p.Z)(r.edge))],t["size".concat((0,p.Z)(r.size))]]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({textAlign:"center",flex:"0 0 auto",fontSize:t.typography.pxToRem(24),padding:8,borderRadius:"50%",overflow:"visible",color:(t.vars||t).palette.action.active,transition:t.transitions.create("background-color",{duration:t.transitions.duration.shortest})},!r.disableRipple&&{"&:hover":{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.action.activeChannel," / ").concat(t.vars.palette.action.hoverOpacity,")"):(0,s.Fq)(t.palette.action.active,t.palette.action.hoverOpacity),"@media (hover: none)":{backgroundColor:"transparent"}}},"start"===r.edge&&{marginLeft:"small"===r.size?-3:-12},"end"===r.edge&&{marginRight:"small"===r.size?-3:-12})},e=>{var t;let{theme:r,ownerState:n}=e,a=null==(t=(r.vars||r).palette)?void 0:t[n.color];return(0,o.Z)({},"inherit"===n.color&&{color:"inherit"},"inherit"!==n.color&&"default"!==n.color&&(0,o.Z)({color:null==a?void 0:a.main},!n.disableRipple&&{"&:hover":(0,o.Z)({},a&&{backgroundColor:r.vars?"rgba(".concat(a.mainChannel," / ").concat(r.vars.palette.action.hoverOpacity,")"):(0,s.Fq)(a.main,r.palette.action.hoverOpacity)},{"@media (hover: none)":{backgroundColor:"transparent"}})}),"small"===n.size&&{padding:5,fontSize:r.typography.pxToRem(18)},"large"===n.size&&{padding:12,fontSize:r.typography.pxToRem(28)},{["&.".concat(h.disabled)]:{backgroundColor:"transparent",color:(r.vars||r).palette.action.disabled}})});var y=a.forwardRef(function(e,t){let r=(0,u.Z)({props:e,name:"MuiIconButton"}),{edge:a=!1,children:l,className:s,color:c="default",disabled:d=!1,disableFocusRipple:p=!1,size:f="medium"}=r,m=(0,n.Z)(r,b),v=(0,o.Z)({},r,{edge:a,color:c,disabled:d,disableFocusRipple:p,size:f}),h=Z(v);return(0,g.jsx)(x,(0,o.Z)({className:(0,i.Z)(h.root,s),centerRipple:!0,focusRipple:!p,disabled:d,ref:t,ownerState:v},m,{children:l}))})},1236:function(e,t,r){"use strict";r.d(t,{Z:function(){return w}});var n=r(3950),o=r(2988),a=r(2265),i=r(6259),l=r(6529),s=r(9375),c=r(8024),u=r(9281),d=r(4535),p=r(7542),f=r(2510);function m(e){return(0,p.ZP)("MuiInput",e)}let v=(0,o.Z)({},f.Z,(0,d.Z)("MuiInput",["root","underline","input"]));var h=r(7437);let g=["disableUnderline","components","componentsProps","fullWidth","inputComponent","multiline","slotProps","slots","type"],b=e=>{let{classes:t,disableUnderline:r}=e,n=(0,i.Z)({root:["root",!r&&"underline"],input:["input"]},m,t);return(0,o.Z)({},t,n)},Z=(0,c.ZP)(s.Ej,{shouldForwardProp:e=>(0,c.FO)(e)||"classes"===e,name:"MuiInput",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[...(0,s.Gx)(e,t),!r.disableUnderline&&t.underline]}})(e=>{let{theme:t,ownerState:r}=e,n="light"===t.palette.mode?"rgba(0, 0, 0, 0.42)":"rgba(255, 255, 255, 0.7)";return t.vars&&(n="rgba(".concat(t.vars.palette.common.onBackgroundChannel," / ").concat(t.vars.opacity.inputUnderline,")")),(0,o.Z)({position:"relative"},r.formControl&&{"label + &":{marginTop:16}},!r.disableUnderline&&{"&::after":{borderBottom:"2px solid ".concat((t.vars||t).palette[r.color].main),left:0,bottom:0,content:'""',position:"absolute",right:0,transform:"scaleX(0)",transition:t.transitions.create("transform",{duration:t.transitions.duration.shorter,easing:t.transitions.easing.easeOut}),pointerEvents:"none"},["&.".concat(v.focused,":after")]:{transform:"scaleX(1) translateX(0)"},["&.".concat(v.error)]:{"&::before, &::after":{borderBottomColor:(t.vars||t).palette.error.main}},"&::before":{borderBottom:"1px solid ".concat(n),left:0,bottom:0,content:'"\\00a0"',position:"absolute",right:0,transition:t.transitions.create("border-bottom-color",{duration:t.transitions.duration.shorter}),pointerEvents:"none"},["&:hover:not(.".concat(v.disabled,", .").concat(v.error,"):before")]:{borderBottom:"2px solid ".concat((t.vars||t).palette.text.primary),"@media (hover: none)":{borderBottom:"1px solid ".concat(n)}},["&.".concat(v.disabled,":before")]:{borderBottomStyle:"dotted"}})}),x=(0,c.ZP)(s.rA,{name:"MuiInput",slot:"Input",overridesResolver:s._o})({}),y=a.forwardRef(function(e,t){var r,a,i,c;let d=(0,u.Z)({props:e,name:"MuiInput"}),{disableUnderline:p,components:f={},componentsProps:m,fullWidth:v=!1,inputComponent:y="input",multiline:w=!1,slotProps:S,slots:k={},type:R="text"}=d,C=(0,n.Z)(d,g),P=b(d),M={root:{ownerState:{disableUnderline:p}}},E=(null!=S?S:m)?(0,l.Z)(null!=S?S:m,M):M,O=null!=(r=null!=(a=k.root)?a:f.Root)?r:Z,T=null!=(i=null!=(c=k.input)?c:f.Input)?i:x;return(0,h.jsx)(s.ZP,(0,o.Z)({slots:{root:O,input:T},slotProps:E,fullWidth:v,inputComponent:y,multiline:w,ref:t,type:R},C,{classes:P}))});y.muiName="Input";var w=y},9375:function(e,t,r){"use strict";r.d(t,{rA:function(){return D},Ej:function(){return W},ZP:function(){return H},_o:function(){return B},Gx:function(){return A}});var n=r(3950),o=r(2988),a=r(2414),i=r(2265),l=r(4839),s=r(6259),c=r(4887),u=r(2367),d=r(3076),p=r(8017),f=r(1227),m=r(7437);let v=["onChange","maxRows","minRows","style","value"];function h(e){return parseInt(e,10)||0}let g={visibility:"hidden",position:"absolute",overflow:"hidden",height:0,top:0,left:0,transform:"translateZ(0)"};function b(e){return null==e||0===Object.keys(e).length||0===e.outerHeightStyle&&!e.overflow}let Z=i.forwardRef(function(e,t){let{onChange:r,maxRows:a,minRows:l=1,style:s,value:Z}=e,x=(0,n.Z)(e,v),{current:y}=i.useRef(null!=Z),w=i.useRef(null),S=(0,u.Z)(t,w),k=i.useRef(null),R=i.useRef(0),[C,P]=i.useState({outerHeightStyle:0}),M=i.useCallback(()=>{let t=w.current,r=(0,d.Z)(t).getComputedStyle(t);if("0px"===r.width)return{outerHeightStyle:0};let n=k.current;n.style.width=r.width,n.value=t.value||e.placeholder||"x","\n"===n.value.slice(-1)&&(n.value+=" ");let o=r.boxSizing,i=h(r.paddingBottom)+h(r.paddingTop),s=h(r.borderBottomWidth)+h(r.borderTopWidth),c=n.scrollHeight;n.value="x";let u=n.scrollHeight,p=c;return l&&(p=Math.max(Number(l)*u,p)),a&&(p=Math.min(Number(a)*u,p)),{outerHeightStyle:(p=Math.max(p,u))+("border-box"===o?i+s:0),overflow:1>=Math.abs(p-c)}},[a,l,e.placeholder]),E=(e,t)=>{let{outerHeightStyle:r,overflow:n}=t;return R.current<20&&(r>0&&Math.abs((e.outerHeightStyle||0)-r)>1||e.overflow!==n)?(R.current+=1,{overflow:n,outerHeightStyle:r}):e},O=i.useCallback(()=>{let e=M();b(e)||P(t=>E(t,e))},[M]);return(0,p.Z)(()=>{let e,t;let r=()=>{let e=M();b(e)||c.flushSync(()=>{P(t=>E(t,e))})},n=()=>{R.current=0,r()},o=(0,f.Z)(n),a=w.current,i=(0,d.Z)(a);return i.addEventListener("resize",o),"undefined"!=typeof ResizeObserver&&(t=new ResizeObserver(n)).observe(a),()=>{o.clear(),cancelAnimationFrame(e),i.removeEventListener("resize",o),t&&t.disconnect()}},[M]),(0,p.Z)(()=>{O()}),i.useEffect(()=>{R.current=0},[Z]),(0,m.jsxs)(i.Fragment,{children:[(0,m.jsx)("textarea",(0,o.Z)({value:Z,onChange:e=>{R.current=0,y||O(),r&&r(e)},ref:S,rows:l,style:(0,o.Z)({height:C.outerHeightStyle,overflow:C.overflow?"hidden":void 0},s)},x)),(0,m.jsx)("textarea",{"aria-hidden":!0,className:e.className,readOnly:!0,ref:k,tabIndex:-1,style:(0,o.Z)({},g,s,{paddingTop:0,paddingBottom:0})})]})});var x=r(7087),y=r(8868),w=r(7920),S=r(8875),k=r(8024),R=r(9281),C=r(2272),P=r(909),M=r(8632),E=r(6003),O=r(4874),T=function(e){let{styles:t,themeId:r,defaultTheme:n={}}=e,o=(0,O.Z)(n),a="function"==typeof t?t(r&&o[r]||o):t;return(0,m.jsx)(E.Z,{styles:a})},L=r(7547),j=r(2737),I=r(2347),z=r(2510);let N=["aria-describedby","autoComplete","autoFocus","className","color","components","componentsProps","defaultValue","disabled","disableInjectingGlobalStyles","endAdornment","error","fullWidth","id","inputComponent","inputProps","inputRef","margin","maxRows","minRows","multiline","name","onBlur","onChange","onClick","onFocus","onKeyDown","onKeyUp","placeholder","readOnly","renderSuffix","rows","size","slotProps","slots","startAdornment","type","value"],A=(e,t)=>{let{ownerState:r}=e;return[t.root,r.formControl&&t.formControl,r.startAdornment&&t.adornedStart,r.endAdornment&&t.adornedEnd,r.error&&t.error,"small"===r.size&&t.sizeSmall,r.multiline&&t.multiline,r.color&&t["color".concat((0,C.Z)(r.color))],r.fullWidth&&t.fullWidth,r.hiddenLabel&&t.hiddenLabel]},B=(e,t)=>{let{ownerState:r}=e;return[t.input,"small"===r.size&&t.inputSizeSmall,r.multiline&&t.inputMultiline,"search"===r.type&&t.inputTypeSearch,r.startAdornment&&t.inputAdornedStart,r.endAdornment&&t.inputAdornedEnd,r.hiddenLabel&&t.inputHiddenLabel]},F=e=>{let{classes:t,color:r,disabled:n,error:o,endAdornment:a,focused:i,formControl:l,fullWidth:c,hiddenLabel:u,multiline:d,readOnly:p,size:f,startAdornment:m,type:v}=e,h={root:["root","color".concat((0,C.Z)(r)),n&&"disabled",o&&"error",c&&"fullWidth",i&&"focused",l&&"formControl",f&&"medium"!==f&&"size".concat((0,C.Z)(f)),d&&"multiline",m&&"adornedStart",a&&"adornedEnd",u&&"hiddenLabel",p&&"readOnly"],input:["input",n&&"disabled","search"===v&&"inputTypeSearch",d&&"inputMultiline","small"===f&&"inputSizeSmall",u&&"inputHiddenLabel",m&&"inputAdornedStart",a&&"inputAdornedEnd",p&&"readOnly"]};return(0,s.Z)(h,z.u,t)},W=(0,k.ZP)("div",{name:"MuiInputBase",slot:"Root",overridesResolver:A})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({},t.typography.body1,{color:(t.vars||t).palette.text.primary,lineHeight:"1.4375em",boxSizing:"border-box",position:"relative",cursor:"text",display:"inline-flex",alignItems:"center",["&.".concat(z.Z.disabled)]:{color:(t.vars||t).palette.text.disabled,cursor:"default"}},r.multiline&&(0,o.Z)({padding:"4px 0 5px"},"small"===r.size&&{paddingTop:1}),r.fullWidth&&{width:"100%"})}),D=(0,k.ZP)("input",{name:"MuiInputBase",slot:"Input",overridesResolver:B})(e=>{let{theme:t,ownerState:r}=e,n="light"===t.palette.mode,a=(0,o.Z)({color:"currentColor"},t.vars?{opacity:t.vars.opacity.inputPlaceholder}:{opacity:n?.42:.5},{transition:t.transitions.create("opacity",{duration:t.transitions.duration.shorter})}),i={opacity:"0 !important"},l=t.vars?{opacity:t.vars.opacity.inputPlaceholder}:{opacity:n?.42:.5};return(0,o.Z)({font:"inherit",letterSpacing:"inherit",color:"currentColor",padding:"4px 0 5px",border:0,boxSizing:"content-box",background:"none",height:"1.4375em",margin:0,WebkitTapHighlightColor:"transparent",display:"block",minWidth:0,width:"100%",animationName:"mui-auto-fill-cancel",animationDuration:"10ms","&::-webkit-input-placeholder":a,"&::-moz-placeholder":a,"&:-ms-input-placeholder":a,"&::-ms-input-placeholder":a,"&:focus":{outline:0},"&:invalid":{boxShadow:"none"},"&::-webkit-search-decoration":{WebkitAppearance:"none"},["label[data-shrink=false] + .".concat(z.Z.formControl," &")]:{"&::-webkit-input-placeholder":i,"&::-moz-placeholder":i,"&:-ms-input-placeholder":i,"&::-ms-input-placeholder":i,"&:focus::-webkit-input-placeholder":l,"&:focus::-moz-placeholder":l,"&:focus:-ms-input-placeholder":l,"&:focus::-ms-input-placeholder":l},["&.".concat(z.Z.disabled)]:{opacity:1,WebkitTextFillColor:(t.vars||t).palette.text.disabled},"&:-webkit-autofill":{animationDuration:"5000s",animationName:"mui-auto-fill"}},"small"===r.size&&{paddingTop:1},r.multiline&&{height:"auto",resize:"none",padding:0,paddingTop:0},"search"===r.type&&{MozAppearance:"textfield"})}),V=(0,m.jsx)(function(e){return(0,m.jsx)(T,(0,o.Z)({},e,{defaultTheme:L.Z,themeId:j.Z}))},{styles:{"@keyframes mui-auto-fill":{from:{display:"block"}},"@keyframes mui-auto-fill-cancel":{from:{display:"block"}}}});var H=i.forwardRef(function(e,t){var r;let s=(0,R.Z)({props:e,name:"MuiInputBase"}),{"aria-describedby":c,autoComplete:u,autoFocus:d,className:p,components:f={},componentsProps:v={},defaultValue:h,disabled:g,disableInjectingGlobalStyles:b,endAdornment:k,fullWidth:C=!1,id:E,inputComponent:O="input",inputProps:T={},inputRef:L,maxRows:j,minRows:z,multiline:A=!1,name:B,onBlur:H,onChange:q,onClick:G,onFocus:_,onKeyDown:$,onKeyUp:U,placeholder:X,readOnly:K,renderSuffix:Y,rows:J,slotProps:Q={},slots:ee={},startAdornment:et,type:er="text",value:en}=s,eo=(0,n.Z)(s,N),ea=null!=T.value?T.value:en,{current:ei}=i.useRef(null!=ea),el=i.useRef(),es=i.useCallback(e=>{},[]),ec=(0,P.Z)(el,L,T.ref,es),[eu,ed]=i.useState(!1),ep=(0,S.Z)(),ef=(0,y.Z)({props:s,muiFormControl:ep,states:["color","disabled","error","hiddenLabel","size","required","filled"]});ef.focused=ep?ep.focused:eu,i.useEffect(()=>{!ep&&g&&eu&&(ed(!1),H&&H())},[ep,g,eu,H]);let em=ep&&ep.onFilled,ev=ep&&ep.onEmpty,eh=i.useCallback(e=>{(0,I.vd)(e)?em&&em():ev&&ev()},[em,ev]);(0,M.Z)(()=>{ei&&eh({value:ea})},[ea,eh,ei]),i.useEffect(()=>{eh(el.current)},[]);let eg=O,eb=T;A&&"input"===eg&&(eb=J?(0,o.Z)({type:void 0,minRows:J,maxRows:J},eb):(0,o.Z)({type:void 0,maxRows:j,minRows:z},eb),eg=Z),i.useEffect(()=>{ep&&ep.setAdornedStart(!!et)},[ep,et]);let eZ=(0,o.Z)({},s,{color:ef.color||"primary",disabled:ef.disabled,endAdornment:k,error:ef.error,focused:ef.focused,formControl:ep,fullWidth:C,hiddenLabel:ef.hiddenLabel,multiline:A,size:ef.size,startAdornment:et,type:er}),ex=F(eZ),ey=ee.root||f.Root||W,ew=Q.root||v.root||{},eS=ee.input||f.Input||D;return eb=(0,o.Z)({},eb,null!=(r=Q.input)?r:v.input),(0,m.jsxs)(i.Fragment,{children:[!b&&V,(0,m.jsxs)(ey,(0,o.Z)({},ew,!(0,x.X)(ey)&&{ownerState:(0,o.Z)({},eZ,ew.ownerState)},{ref:t,onClick:e=>{el.current&&e.currentTarget===e.target&&el.current.focus(),G&&G(e)}},eo,{className:(0,l.Z)(ex.root,ew.className,p,K&&"MuiInputBase-readOnly"),children:[et,(0,m.jsx)(w.Z.Provider,{value:null,children:(0,m.jsx)(eS,(0,o.Z)({ownerState:eZ,"aria-invalid":ef.error,"aria-describedby":c,autoComplete:u,autoFocus:d,defaultValue:h,disabled:ef.disabled,id:E,onAnimationStart:e=>{eh("mui-auto-fill-cancel"===e.animationName?el.current:{value:"x"})},name:B,placeholder:X,readOnly:K,required:ef.required,rows:J,value:ea,onKeyDown:$,onKeyUp:U,type:er},eb,!(0,x.X)(eS)&&{as:eg,ownerState:(0,o.Z)({},eZ,eb.ownerState)},{ref:ec,className:(0,l.Z)(ex.input,eb.className,K&&"MuiInputBase-readOnly"),onBlur:e=>{H&&H(e),T.onBlur&&T.onBlur(e),ep&&ep.onBlur?ep.onBlur(e):ed(!1)},onChange:function(e){for(var t=arguments.length,r=Array(t>1?t-1:0),n=1;n{if(ef.disabled){e.stopPropagation();return}_&&_(e),T.onFocus&&T.onFocus(e),ep&&ep.onFocus?ep.onFocus(e):ed(!0)}}))}),k,Y?Y((0,o.Z)({},ef,{startAdornment:et})):null]}))]})})},2510:function(e,t,r){"use strict";r.d(t,{u:function(){return a}});var n=r(4535),o=r(7542);function a(e){return(0,o.ZP)("MuiInputBase",e)}let i=(0,n.Z)("MuiInputBase",["root","formControl","focused","disabled","adornedStart","adornedEnd","error","sizeSmall","multiline","colorSecondary","fullWidth","hiddenLabel","readOnly","input","inputSizeSmall","inputMultiline","inputTypeSearch","inputAdornedStart","inputAdornedEnd","inputHiddenLabel"]);t.Z=i},2347:function(e,t,r){"use strict";function n(e){return null!=e&&!(Array.isArray(e)&&0===e.length)}function o(e){let t=arguments.length>1&&void 0!==arguments[1]&&arguments[1];return e&&(n(e.value)&&""!==e.value||t&&n(e.defaultValue)&&""!==e.defaultValue)}function a(e){return e.startAdornment}r.d(t,{B7:function(){return a},vd:function(){return o}})},7351:function(e,t,r){"use strict";r.d(t,{Z:function(){return w}});var n=r(3950),o=r(2988),a=r(2265),i=r(6259),l=r(4839),s=r(8868),c=r(8875),u=r(8409),d=r(7564),p=r(9281),f=r(2272),m=r(8024),v=r(4535),h=r(7542);function g(e){return(0,h.ZP)("MuiInputLabel",e)}(0,v.Z)("MuiInputLabel",["root","focused","disabled","error","required","asterisk","formControl","sizeSmall","shrink","animated","standard","filled","outlined"]);var b=r(7437);let Z=["disableAnimation","margin","shrink","variant","className"],x=e=>{let{classes:t,formControl:r,size:n,shrink:a,disableAnimation:l,variant:s,required:c}=e,u={root:["root",r&&"formControl",!l&&"animated",a&&"shrink",n&&"normal"!==n&&"size".concat((0,f.Z)(n)),s],asterisk:[c&&"asterisk"]},d=(0,i.Z)(u,g,t);return(0,o.Z)({},t,d)},y=(0,m.ZP)(u.Z,{shouldForwardProp:e=>(0,m.FO)(e)||"classes"===e,name:"MuiInputLabel",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[{["& .".concat(d.Z.asterisk)]:t.asterisk},t.root,r.formControl&&t.formControl,"small"===r.size&&t.sizeSmall,r.shrink&&t.shrink,!r.disableAnimation&&t.animated,r.focused&&t.focused,t[r.variant]]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({display:"block",transformOrigin:"top left",whiteSpace:"nowrap",overflow:"hidden",textOverflow:"ellipsis",maxWidth:"100%"},r.formControl&&{position:"absolute",left:0,top:0,transform:"translate(0, 20px) scale(1)"},"small"===r.size&&{transform:"translate(0, 17px) scale(1)"},r.shrink&&{transform:"translate(0, -1.5px) scale(0.75)",transformOrigin:"top left",maxWidth:"133%"},!r.disableAnimation&&{transition:t.transitions.create(["color","transform","max-width"],{duration:t.transitions.duration.shorter,easing:t.transitions.easing.easeOut})},"filled"===r.variant&&(0,o.Z)({zIndex:1,pointerEvents:"none",transform:"translate(12px, 16px) scale(1)",maxWidth:"calc(100% - 24px)"},"small"===r.size&&{transform:"translate(12px, 13px) scale(1)"},r.shrink&&(0,o.Z)({userSelect:"none",pointerEvents:"auto",transform:"translate(12px, 7px) scale(0.75)",maxWidth:"calc(133% - 24px)"},"small"===r.size&&{transform:"translate(12px, 4px) scale(0.75)"})),"outlined"===r.variant&&(0,o.Z)({zIndex:1,pointerEvents:"none",transform:"translate(14px, 16px) scale(1)",maxWidth:"calc(100% - 24px)"},"small"===r.size&&{transform:"translate(14px, 9px) scale(1)"},r.shrink&&{userSelect:"none",pointerEvents:"auto",maxWidth:"calc(133% - 32px)",transform:"translate(14px, -9px) scale(0.75)"}))});var w=a.forwardRef(function(e,t){let r=(0,p.Z)({name:"MuiInputLabel",props:e}),{disableAnimation:a=!1,shrink:i,className:u}=r,d=(0,n.Z)(r,Z),f=(0,c.Z)(),m=i;void 0===m&&f&&(m=f.filled||f.focused||f.adornedStart);let v=(0,s.Z)({props:r,muiFormControl:f,states:["size","variant","required","focused"]}),h=(0,o.Z)({},r,{disableAnimation:a,formControl:f,shrink:m,size:v.size,variant:v.variant,required:v.required,focused:v.focused}),g=x(h);return(0,b.jsx)(y,(0,o.Z)({"data-shrink":m,ownerState:h,ref:t,className:(0,l.Z)(g.root,u)},d,{classes:g}))})},1665:function(e,t,r){"use strict";r.d(t,{Z:function(){return P}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(2272),c=r(8024),u=r(9281),d=r(6850),p=r(909),f=r(511),m=r(4535),v=r(7542);function h(e){return(0,v.ZP)("MuiLink",e)}let g=(0,m.Z)("MuiLink",["root","underlineNone","underlineHover","underlineAlways","button","focusVisible"]);var b=r(5166),Z=r(2305);let x={primary:"primary.main",textPrimary:"text.primary",secondary:"secondary.main",textSecondary:"text.secondary",error:"error.main"},y=e=>x[e]||e;var w=e=>{let{theme:t,ownerState:r}=e,n=y(r.color),o=(0,b.DW)(t,"palette.".concat(n),!1)||r.color,a=(0,b.DW)(t,"palette.".concat(n,"Channel"));return"vars"in t&&a?"rgba(".concat(a," / 0.4)"):(0,Z.Fq)(o,.4)},S=r(7437);let k=["className","color","component","onBlur","onFocus","TypographyClasses","underline","variant","sx"],R=e=>{let{classes:t,component:r,focusVisible:n,underline:o}=e,a={root:["root","underline".concat((0,s.Z)(o)),"button"===r&&"button",n&&"focusVisible"]};return(0,l.Z)(a,h,t)},C=(0,c.ZP)(f.Z,{name:"MuiLink",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t["underline".concat((0,s.Z)(r.underline))],"button"===r.component&&t.button]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({},"none"===r.underline&&{textDecoration:"none"},"hover"===r.underline&&{textDecoration:"none","&:hover":{textDecoration:"underline"}},"always"===r.underline&&(0,o.Z)({textDecoration:"underline"},"inherit"!==r.color&&{textDecorationColor:w({theme:t,ownerState:r})},{"&:hover":{textDecorationColor:"inherit"}}),"button"===r.component&&{position:"relative",WebkitTapHighlightColor:"transparent",backgroundColor:"transparent",outline:0,border:0,margin:0,borderRadius:0,padding:0,cursor:"pointer",userSelect:"none",verticalAlign:"middle",MozAppearance:"none",WebkitAppearance:"none","&::-moz-focus-inner":{borderStyle:"none"},["&.".concat(g.focusVisible)]:{outline:"auto"}})});var P=a.forwardRef(function(e,t){let r=(0,u.Z)({props:e,name:"MuiLink"}),{className:l,color:s="primary",component:c="a",onBlur:f,onFocus:m,TypographyClasses:v,underline:h="always",variant:g="inherit",sx:b}=r,Z=(0,n.Z)(r,k),{isFocusVisibleRef:y,onBlur:w,onFocus:P,ref:M}=(0,d.Z)(),[E,O]=a.useState(!1),T=(0,p.Z)(t,M),L=(0,o.Z)({},r,{color:s,component:c,focusVisible:E,underline:h,variant:g}),j=R(L);return(0,S.jsx)(C,(0,o.Z)({color:s,className:(0,i.Z)(j.root,l),classes:v,component:c,onBlur:e=>{w(e),!1===y.current&&O(!1),f&&f(e)},onFocus:e=>{P(e),!0===y.current&&O(!0),m&&m(e)},ref:T,ownerState:L,variant:g,sx:[...Object.keys(x).includes(s)?[]:[{color:s}],...Array.isArray(b)?b:[b]]},Z))})},2184:function(e,t,r){"use strict";r.d(t,{Z:function(){return b}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(8024),c=r(9281),u=r(1175),d=r(4535),p=r(7542);function f(e){return(0,p.ZP)("MuiList",e)}(0,d.Z)("MuiList",["root","padding","dense","subheader"]);var m=r(7437);let v=["children","className","component","dense","disablePadding","subheader"],h=e=>{let{classes:t,disablePadding:r,dense:n,subheader:o}=e;return(0,l.Z)({root:["root",!r&&"padding",n&&"dense",o&&"subheader"]},f,t)},g=(0,s.ZP)("ul",{name:"MuiList",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,!r.disablePadding&&t.padding,r.dense&&t.dense,r.subheader&&t.subheader]}})(e=>{let{ownerState:t}=e;return(0,o.Z)({listStyle:"none",margin:0,padding:0,position:"relative"},!t.disablePadding&&{paddingTop:8,paddingBottom:8},t.subheader&&{paddingTop:0})});var b=a.forwardRef(function(e,t){let r=(0,c.Z)({props:e,name:"MuiList"}),{children:l,className:s,component:d="ul",dense:p=!1,disablePadding:f=!1,subheader:b}=r,Z=(0,n.Z)(r,v),x=a.useMemo(()=>({dense:p}),[p]),y=(0,o.Z)({},r,{component:d,dense:p,disablePadding:f}),w=h(y);return(0,m.jsx)(u.Z.Provider,{value:x,children:(0,m.jsxs)(g,(0,o.Z)({as:d,className:(0,i.Z)(w.root,s),ref:t,ownerState:y},Z,{children:[b,l]}))})})},1175:function(e,t,r){"use strict";let n=r(2265).createContext({});t.Z=n},1807:function(e,t,r){"use strict";r.d(t,{ZP:function(){return j}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(7087),c=r(2305),u=r(8024),d=r(9281),p=r(9022),f=r(9783),m=r(8632),v=r(909),h=r(1175),g=r(4535),b=r(7542);function Z(e){return(0,b.ZP)("MuiListItem",e)}let x=(0,g.Z)("MuiListItem",["root","container","focusVisible","dense","alignItemsFlexStart","disabled","divider","gutters","padding","button","secondaryAction","selected"]);var y=r(9106);function w(e){return(0,b.ZP)("MuiListItemSecondaryAction",e)}(0,g.Z)("MuiListItemSecondaryAction",["root","disableGutters"]);var S=r(7437);let k=["className"],R=e=>{let{disableGutters:t,classes:r}=e;return(0,l.Z)({root:["root",t&&"disableGutters"]},w,r)},C=(0,u.ZP)("div",{name:"MuiListItemSecondaryAction",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,r.disableGutters&&t.disableGutters]}})(e=>{let{ownerState:t}=e;return(0,o.Z)({position:"absolute",right:16,top:"50%",transform:"translateY(-50%)"},t.disableGutters&&{right:0})}),P=a.forwardRef(function(e,t){let r=(0,d.Z)({props:e,name:"MuiListItemSecondaryAction"}),{className:l}=r,s=(0,n.Z)(r,k),c=a.useContext(h.Z),u=(0,o.Z)({},r,{disableGutters:c.disableGutters}),p=R(u);return(0,S.jsx)(C,(0,o.Z)({className:(0,i.Z)(p.root,l),ownerState:u,ref:t},s))});P.muiName="ListItemSecondaryAction";let M=["className"],E=["alignItems","autoFocus","button","children","className","component","components","componentsProps","ContainerComponent","ContainerProps","dense","disabled","disableGutters","disablePadding","divider","focusVisibleClassName","secondaryAction","selected","slotProps","slots"],O=e=>{let{alignItems:t,button:r,classes:n,dense:o,disabled:a,disableGutters:i,disablePadding:s,divider:c,hasSecondaryAction:u,selected:d}=e;return(0,l.Z)({root:["root",o&&"dense",!i&&"gutters",!s&&"padding",c&&"divider",a&&"disabled",r&&"button","flex-start"===t&&"alignItemsFlexStart",u&&"secondaryAction",d&&"selected"],container:["container"]},Z,n)},T=(0,u.ZP)("div",{name:"MuiListItem",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,r.dense&&t.dense,"flex-start"===r.alignItems&&t.alignItemsFlexStart,r.divider&&t.divider,!r.disableGutters&&t.gutters,!r.disablePadding&&t.padding,r.button&&t.button,r.hasSecondaryAction&&t.secondaryAction]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({display:"flex",justifyContent:"flex-start",alignItems:"center",position:"relative",textDecoration:"none",width:"100%",boxSizing:"border-box",textAlign:"left"},!r.disablePadding&&(0,o.Z)({paddingTop:8,paddingBottom:8},r.dense&&{paddingTop:4,paddingBottom:4},!r.disableGutters&&{paddingLeft:16,paddingRight:16},!!r.secondaryAction&&{paddingRight:48}),!!r.secondaryAction&&{["& > .".concat(y.Z.root)]:{paddingRight:48}},{["&.".concat(x.focusVisible)]:{backgroundColor:(t.vars||t).palette.action.focus},["&.".concat(x.selected)]:{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / ").concat(t.vars.palette.action.selectedOpacity,")"):(0,c.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity),["&.".concat(x.focusVisible)]:{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / calc(").concat(t.vars.palette.action.selectedOpacity," + ").concat(t.vars.palette.action.focusOpacity,"))"):(0,c.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity+t.palette.action.focusOpacity)}},["&.".concat(x.disabled)]:{opacity:(t.vars||t).palette.action.disabledOpacity}},"flex-start"===r.alignItems&&{alignItems:"flex-start"},r.divider&&{borderBottom:"1px solid ".concat((t.vars||t).palette.divider),backgroundClip:"padding-box"},r.button&&{transition:t.transitions.create("background-color",{duration:t.transitions.duration.shortest}),"&:hover":{textDecoration:"none",backgroundColor:(t.vars||t).palette.action.hover,"@media (hover: none)":{backgroundColor:"transparent"}},["&.".concat(x.selected,":hover")]:{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / calc(").concat(t.vars.palette.action.selectedOpacity," + ").concat(t.vars.palette.action.hoverOpacity,"))"):(0,c.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity+t.palette.action.hoverOpacity),"@media (hover: none)":{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / ").concat(t.vars.palette.action.selectedOpacity,")"):(0,c.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity)}}},r.hasSecondaryAction&&{paddingRight:48})}),L=(0,u.ZP)("li",{name:"MuiListItem",slot:"Container",overridesResolver:(e,t)=>t.container})({position:"relative"});var j=a.forwardRef(function(e,t){let r=(0,d.Z)({props:e,name:"MuiListItem"}),{alignItems:l="center",autoFocus:c=!1,button:u=!1,children:g,className:b,component:Z,components:y={},componentsProps:w={},ContainerComponent:k="li",ContainerProps:{className:R}={},dense:C=!1,disabled:j=!1,disableGutters:I=!1,disablePadding:z=!1,divider:N=!1,focusVisibleClassName:A,secondaryAction:B,selected:F=!1,slotProps:W={},slots:D={}}=r,V=(0,n.Z)(r.ContainerProps,M),H=(0,n.Z)(r,E),q=a.useContext(h.Z),G=a.useMemo(()=>({dense:C||q.dense||!1,alignItems:l,disableGutters:I}),[l,q.dense,C,I]),_=a.useRef(null);(0,m.Z)(()=>{c&&_.current&&_.current.focus()},[c]);let $=a.Children.toArray(g),U=$.length&&(0,f.Z)($[$.length-1],["ListItemSecondaryAction"]),X=(0,o.Z)({},r,{alignItems:l,autoFocus:c,button:u,dense:G.dense,disabled:j,disableGutters:I,disablePadding:z,divider:N,hasSecondaryAction:U,selected:F}),K=O(X),Y=(0,v.Z)(_,t),J=D.root||y.Root||T,Q=W.root||w.root||{},ee=(0,o.Z)({className:(0,i.Z)(K.root,Q.className,b),disabled:j},H),et=Z||"li";return(u&&(ee.component=Z||"div",ee.focusVisibleClassName=(0,i.Z)(x.focusVisible,A),et=p.Z),U)?(et=ee.component||Z?et:"div","li"===k&&("li"===et?et="div":"li"===ee.component&&(ee.component="div")),(0,S.jsx)(h.Z.Provider,{value:G,children:(0,S.jsxs)(L,(0,o.Z)({as:k,className:(0,i.Z)(K.container,R),ref:Y,ownerState:X},V,{children:[(0,S.jsx)(J,(0,o.Z)({},Q,!(0,s.X)(J)&&{as:et,ownerState:(0,o.Z)({},X,Q.ownerState)},ee,{children:$})),$.pop()]}))})):(0,S.jsx)(h.Z.Provider,{value:G,children:(0,S.jsxs)(J,(0,o.Z)({},Q,{as:et,ref:Y},!(0,s.X)(J)&&{ownerState:(0,o.Z)({},X,Q.ownerState)},ee,{children:[$,B&&(0,S.jsx)(P,{children:B})]}))})})},7300:function(e,t,r){"use strict";var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(2305),c=r(8024),u=r(9281),d=r(9022),p=r(8632),f=r(909),m=r(1175),v=r(9106),h=r(7437);let g=["alignItems","autoFocus","component","children","dense","disableGutters","divider","focusVisibleClassName","selected","className"],b=e=>{let{alignItems:t,classes:r,dense:n,disabled:a,disableGutters:i,divider:s,selected:c}=e,u=(0,l.Z)({root:["root",n&&"dense",!i&&"gutters",s&&"divider",a&&"disabled","flex-start"===t&&"alignItemsFlexStart",c&&"selected"]},v.t,r);return(0,o.Z)({},r,u)},Z=(0,c.ZP)(d.Z,{shouldForwardProp:e=>(0,c.FO)(e)||"classes"===e,name:"MuiListItemButton",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,r.dense&&t.dense,"flex-start"===r.alignItems&&t.alignItemsFlexStart,r.divider&&t.divider,!r.disableGutters&&t.gutters]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({display:"flex",flexGrow:1,justifyContent:"flex-start",alignItems:"center",position:"relative",textDecoration:"none",minWidth:0,boxSizing:"border-box",textAlign:"left",paddingTop:8,paddingBottom:8,transition:t.transitions.create("background-color",{duration:t.transitions.duration.shortest}),"&:hover":{textDecoration:"none",backgroundColor:(t.vars||t).palette.action.hover,"@media (hover: none)":{backgroundColor:"transparent"}},["&.".concat(v.Z.selected)]:{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / ").concat(t.vars.palette.action.selectedOpacity,")"):(0,s.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity),["&.".concat(v.Z.focusVisible)]:{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / calc(").concat(t.vars.palette.action.selectedOpacity," + ").concat(t.vars.palette.action.focusOpacity,"))"):(0,s.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity+t.palette.action.focusOpacity)}},["&.".concat(v.Z.selected,":hover")]:{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / calc(").concat(t.vars.palette.action.selectedOpacity," + ").concat(t.vars.palette.action.hoverOpacity,"))"):(0,s.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity+t.palette.action.hoverOpacity),"@media (hover: none)":{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / ").concat(t.vars.palette.action.selectedOpacity,")"):(0,s.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity)}},["&.".concat(v.Z.focusVisible)]:{backgroundColor:(t.vars||t).palette.action.focus},["&.".concat(v.Z.disabled)]:{opacity:(t.vars||t).palette.action.disabledOpacity}},r.divider&&{borderBottom:"1px solid ".concat((t.vars||t).palette.divider),backgroundClip:"padding-box"},"flex-start"===r.alignItems&&{alignItems:"flex-start"},!r.disableGutters&&{paddingLeft:16,paddingRight:16},r.dense&&{paddingTop:4,paddingBottom:4})}),x=a.forwardRef(function(e,t){let r=(0,u.Z)({props:e,name:"MuiListItemButton"}),{alignItems:l="center",autoFocus:s=!1,component:c="div",children:d,dense:v=!1,disableGutters:x=!1,divider:y=!1,focusVisibleClassName:w,selected:S=!1,className:k}=r,R=(0,n.Z)(r,g),C=a.useContext(m.Z),P=a.useMemo(()=>({dense:v||C.dense||!1,alignItems:l,disableGutters:x}),[l,C.dense,v,x]),M=a.useRef(null);(0,p.Z)(()=>{s&&M.current&&M.current.focus()},[s]);let E=(0,o.Z)({},r,{alignItems:l,dense:P.dense,disableGutters:x,divider:y,selected:S}),O=b(E),T=(0,f.Z)(M,t);return(0,h.jsx)(m.Z.Provider,{value:P,children:(0,h.jsx)(Z,(0,o.Z)({ref:T,href:R.href||R.to,component:(R.href||R.to)&&"div"===c?"button":c,focusVisibleClassName:(0,i.Z)(O.focusVisible,w),ownerState:E,className:(0,i.Z)(O.root,k)},R,{classes:O,children:d}))})});t.Z=x},9106:function(e,t,r){"use strict";r.d(t,{t:function(){return a}});var n=r(4535),o=r(7542);function a(e){return(0,o.ZP)("MuiListItemButton",e)}let i=(0,n.Z)("MuiListItemButton",["root","focusVisible","dense","alignItemsFlexStart","disabled","divider","gutters","selected"]);t.Z=i},6917:function(e,t,r){"use strict";var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(8024),c=r(9281),u=r(2733),d=r(1175),p=r(7437);let f=["className"],m=e=>{let{alignItems:t,classes:r}=e;return(0,l.Z)({root:["root","flex-start"===t&&"alignItemsFlexStart"]},u.f,r)},v=(0,s.ZP)("div",{name:"MuiListItemIcon",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,"flex-start"===r.alignItems&&t.alignItemsFlexStart]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({minWidth:56,color:(t.vars||t).palette.action.active,flexShrink:0,display:"inline-flex"},"flex-start"===r.alignItems&&{marginTop:8})}),h=a.forwardRef(function(e,t){let r=(0,c.Z)({props:e,name:"MuiListItemIcon"}),{className:l}=r,s=(0,n.Z)(r,f),u=a.useContext(d.Z),h=(0,o.Z)({},r,{alignItems:u.alignItems}),g=m(h);return(0,p.jsx)(v,(0,o.Z)({className:(0,i.Z)(g.root,l),ownerState:h,ref:t},s))});t.Z=h},2733:function(e,t,r){"use strict";r.d(t,{f:function(){return a}});var n=r(4535),o=r(7542);function a(e){return(0,o.ZP)("MuiListItemIcon",e)}let i=(0,n.Z)("MuiListItemIcon",["root","alignItemsFlexStart"]);t.Z=i},7905:function(e,t,r){"use strict";var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(511),c=r(1175),u=r(9281),d=r(8024),p=r(467),f=r(7437);let m=["children","className","disableTypography","inset","primary","primaryTypographyProps","secondary","secondaryTypographyProps"],v=e=>{let{classes:t,inset:r,primary:n,secondary:o,dense:a}=e;return(0,l.Z)({root:["root",r&&"inset",a&&"dense",n&&o&&"multiline"],primary:["primary"],secondary:["secondary"]},p.L,t)},h=(0,d.ZP)("div",{name:"MuiListItemText",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[{["& .".concat(p.Z.primary)]:t.primary},{["& .".concat(p.Z.secondary)]:t.secondary},t.root,r.inset&&t.inset,r.primary&&r.secondary&&t.multiline,r.dense&&t.dense]}})(e=>{let{ownerState:t}=e;return(0,o.Z)({flex:"1 1 auto",minWidth:0,marginTop:4,marginBottom:4},t.primary&&t.secondary&&{marginTop:6,marginBottom:6},t.inset&&{paddingLeft:56})}),g=a.forwardRef(function(e,t){let r=(0,u.Z)({props:e,name:"MuiListItemText"}),{children:l,className:d,disableTypography:p=!1,inset:g=!1,primary:b,primaryTypographyProps:Z,secondary:x,secondaryTypographyProps:y}=r,w=(0,n.Z)(r,m),{dense:S}=a.useContext(c.Z),k=null!=b?b:l,R=x,C=(0,o.Z)({},r,{disableTypography:p,inset:g,primary:!!k,secondary:!!R,dense:S}),P=v(C);return null==k||k.type===s.Z||p||(k=(0,f.jsx)(s.Z,(0,o.Z)({variant:S?"body2":"body1",className:P.primary,component:null!=Z&&Z.variant?void 0:"span",display:"block"},Z,{children:k}))),null==R||R.type===s.Z||p||(R=(0,f.jsx)(s.Z,(0,o.Z)({variant:"body2",className:P.secondary,color:"text.secondary",display:"block"},y,{children:R}))),(0,f.jsxs)(h,(0,o.Z)({className:(0,i.Z)(P.root,d),ownerState:C,ref:t},w,{children:[k,R]}))});t.Z=g},467:function(e,t,r){"use strict";r.d(t,{L:function(){return a}});var n=r(4535),o=r(7542);function a(e){return(0,o.ZP)("MuiListItemText",e)}let i=(0,n.Z)("MuiListItemText",["root","multiline","dense","inset","primary","secondary"]);t.Z=i},659:function(e,t,r){"use strict";r.d(t,{Z:function(){return Q}});var n=r(2988),o=r(3950),a=r(2265);r(2659);var i=r(4839),l=r(6259),s=r(5651),c=r(9645),u=r(2184),d=r(6640).Z,p=r(909),f=r(8632),m=r(7437);let v=["actions","autoFocus","autoFocusItem","children","className","disabledItemsFocusable","disableListWrap","onKeyDown","variant"];function h(e,t,r){return e===t?e.firstChild:t&&t.nextElementSibling?t.nextElementSibling:r?null:e.firstChild}function g(e,t,r){return e===t?r?e.firstChild:e.lastChild:t&&t.previousElementSibling?t.previousElementSibling:r?null:e.lastChild}function b(e,t){if(void 0===t)return!0;let r=e.innerText;return void 0===r&&(r=e.textContent),0!==(r=r.trim().toLowerCase()).length&&(t.repeating?r[0]===t.keys[0]:0===r.indexOf(t.keys.join("")))}function Z(e,t,r,n,o,a){let i=!1,l=o(e,t,!!t&&r);for(;l;){if(l===e.firstChild){if(i)return!1;i=!0}let t=!n&&(l.disabled||"true"===l.getAttribute("aria-disabled"));if(l.hasAttribute("tabindex")&&b(l,a)&&!t)return l.focus(),!0;l=o(e,l,r)}return!1}let x=a.forwardRef(function(e,t){let{actions:r,autoFocus:i=!1,autoFocusItem:l=!1,children:s,className:x,disabledItemsFocusable:y=!1,disableListWrap:w=!1,onKeyDown:S,variant:k="selectedMenu"}=e,R=(0,o.Z)(e,v),C=a.useRef(null),P=a.useRef({keys:[],repeating:!0,previousKeyMatched:!0,lastTime:null});(0,f.Z)(()=>{i&&C.current.focus()},[i]),a.useImperativeHandle(r,()=>({adjustStyleForScrollbar:(e,t)=>{let r=!C.current.style.width;if(e.clientHeight{if(!a.isValidElement(e)){E===t&&(E+=1)>=s.length&&(E=-1);return}e.props.disabled||("selectedMenu"===k&&e.props.selected?E=t:-1!==E||(E=t)),E===t&&(e.props.disabled||e.props.muiSkipListHighlight||e.type.muiSkipListHighlight)&&(E+=1)>=s.length&&(E=-1)});let O=a.Children.map(s,(e,t)=>{if(t===E){let t={};return l&&(t.autoFocus=!0),void 0===e.props.tabIndex&&"selectedMenu"===k&&(t.tabIndex=0),a.cloneElement(e,t)}return e});return(0,m.jsx)(u.Z,(0,n.Z)({role:"menu",ref:M,className:x,onKeyDown:e=>{let t=C.current,r=e.key,n=(0,c.Z)(t).activeElement;if("ArrowDown"===r)e.preventDefault(),Z(t,n,w,y,h);else if("ArrowUp"===r)e.preventDefault(),Z(t,n,w,y,g);else if("Home"===r)e.preventDefault(),Z(t,null,w,y,h);else if("End"===r)e.preventDefault(),Z(t,null,w,y,g);else if(1===r.length){let o=P.current,a=r.toLowerCase(),i=performance.now();o.keys.length>0&&(i-o.lastTime>500?(o.keys=[],o.repeating=!0,o.previousKeyMatched=!0):o.repeating&&a!==o.keys[0]&&(o.repeating=!1)),o.lastTime=i,o.keys.push(a);let l=n&&!o.repeating&&b(n,o);o.previousKeyMatched&&(l||Z(t,n,!1,y,h,o))?e.preventDefault():o.previousKeyMatched=!1}S&&S(e)},tabIndex:i?0:-1},R,{children:O}))});var y=r(7087),w=r(8024),S=r(9281),k=r(576),R=r(8095),C=r(7040),P=r(5786),M=r(8027),E=r(4535),O=r(7542);function T(e){return(0,O.ZP)("MuiPopover",e)}(0,E.Z)("MuiPopover",["root","paper"]);let L=["onEntering"],j=["action","anchorEl","anchorOrigin","anchorPosition","anchorReference","children","className","container","elevation","marginThreshold","open","PaperProps","slots","slotProps","transformOrigin","TransitionComponent","transitionDuration","TransitionProps","disableScrollLock"],I=["slotProps"];function z(e,t){let r=0;return"number"==typeof t?r=t:"center"===t?r=e.height/2:"bottom"===t&&(r=e.height),r}function N(e,t){let r=0;return"number"==typeof t?r=t:"center"===t?r=e.width/2:"right"===t&&(r=e.width),r}function A(e){return[e.horizontal,e.vertical].map(e=>"number"==typeof e?"".concat(e,"px"):e).join(" ")}function B(e){return"function"==typeof e?e():e}let F=e=>{let{classes:t}=e;return(0,l.Z)({root:["root"],paper:["paper"]},T,t)},W=(0,w.ZP)(P.Z,{name:"MuiPopover",slot:"Root",overridesResolver:(e,t)=>t.root})({}),D=(0,w.ZP)(M.Z,{name:"MuiPopover",slot:"Paper",overridesResolver:(e,t)=>t.paper})({position:"absolute",overflowY:"auto",overflowX:"hidden",minWidth:16,minHeight:16,maxWidth:"calc(100% - 32px)",maxHeight:"calc(100% - 32px)",outline:0}),V=a.forwardRef(function(e,t){var r,l,u;let d=(0,S.Z)({props:e,name:"MuiPopover"}),{action:f,anchorEl:v,anchorOrigin:h={vertical:"top",horizontal:"left"},anchorPosition:g,anchorReference:b="anchorEl",children:Z,className:x,container:w,elevation:P=8,marginThreshold:M=16,open:E,PaperProps:O={},slots:T,slotProps:V,transformOrigin:H={vertical:"top",horizontal:"left"},TransitionComponent:q=C.Z,transitionDuration:G="auto",TransitionProps:{onEntering:_}={},disableScrollLock:$=!1}=d,U=(0,o.Z)(d.TransitionProps,L),X=(0,o.Z)(d,j),K=null!=(r=null==V?void 0:V.paper)?r:O,Y=a.useRef(),J=(0,p.Z)(Y,K.ref),Q=(0,n.Z)({},d,{anchorOrigin:h,anchorReference:b,elevation:P,marginThreshold:M,externalPaperSlotProps:K,transformOrigin:H,TransitionComponent:q,transitionDuration:G,TransitionProps:U}),ee=F(Q),et=a.useCallback(()=>{if("anchorPosition"===b)return g;let e=B(v),t=(e&&1===e.nodeType?e:(0,c.Z)(Y.current).body).getBoundingClientRect();return{top:t.top+z(t,h.vertical),left:t.left+N(t,h.horizontal)}},[v,h.horizontal,h.vertical,g,b]),er=a.useCallback(e=>({vertical:z(e,H.vertical),horizontal:N(e,H.horizontal)}),[H.horizontal,H.vertical]),en=a.useCallback(e=>{let t={width:e.offsetWidth,height:e.offsetHeight},r=er(t);if("none"===b)return{top:null,left:null,transformOrigin:A(r)};let n=et(),o=n.top-r.vertical,a=n.left-r.horizontal,i=o+t.height,l=a+t.width,s=(0,R.Z)(B(v)),c=s.innerHeight-M,u=s.innerWidth-M;if(null!==M&&oc){let e=i-c;o-=e,r.vertical+=e}if(null!==M&&au){let e=l-u;a-=e,r.horizontal+=e}return{top:"".concat(Math.round(o),"px"),left:"".concat(Math.round(a),"px"),transformOrigin:A(r)}},[v,b,et,er,M]),[eo,ea]=a.useState(E),ei=a.useCallback(()=>{let e=Y.current;if(!e)return;let t=en(e);null!==t.top&&(e.style.top=t.top),null!==t.left&&(e.style.left=t.left),e.style.transformOrigin=t.transformOrigin,ea(!0)},[en]);a.useEffect(()=>($&&window.addEventListener("scroll",ei),()=>window.removeEventListener("scroll",ei)),[v,$,ei]),a.useEffect(()=>{E&&ei()}),a.useImperativeHandle(f,()=>E?{updatePosition:()=>{ei()}}:null,[E,ei]),a.useEffect(()=>{if(!E)return;let e=(0,k.Z)(()=>{ei()}),t=(0,R.Z)(v);return t.addEventListener("resize",e),()=>{e.clear(),t.removeEventListener("resize",e)}},[v,E,ei]);let el=G;"auto"!==G||q.muiSupportAuto||(el=void 0);let es=w||(v?(0,c.Z)(B(v)).body:void 0),ec=null!=(l=null==T?void 0:T.root)?l:W,eu=null!=(u=null==T?void 0:T.paper)?u:D,ed=(0,s.y)({elementType:eu,externalSlotProps:(0,n.Z)({},K,{style:eo?K.style:(0,n.Z)({},K.style,{opacity:0})}),additionalProps:{elevation:P,ref:J},ownerState:Q,className:(0,i.Z)(ee.paper,null==K?void 0:K.className)}),ep=(0,s.y)({elementType:ec,externalSlotProps:(null==V?void 0:V.root)||{},externalForwardedProps:X,additionalProps:{ref:t,slotProps:{backdrop:{invisible:!0}},container:es,open:E},ownerState:Q,className:(0,i.Z)(ee.root,x)}),{slotProps:ef}=ep,em=(0,o.Z)(ep,I);return(0,m.jsx)(ec,(0,n.Z)({},em,!(0,y.X)(ec)&&{slotProps:ef,disableScrollLock:$},{children:(0,m.jsx)(q,(0,n.Z)({appear:!0,in:E,onEntering:(e,t)=>{_&&_(e,t),ei()},onExited:()=>{ea(!1)},timeout:el},U,{children:(0,m.jsx)(eu,(0,n.Z)({},ed,{children:Z}))}))}))});var H=r(2960);function q(e){return(0,O.ZP)("MuiMenu",e)}(0,E.Z)("MuiMenu",["root","paper","list"]);let G=["onEntering"],_=["autoFocus","children","className","disableAutoFocusItem","MenuListProps","onClose","open","PaperProps","PopoverClasses","transitionDuration","TransitionProps","variant","slots","slotProps"],$={vertical:"top",horizontal:"right"},U={vertical:"top",horizontal:"left"},X=e=>{let{classes:t}=e;return(0,l.Z)({root:["root"],paper:["paper"],list:["list"]},q,t)},K=(0,w.ZP)(V,{shouldForwardProp:e=>(0,w.FO)(e)||"classes"===e,name:"MuiMenu",slot:"Root",overridesResolver:(e,t)=>t.root})({}),Y=(0,w.ZP)(D,{name:"MuiMenu",slot:"Paper",overridesResolver:(e,t)=>t.paper})({maxHeight:"calc(100% - 96px)",WebkitOverflowScrolling:"touch"}),J=(0,w.ZP)(x,{name:"MuiMenu",slot:"List",overridesResolver:(e,t)=>t.list})({outline:0});var Q=a.forwardRef(function(e,t){var r,l;let c=(0,S.Z)({props:e,name:"MuiMenu"}),{autoFocus:u=!0,children:d,className:p,disableAutoFocusItem:f=!1,MenuListProps:v={},onClose:h,open:g,PaperProps:b={},PopoverClasses:Z,transitionDuration:x="auto",TransitionProps:{onEntering:y}={},variant:w="selectedMenu",slots:k={},slotProps:R={}}=c,C=(0,o.Z)(c.TransitionProps,G),P=(0,o.Z)(c,_),M=(0,H.Z)(),E="rtl"===M.direction,O=(0,n.Z)({},c,{autoFocus:u,disableAutoFocusItem:f,MenuListProps:v,onEntering:y,PaperProps:b,transitionDuration:x,TransitionProps:C,variant:w}),T=X(O),L=u&&!f&&g,j=a.useRef(null),I=-1;a.Children.map(d,(e,t)=>{a.isValidElement(e)&&(e.props.disabled||("selectedMenu"===w&&e.props.selected?I=t:-1!==I||(I=t)))});let z=null!=(r=k.paper)?r:Y,N=null!=(l=R.paper)?l:b,A=(0,s.y)({elementType:k.root,externalSlotProps:R.root,ownerState:O,className:[T.root,p]}),B=(0,s.y)({elementType:z,externalSlotProps:N,ownerState:O,className:T.paper});return(0,m.jsx)(K,(0,n.Z)({onClose:h,anchorOrigin:{vertical:"bottom",horizontal:E?"right":"left"},transformOrigin:E?$:U,slots:{paper:z,root:k.root},slotProps:{root:A,paper:B},open:g,ref:t,transitionDuration:x,TransitionProps:(0,n.Z)({onEntering:(e,t)=>{j.current&&j.current.adjustStyleForScrollbar(e,M),y&&y(e,t)}},C),ownerState:O},P,{classes:Z,children:(0,m.jsx)(J,(0,n.Z)({onKeyDown:e=>{"Tab"===e.key&&(e.preventDefault(),h&&h(e,"tabKeyDown"))},actions:j,autoFocus:u&&(-1===I||f),autoFocusItem:L,variant:w},v,{className:(0,i.Z)(T.list,v.className),children:d}))}))})},1656:function(e,t,r){"use strict";r.d(t,{Z:function(){return C}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(2305),c=r(8024),u=r(9281),d=r(1175),p=r(9022),f=r(8632),m=r(909),v=r(8525),h=r(2733),g=r(467),b=r(4535),Z=r(7542);function x(e){return(0,Z.ZP)("MuiMenuItem",e)}let y=(0,b.Z)("MuiMenuItem",["root","focusVisible","dense","disabled","divider","gutters","selected"]);var w=r(7437);let S=["autoFocus","component","dense","divider","disableGutters","focusVisibleClassName","role","tabIndex","className"],k=e=>{let{disabled:t,dense:r,divider:n,disableGutters:a,selected:i,classes:s}=e,c=(0,l.Z)({root:["root",r&&"dense",t&&"disabled",!a&&"gutters",n&&"divider",i&&"selected"]},x,s);return(0,o.Z)({},s,c)},R=(0,c.ZP)(p.Z,{shouldForwardProp:e=>(0,c.FO)(e)||"classes"===e,name:"MuiMenuItem",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,r.dense&&t.dense,r.divider&&t.divider,!r.disableGutters&&t.gutters]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({},t.typography.body1,{display:"flex",justifyContent:"flex-start",alignItems:"center",position:"relative",textDecoration:"none",minHeight:48,paddingTop:6,paddingBottom:6,boxSizing:"border-box",whiteSpace:"nowrap"},!r.disableGutters&&{paddingLeft:16,paddingRight:16},r.divider&&{borderBottom:"1px solid ".concat((t.vars||t).palette.divider),backgroundClip:"padding-box"},{"&:hover":{textDecoration:"none",backgroundColor:(t.vars||t).palette.action.hover,"@media (hover: none)":{backgroundColor:"transparent"}},["&.".concat(y.selected)]:{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / ").concat(t.vars.palette.action.selectedOpacity,")"):(0,s.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity),["&.".concat(y.focusVisible)]:{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / calc(").concat(t.vars.palette.action.selectedOpacity," + ").concat(t.vars.palette.action.focusOpacity,"))"):(0,s.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity+t.palette.action.focusOpacity)}},["&.".concat(y.selected,":hover")]:{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / calc(").concat(t.vars.palette.action.selectedOpacity," + ").concat(t.vars.palette.action.hoverOpacity,"))"):(0,s.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity+t.palette.action.hoverOpacity),"@media (hover: none)":{backgroundColor:t.vars?"rgba(".concat(t.vars.palette.primary.mainChannel," / ").concat(t.vars.palette.action.selectedOpacity,")"):(0,s.Fq)(t.palette.primary.main,t.palette.action.selectedOpacity)}},["&.".concat(y.focusVisible)]:{backgroundColor:(t.vars||t).palette.action.focus},["&.".concat(y.disabled)]:{opacity:(t.vars||t).palette.action.disabledOpacity},["& + .".concat(v.Z.root)]:{marginTop:t.spacing(1),marginBottom:t.spacing(1)},["& + .".concat(v.Z.inset)]:{marginLeft:52},["& .".concat(g.Z.root)]:{marginTop:0,marginBottom:0},["& .".concat(g.Z.inset)]:{paddingLeft:36},["& .".concat(h.Z.root)]:{minWidth:36}},!r.dense&&{[t.breakpoints.up("sm")]:{minHeight:"auto"}},r.dense&&(0,o.Z)({minHeight:32,paddingTop:4,paddingBottom:4},t.typography.body2,{["& .".concat(h.Z.root," svg")]:{fontSize:"1.25rem"}}))});var C=a.forwardRef(function(e,t){let r;let l=(0,u.Z)({props:e,name:"MuiMenuItem"}),{autoFocus:s=!1,component:c="li",dense:p=!1,divider:v=!1,disableGutters:h=!1,focusVisibleClassName:g,role:b="menuitem",tabIndex:Z,className:x}=l,y=(0,n.Z)(l,S),C=a.useContext(d.Z),P=a.useMemo(()=>({dense:p||C.dense||!1,disableGutters:h}),[C.dense,p,h]),M=a.useRef(null);(0,f.Z)(()=>{s&&M.current&&M.current.focus()},[s]);let E=(0,o.Z)({},l,{dense:P.dense,divider:v,disableGutters:h}),O=k(l),T=(0,m.Z)(M,t);return l.disabled||(r=void 0!==Z?Z:-1),(0,w.jsx)(d.Z.Provider,{value:P,children:(0,w.jsx)(R,(0,o.Z)({ref:T,role:b,tabIndex:r,component:c,focusVisibleClassName:(0,i.Z)(O.focusVisible,g),className:(0,i.Z)(O.root,x)},y,{ownerState:E,classes:O}))})})},5786:function(e,t,r){"use strict";r.d(t,{Z:function(){return A}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(5651),s=r(2367),c=r(5694),u=r(9244),d=r(4559),p=r(317),f=r(3076),m=r(6640);function v(e,t){t?e.setAttribute("aria-hidden","true"):e.removeAttribute("aria-hidden")}function h(e){return parseInt((0,f.Z)(e).getComputedStyle(e).paddingRight,10)||0}function g(e,t,r,n,o){let a=[t,r,...n];[].forEach.call(e.children,e=>{let t=-1===a.indexOf(e),r=!function(e){let t=-1!==["TEMPLATE","SCRIPT","STYLE","LINK","MAP","META","NOSCRIPT","PICTURE","COL","COLGROUP","PARAM","SLOT","SOURCE","TRACK"].indexOf(e.tagName),r="INPUT"===e.tagName&&"hidden"===e.getAttribute("type");return t||r}(e);t&&r&&v(e,o)})}function b(e,t){let r=-1;return e.some((e,n)=>!!t(e)&&(r=n,!0)),r}class Z{constructor(){this.containers=void 0,this.modals=void 0,this.modals=[],this.containers=[]}add(e,t){let r=this.modals.indexOf(e);if(-1!==r)return r;r=this.modals.length,this.modals.push(e),e.modalRef&&v(e.modalRef,!1);let n=function(e){let t=[];return[].forEach.call(e.children,e=>{"true"===e.getAttribute("aria-hidden")&&t.push(e)}),t}(t);g(t,e.mount,e.modalRef,n,!0);let o=b(this.containers,e=>e.container===t);return -1!==o?this.containers[o].modals.push(e):this.containers.push({modals:[e],container:t,restore:null,hiddenSiblings:n}),r}mount(e,t){let r=b(this.containers,t=>-1!==t.modals.indexOf(e)),n=this.containers[r];n.restore||(n.restore=function(e,t){let r=[],n=e.container;if(!t.disableScrollLock){let e;if(function(e){let t=(0,c.Z)(e);return t.body===e?(0,f.Z)(e).innerWidth>t.documentElement.clientWidth:e.scrollHeight>e.clientHeight}(n)){let e=(0,m.Z)((0,c.Z)(n));r.push({value:n.style.paddingRight,property:"padding-right",el:n}),n.style.paddingRight=`${h(n)+e}px`;let t=(0,c.Z)(n).querySelectorAll(".mui-fixed");[].forEach.call(t,t=>{r.push({value:t.style.paddingRight,property:"padding-right",el:t}),t.style.paddingRight=`${h(t)+e}px`})}if(n.parentNode instanceof DocumentFragment)e=(0,c.Z)(n).body;else{let t=n.parentElement,r=(0,f.Z)(n);e=(null==t?void 0:t.nodeName)==="HTML"&&"scroll"===r.getComputedStyle(t).overflowY?t:n}r.push({value:e.style.overflow,property:"overflow",el:e},{value:e.style.overflowX,property:"overflow-x",el:e},{value:e.style.overflowY,property:"overflow-y",el:e}),e.style.overflow="hidden"}return()=>{r.forEach(({value:e,el:t,property:r})=>{e?t.style.setProperty(r,e):t.style.removeProperty(r)})}}(n,t))}remove(e,t=!0){let r=this.modals.indexOf(e);if(-1===r)return r;let n=b(this.containers,t=>-1!==t.modals.indexOf(e)),o=this.containers[n];if(o.modals.splice(o.modals.indexOf(e),1),this.modals.splice(r,1),0===o.modals.length)o.restore&&o.restore(),e.modalRef&&v(e.modalRef,t),g(o.container,e.mount,e.modalRef,o.hiddenSiblings,!1),this.containers.splice(n,1);else{let e=o.modals[o.modals.length-1];e.modalRef&&v(e.modalRef,!1)}return r}isTopModal(e){return this.modals.length>0&&this.modals[this.modals.length-1]===e}}let x=new Z;var y=r(6259),w=r(7437);function S(e){let t=[],r=[];return Array.from(e.querySelectorAll('input,select,textarea,a[href],button,[tabindex],audio[controls],video[controls],[contenteditable]:not([contenteditable="false"])')).forEach((e,n)=>{let o=function(e){let t=parseInt(e.getAttribute("tabindex")||"",10);return Number.isNaN(t)?"true"===e.contentEditable||("AUDIO"===e.nodeName||"VIDEO"===e.nodeName||"DETAILS"===e.nodeName)&&null===e.getAttribute("tabindex")?0:e.tabIndex:t}(e);-1===o||e.disabled||"INPUT"===e.tagName&&"hidden"===e.type||function(e){if("INPUT"!==e.tagName||"radio"!==e.type||!e.name)return!1;let t=t=>e.ownerDocument.querySelector('input[type="radio"]'.concat(t)),r=t('[name="'.concat(e.name,'"]:checked'));return r||(r=t('[name="'.concat(e.name,'"]'))),r!==e}(e)||(0===o?t.push(e):r.push({documentOrder:n,tabIndex:o,node:e}))}),r.sort((e,t)=>e.tabIndex===t.tabIndex?e.documentOrder-t.documentOrder:e.tabIndex-t.tabIndex).map(e=>e.node).concat(t)}function k(){return!0}function R(e){let{children:t,disableAutoFocus:r=!1,disableEnforceFocus:n=!1,disableRestoreFocus:o=!1,getTabbable:i=S,isEnabled:l=k,open:u}=e,d=a.useRef(!1),p=a.useRef(null),f=a.useRef(null),m=a.useRef(null),v=a.useRef(null),h=a.useRef(!1),g=a.useRef(null),b=(0,s.Z)(t.ref,g),Z=a.useRef(null);a.useEffect(()=>{u&&g.current&&(h.current=!r)},[r,u]),a.useEffect(()=>{if(!u||!g.current)return;let e=(0,c.Z)(g.current);return!g.current.contains(e.activeElement)&&(g.current.hasAttribute("tabIndex")||g.current.setAttribute("tabIndex","-1"),h.current&&g.current.focus()),()=>{o||(m.current&&m.current.focus&&(d.current=!0,m.current.focus()),m.current=null)}},[u]),a.useEffect(()=>{if(!u||!g.current)return;let e=(0,c.Z)(g.current),t=t=>{Z.current=t,!n&&l()&&"Tab"===t.key&&e.activeElement===g.current&&t.shiftKey&&(d.current=!0,f.current&&f.current.focus())},r=()=>{let t=g.current;if(null===t)return;if(!e.hasFocus()||!l()||d.current){d.current=!1;return}if(t.contains(e.activeElement)||n&&e.activeElement!==p.current&&e.activeElement!==f.current)return;if(e.activeElement!==v.current)v.current=null;else if(null!==v.current)return;if(!h.current)return;let r=[];if((e.activeElement===p.current||e.activeElement===f.current)&&(r=i(g.current)),r.length>0){var o,a;let e=!!((null==(o=Z.current)?void 0:o.shiftKey)&&(null==(a=Z.current)?void 0:a.key)==="Tab"),t=r[0],n=r[r.length-1];"string"!=typeof t&&"string"!=typeof n&&(e?n.focus():t.focus())}else t.focus()};e.addEventListener("focusin",r),e.addEventListener("keydown",t,!0);let o=setInterval(()=>{e.activeElement&&"BODY"===e.activeElement.tagName&&r()},50);return()=>{clearInterval(o),e.removeEventListener("focusin",r),e.removeEventListener("keydown",t,!0)}},[r,n,o,l,u,i]);let x=e=>{null===m.current&&(m.current=e.relatedTarget),h.current=!0};return(0,w.jsxs)(a.Fragment,{children:[(0,w.jsx)("div",{tabIndex:u?0:-1,onFocus:x,ref:p,"data-testid":"sentinelStart"}),a.cloneElement(t,{ref:b,onFocus:e=>{null===m.current&&(m.current=e.relatedTarget),h.current=!0,v.current=e.target;let r=t.props.onFocus;r&&r(e)}}),(0,w.jsx)("div",{tabIndex:u?0:-1,onFocus:x,ref:f,"data-testid":"sentinelEnd"})]})}var C=r(4886),P=r(8024),M=r(9281),E=r(4593),O=r(4535),T=r(7542);function L(e){return(0,T.ZP)("MuiModal",e)}(0,O.Z)("MuiModal",["root","hidden","backdrop"]);let j=["BackdropComponent","BackdropProps","classes","className","closeAfterTransition","children","container","component","components","componentsProps","disableAutoFocus","disableEnforceFocus","disableEscapeKeyDown","disablePortal","disableRestoreFocus","disableScrollLock","hideBackdrop","keepMounted","onBackdropClick","onClose","onTransitionEnter","onTransitionExited","open","slotProps","slots","theme"],I=e=>{let{open:t,exited:r,classes:n}=e;return(0,y.Z)({root:["root",!t&&r&&"hidden"],backdrop:["backdrop"]},L,n)},z=(0,P.ZP)("div",{name:"MuiModal",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,!r.open&&r.exited&&t.hidden]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({position:"fixed",zIndex:(t.vars||t).zIndex.modal,right:0,bottom:0,top:0,left:0},!r.open&&r.exited&&{visibility:"hidden"})}),N=(0,P.ZP)(E.Z,{name:"MuiModal",slot:"Backdrop",overridesResolver:(e,t)=>t.backdrop})({zIndex:-1});var A=a.forwardRef(function(e,t){var r,f,m,h,g,b;let Z=(0,M.Z)({name:"MuiModal",props:e}),{BackdropComponent:y=N,BackdropProps:S,className:k,closeAfterTransition:P=!1,children:E,container:O,component:T,components:L={},componentsProps:A={},disableAutoFocus:B=!1,disableEnforceFocus:F=!1,disableEscapeKeyDown:W=!1,disablePortal:D=!1,disableRestoreFocus:V=!1,disableScrollLock:H=!1,hideBackdrop:q=!1,keepMounted:G=!1,onBackdropClick:_,open:$,slotProps:U,slots:X}=Z,K=(0,n.Z)(Z,j),Y=(0,o.Z)({},Z,{closeAfterTransition:P,disableAutoFocus:B,disableEnforceFocus:F,disableEscapeKeyDown:W,disablePortal:D,disableRestoreFocus:V,disableScrollLock:H,hideBackdrop:q,keepMounted:G}),{getRootProps:J,getBackdropProps:Q,getTransitionProps:ee,portalRef:et,isTopModal:er,exited:en,hasTransition:eo}=function(e){let{container:t,disableEscapeKeyDown:r=!1,disableScrollLock:n=!1,manager:i=x,closeAfterTransition:l=!1,onTransitionEnter:f,onTransitionExited:m,children:h,onClose:g,open:b,rootRef:Z}=e,y=a.useRef({}),w=a.useRef(null),S=a.useRef(null),k=(0,s.Z)(S,Z),[R,C]=a.useState(!b),P=!!h&&h.props.hasOwnProperty("in"),M=!0;("false"===e["aria-hidden"]||!1===e["aria-hidden"])&&(M=!1);let E=()=>(0,c.Z)(w.current),O=()=>(y.current.modalRef=S.current,y.current.mount=w.current,y.current),T=()=>{i.mount(O(),{disableScrollLock:n}),S.current&&(S.current.scrollTop=0)},L=(0,u.Z)(()=>{let e=("function"==typeof t?t():t)||E().body;i.add(O(),e),S.current&&T()}),j=a.useCallback(()=>i.isTopModal(O()),[i]),I=(0,u.Z)(e=>{w.current=e,e&&(b&&j()?T():S.current&&v(S.current,M))}),z=a.useCallback(()=>{i.remove(O(),M)},[M,i]);a.useEffect(()=>()=>{z()},[z]),a.useEffect(()=>{b?L():P&&l||z()},[b,z,P,l,L]);let N=e=>t=>{var n;null==(n=e.onKeyDown)||n.call(e,t),"Escape"===t.key&&229!==t.which&&j()&&!r&&(t.stopPropagation(),g&&g(t,"escapeKeyDown"))},A=e=>t=>{var r;null==(r=e.onClick)||r.call(e,t),t.target===t.currentTarget&&g&&g(t,"backdropClick")};return{getRootProps:function(){let t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},r=(0,p._)(e);delete r.onTransitionEnter,delete r.onTransitionExited;let n=(0,o.Z)({},r,t);return(0,o.Z)({role:"presentation"},n,{onKeyDown:N(n),ref:k})},getBackdropProps:function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{};return(0,o.Z)({"aria-hidden":!0},e,{onClick:A(e),open:b})},getTransitionProps:()=>({onEnter:(0,d.Z)(()=>{C(!1),f&&f()},null==h?void 0:h.props.onEnter),onExited:(0,d.Z)(()=>{C(!0),m&&m(),l&&z()},null==h?void 0:h.props.onExited)}),rootRef:k,portalRef:I,isTopModal:j,exited:R,hasTransition:P}}((0,o.Z)({},Y,{rootRef:t})),ea=(0,o.Z)({},Y,{exited:en}),ei=I(ea),el={};if(void 0===E.props.tabIndex&&(el.tabIndex="-1"),eo){let{onEnter:e,onExited:t}=ee();el.onEnter=e,el.onExited=t}let es=null!=(r=null!=(f=null==X?void 0:X.root)?f:L.Root)?r:z,ec=null!=(m=null!=(h=null==X?void 0:X.backdrop)?h:L.Backdrop)?m:y,eu=null!=(g=null==U?void 0:U.root)?g:A.root,ed=null!=(b=null==U?void 0:U.backdrop)?b:A.backdrop,ep=(0,l.y)({elementType:es,externalSlotProps:eu,externalForwardedProps:K,getSlotProps:J,additionalProps:{ref:t,as:T},ownerState:ea,className:(0,i.Z)(k,null==eu?void 0:eu.className,null==ei?void 0:ei.root,!ea.open&&ea.exited&&(null==ei?void 0:ei.hidden))}),ef=(0,l.y)({elementType:ec,externalSlotProps:ed,additionalProps:S,getSlotProps:e=>Q((0,o.Z)({},e,{onClick:t=>{_&&_(t),null!=e&&e.onClick&&e.onClick(t)}})),className:(0,i.Z)(null==ed?void 0:ed.className,null==S?void 0:S.className,null==ei?void 0:ei.backdrop),ownerState:ea});return G||$||eo&&!en?(0,w.jsx)(C.h,{ref:et,container:O,disablePortal:D,children:(0,w.jsxs)(es,(0,o.Z)({},ep,{children:[!q&&y?(0,w.jsx)(ec,(0,o.Z)({},ef)):null,(0,w.jsx)(R,{disableEnforceFocus:F,disableAutoFocus:B,disableRestoreFocus:V,isEnabled:er,open:$,children:a.cloneElement(E,el)})]}))}):null})},866:function(e,t,r){"use strict";r.d(t,{Z:function(){return M}});var n,o=r(3950),a=r(2988),i=r(2265),l=r(6259),s=r(8024),c=r(7437);let u=["children","classes","className","label","notched"],d=(0,s.ZP)("fieldset",{shouldForwardProp:s.FO})({textAlign:"left",position:"absolute",bottom:0,right:0,top:-5,left:0,margin:0,padding:"0 8px",pointerEvents:"none",borderRadius:"inherit",borderStyle:"solid",borderWidth:1,overflow:"hidden",minWidth:"0%"}),p=(0,s.ZP)("legend",{shouldForwardProp:s.FO})(e=>{let{ownerState:t,theme:r}=e;return(0,a.Z)({float:"unset",width:"auto",overflow:"hidden"},!t.withLabel&&{padding:0,lineHeight:"11px",transition:r.transitions.create("width",{duration:150,easing:r.transitions.easing.easeOut})},t.withLabel&&(0,a.Z)({display:"block",padding:0,height:11,fontSize:"0.75em",visibility:"hidden",maxWidth:.01,transition:r.transitions.create("max-width",{duration:50,easing:r.transitions.easing.easeOut}),whiteSpace:"nowrap","& > span":{paddingLeft:5,paddingRight:5,display:"inline-block",opacity:0,visibility:"visible"}},t.notched&&{maxWidth:"100%",transition:r.transitions.create("max-width",{duration:100,easing:r.transitions.easing.easeOut,delay:50})}))});var f=r(8875),m=r(8868),v=r(4535),h=r(7542),g=r(2510);function b(e){return(0,h.ZP)("MuiOutlinedInput",e)}let Z=(0,a.Z)({},g.Z,(0,v.Z)("MuiOutlinedInput",["root","notchedOutline","input"]));var x=r(9375),y=r(9281);let w=["components","fullWidth","inputComponent","label","multiline","notched","slots","type"],S=e=>{let{classes:t}=e,r=(0,l.Z)({root:["root"],notchedOutline:["notchedOutline"],input:["input"]},b,t);return(0,a.Z)({},t,r)},k=(0,s.ZP)(x.Ej,{shouldForwardProp:e=>(0,s.FO)(e)||"classes"===e,name:"MuiOutlinedInput",slot:"Root",overridesResolver:x.Gx})(e=>{let{theme:t,ownerState:r}=e,n="light"===t.palette.mode?"rgba(0, 0, 0, 0.23)":"rgba(255, 255, 255, 0.23)";return(0,a.Z)({position:"relative",borderRadius:(t.vars||t).shape.borderRadius,["&:hover .".concat(Z.notchedOutline)]:{borderColor:(t.vars||t).palette.text.primary},"@media (hover: none)":{["&:hover .".concat(Z.notchedOutline)]:{borderColor:t.vars?"rgba(".concat(t.vars.palette.common.onBackgroundChannel," / 0.23)"):n}},["&.".concat(Z.focused," .").concat(Z.notchedOutline)]:{borderColor:(t.vars||t).palette[r.color].main,borderWidth:2},["&.".concat(Z.error," .").concat(Z.notchedOutline)]:{borderColor:(t.vars||t).palette.error.main},["&.".concat(Z.disabled," .").concat(Z.notchedOutline)]:{borderColor:(t.vars||t).palette.action.disabled}},r.startAdornment&&{paddingLeft:14},r.endAdornment&&{paddingRight:14},r.multiline&&(0,a.Z)({padding:"16.5px 14px"},"small"===r.size&&{padding:"8.5px 14px"}))}),R=(0,s.ZP)(function(e){let{className:t,label:r,notched:i}=e,l=(0,o.Z)(e,u),s=null!=r&&""!==r,f=(0,a.Z)({},e,{notched:i,withLabel:s});return(0,c.jsx)(d,(0,a.Z)({"aria-hidden":!0,className:t,ownerState:f},l,{children:(0,c.jsx)(p,{ownerState:f,children:s?(0,c.jsx)("span",{children:r}):n||(n=(0,c.jsx)("span",{className:"notranslate",children:"​"}))})}))},{name:"MuiOutlinedInput",slot:"NotchedOutline",overridesResolver:(e,t)=>t.notchedOutline})(e=>{let{theme:t}=e,r="light"===t.palette.mode?"rgba(0, 0, 0, 0.23)":"rgba(255, 255, 255, 0.23)";return{borderColor:t.vars?"rgba(".concat(t.vars.palette.common.onBackgroundChannel," / 0.23)"):r}}),C=(0,s.ZP)(x.rA,{name:"MuiOutlinedInput",slot:"Input",overridesResolver:x._o})(e=>{let{theme:t,ownerState:r}=e;return(0,a.Z)({padding:"16.5px 14px"},!t.vars&&{"&:-webkit-autofill":{WebkitBoxShadow:"light"===t.palette.mode?null:"0 0 0 100px #266798 inset",WebkitTextFillColor:"light"===t.palette.mode?null:"#fff",caretColor:"light"===t.palette.mode?null:"#fff",borderRadius:"inherit"}},t.vars&&{"&:-webkit-autofill":{borderRadius:"inherit"},[t.getColorSchemeSelector("dark")]:{"&:-webkit-autofill":{WebkitBoxShadow:"0 0 0 100px #266798 inset",WebkitTextFillColor:"#fff",caretColor:"#fff"}}},"small"===r.size&&{padding:"8.5px 14px"},r.multiline&&{padding:0},r.startAdornment&&{paddingLeft:0},r.endAdornment&&{paddingRight:0})}),P=i.forwardRef(function(e,t){var r,n,l,s,u;let d=(0,y.Z)({props:e,name:"MuiOutlinedInput"}),{components:p={},fullWidth:v=!1,inputComponent:h="input",label:g,multiline:b=!1,notched:Z,slots:P={},type:M="text"}=d,E=(0,o.Z)(d,w),O=S(d),T=(0,f.Z)(),L=(0,m.Z)({props:d,muiFormControl:T,states:["color","disabled","error","focused","hiddenLabel","size","required"]}),j=(0,a.Z)({},d,{color:L.color||"primary",disabled:L.disabled,error:L.error,focused:L.focused,formControl:T,fullWidth:v,hiddenLabel:L.hiddenLabel,multiline:b,size:L.size,type:M}),I=null!=(r=null!=(n=P.root)?n:p.Root)?r:k,z=null!=(l=null!=(s=P.input)?s:p.Input)?l:C;return(0,c.jsx)(x.ZP,(0,a.Z)({slots:{root:I,input:z},renderSuffix:e=>(0,c.jsx)(R,{ownerState:j,className:O.notchedOutline,label:null!=g&&""!==g&&L.required?u||(u=(0,c.jsxs)(i.Fragment,{children:[g," ","*"]})):g,notched:void 0!==Z?Z:!!(e.startAdornment||e.filled||e.focused)}),fullWidth:v,inputComponent:h,multiline:b,ref:t,type:M},E,{classes:(0,a.Z)({},O,{notchedOutline:null})}))});P.muiName="Input";var M=P},8027:function(e,t,r){"use strict";r.d(t,{Z:function(){return Z}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(2305),c=r(8024),u=r(1931),d=r(9281),p=r(4535),f=r(7542);function m(e){return(0,f.ZP)("MuiPaper",e)}(0,p.Z)("MuiPaper",["root","rounded","outlined","elevation","elevation0","elevation1","elevation2","elevation3","elevation4","elevation5","elevation6","elevation7","elevation8","elevation9","elevation10","elevation11","elevation12","elevation13","elevation14","elevation15","elevation16","elevation17","elevation18","elevation19","elevation20","elevation21","elevation22","elevation23","elevation24"]);var v=r(7437);let h=["className","component","elevation","square","variant"],g=e=>{let{square:t,elevation:r,variant:n,classes:o}=e;return(0,l.Z)({root:["root",n,!t&&"rounded","elevation"===n&&"elevation".concat(r)]},m,o)},b=(0,c.ZP)("div",{name:"MuiPaper",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t[r.variant],!r.square&&t.rounded,"elevation"===r.variant&&t["elevation".concat(r.elevation)]]}})(e=>{var t;let{theme:r,ownerState:n}=e;return(0,o.Z)({backgroundColor:(r.vars||r).palette.background.paper,color:(r.vars||r).palette.text.primary,transition:r.transitions.create("box-shadow")},!n.square&&{borderRadius:r.shape.borderRadius},"outlined"===n.variant&&{border:"1px solid ".concat((r.vars||r).palette.divider)},"elevation"===n.variant&&(0,o.Z)({boxShadow:(r.vars||r).shadows[n.elevation]},!r.vars&&"dark"===r.palette.mode&&{backgroundImage:"linear-gradient(".concat((0,s.Fq)("#fff",(0,u.Z)(n.elevation)),", ").concat((0,s.Fq)("#fff",(0,u.Z)(n.elevation)),")")},r.vars&&{backgroundImage:null==(t=r.vars.overlays)?void 0:t[n.elevation]}))});var Z=a.forwardRef(function(e,t){let r=(0,d.Z)({props:e,name:"MuiPaper"}),{className:a,component:l="div",elevation:s=1,square:c=!1,variant:u="elevation"}=r,p=(0,n.Z)(r,h),f=(0,o.Z)({},r,{component:l,elevation:s,square:c,variant:u}),m=g(f);return(0,v.jsx)(b,(0,o.Z)({as:l,ownerState:f,className:(0,i.Z)(m.root,a),ref:t},p))})},3907:function(e,t,r){"use strict";r.d(t,{Z:function(){return W}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(2305),c=r(2272),u=r(8024),d=r(5115),p=r(8875),f=r(9022),m=r(4535),v=r(7542);function h(e){return(0,v.ZP)("PrivateSwitchBase",e)}(0,m.Z)("PrivateSwitchBase",["root","checked","disabled","input","edgeStart","edgeEnd"]);var g=r(7437);let b=["autoFocus","checked","checkedIcon","className","defaultChecked","disabled","disableFocusRipple","edge","icon","id","inputProps","inputRef","name","onBlur","onChange","onFocus","readOnly","required","tabIndex","type","value"],Z=e=>{let{classes:t,checked:r,disabled:n,edge:o}=e,a={root:["root",r&&"checked",n&&"disabled",o&&"edge".concat((0,c.Z)(o))],input:["input"]};return(0,l.Z)(a,h,t)},x=(0,u.ZP)(f.Z)(e=>{let{ownerState:t}=e;return(0,o.Z)({padding:9,borderRadius:"50%"},"start"===t.edge&&{marginLeft:"small"===t.size?-3:-12},"end"===t.edge&&{marginRight:"small"===t.size?-3:-12})}),y=(0,u.ZP)("input",{shouldForwardProp:u.FO})({cursor:"inherit",position:"absolute",opacity:0,width:"100%",height:"100%",top:0,left:0,margin:0,padding:0,zIndex:1}),w=a.forwardRef(function(e,t){let{autoFocus:r,checked:a,checkedIcon:l,className:s,defaultChecked:c,disabled:u,disableFocusRipple:f=!1,edge:m=!1,icon:v,id:h,inputProps:w,inputRef:S,name:k,onBlur:R,onChange:C,onFocus:P,readOnly:M,required:E=!1,tabIndex:O,type:T,value:L}=e,j=(0,n.Z)(e,b),[I,z]=(0,d.Z)({controlled:a,default:!!c,name:"SwitchBase",state:"checked"}),N=(0,p.Z)(),A=u;N&&void 0===A&&(A=N.disabled);let B="checkbox"===T||"radio"===T,F=(0,o.Z)({},e,{checked:I,disabled:A,disableFocusRipple:f,edge:m}),W=Z(F);return(0,g.jsxs)(x,(0,o.Z)({component:"span",className:(0,i.Z)(W.root,s),centerRipple:!0,focusRipple:!f,disabled:A,tabIndex:null,role:void 0,onFocus:e=>{P&&P(e),N&&N.onFocus&&N.onFocus(e)},onBlur:e=>{R&&R(e),N&&N.onBlur&&N.onBlur(e)},ownerState:F,ref:t},j,{children:[(0,g.jsx)(y,(0,o.Z)({autoFocus:r,checked:a,defaultChecked:c,className:W.input,disabled:A,id:B?h:void 0,name:k,onChange:e=>{if(e.nativeEvent.defaultPrevented)return;let t=e.target.checked;z(t),C&&C(e,t)},readOnly:M,ref:S,required:E,ownerState:F,tabIndex:O,type:T},"checkbox"===T&&void 0===L?{}:{value:L},w)),I?l:v]}))});var S=r(9281),k=r(9018),R=(0,k.Z)((0,g.jsx)("path",{d:"M12 2C6.48 2 2 6.48 2 12s4.48 10 10 10 10-4.48 10-10S17.52 2 12 2zm0 18c-4.42 0-8-3.58-8-8s3.58-8 8-8 8 3.58 8 8-3.58 8-8 8z"}),"RadioButtonUnchecked"),C=(0,k.Z)((0,g.jsx)("path",{d:"M8.465 8.465C9.37 7.56 10.62 7 12 7C14.76 7 17 9.24 17 12C17 13.38 16.44 14.63 15.535 15.535C14.63 16.44 13.38 17 12 17C9.24 17 7 14.76 7 12C7 10.62 7.56 9.37 8.465 8.465Z"}),"RadioButtonChecked");let P=(0,u.ZP)("span",{shouldForwardProp:u.FO})({position:"relative",display:"flex"}),M=(0,u.ZP)(R)({transform:"scale(1)"}),E=(0,u.ZP)(C)(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({left:0,position:"absolute",transform:"scale(0)",transition:t.transitions.create("transform",{easing:t.transitions.easing.easeIn,duration:t.transitions.duration.shortest})},r.checked&&{transform:"scale(1)",transition:t.transitions.create("transform",{easing:t.transitions.easing.easeOut,duration:t.transitions.duration.shortest})})});var O=function(e){let{checked:t=!1,classes:r={},fontSize:n}=e,a=(0,o.Z)({},e,{checked:t});return(0,g.jsxs)(P,{className:r.root,ownerState:a,children:[(0,g.jsx)(M,{fontSize:n,className:r.background,ownerState:a}),(0,g.jsx)(E,{fontSize:n,className:r.dot,ownerState:a})]})},T=r(8086),L=r(8550);function j(e){return(0,v.ZP)("MuiRadio",e)}let I=(0,m.Z)("MuiRadio",["root","checked","disabled","colorPrimary","colorSecondary","sizeSmall"]),z=["checked","checkedIcon","color","icon","name","onChange","size","className"],N=e=>{let{classes:t,color:r,size:n}=e,a={root:["root","color".concat((0,c.Z)(r)),"medium"!==n&&"size".concat((0,c.Z)(n))]};return(0,o.Z)({},t,(0,l.Z)(a,j,t))},A=(0,u.ZP)(w,{shouldForwardProp:e=>(0,u.FO)(e)||"classes"===e,name:"MuiRadio",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,"medium"!==r.size&&t["size".concat((0,c.Z)(r.size))],t["color".concat((0,c.Z)(r.color))]]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({color:(t.vars||t).palette.text.secondary},!r.disableRipple&&{"&:hover":{backgroundColor:t.vars?"rgba(".concat("default"===r.color?t.vars.palette.action.activeChannel:t.vars.palette[r.color].mainChannel," / ").concat(t.vars.palette.action.hoverOpacity,")"):(0,s.Fq)("default"===r.color?t.palette.action.active:t.palette[r.color].main,t.palette.action.hoverOpacity),"@media (hover: none)":{backgroundColor:"transparent"}}},"default"!==r.color&&{["&.".concat(I.checked)]:{color:(t.vars||t).palette[r.color].main}},{["&.".concat(I.disabled)]:{color:(t.vars||t).palette.action.disabled}})}),B=(0,g.jsx)(O,{checked:!0}),F=(0,g.jsx)(O,{});var W=a.forwardRef(function(e,t){var r,l,s,c;let u=(0,S.Z)({props:e,name:"MuiRadio"}),{checked:d,checkedIcon:p=B,color:f="primary",icon:m=F,name:v,onChange:h,size:b="medium",className:Z}=u,x=(0,n.Z)(u,z),y=(0,o.Z)({},u,{color:f,size:b}),w=N(y),k=a.useContext(L.Z),R=d,C=(0,T.Z)(h,k&&k.onChange),P=v;return k&&(void 0===R&&(s=k.value,R="object"==typeof(c=u.value)&&null!==c?s===c:String(s)===String(c)),void 0===P&&(P=k.name)),(0,g.jsx)(A,(0,o.Z)({type:"radio",icon:a.cloneElement(m,{fontSize:null!=(r=F.props.fontSize)?r:b}),checkedIcon:a.cloneElement(p,{fontSize:null!=(l=B.props.fontSize)?l:b}),ownerState:y,classes:w,name:P,checked:R,onChange:C,ref:t,className:(0,i.Z)(w.root,Z)},x))})},1092:function(e,t,r){"use strict";r.d(t,{Z:function(){return R}});var n=r(2988),o=r(3950),a=r(2265),i=r(4839),l=r(6259),s=r(8024),c=r(9281),u=r(4535),d=r(7542);function p(e){return(0,d.ZP)("MuiFormGroup",e)}(0,u.Z)("MuiFormGroup",["root","row","error"]);var f=r(8875),m=r(8868),v=r(7437);let h=["className","row"],g=e=>{let{classes:t,row:r,error:n}=e;return(0,l.Z)({root:["root",r&&"row",n&&"error"]},p,t)},b=(0,s.ZP)("div",{name:"MuiFormGroup",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,r.row&&t.row]}})(e=>{let{ownerState:t}=e;return(0,n.Z)({display:"flex",flexDirection:"column",flexWrap:"wrap"},t.row&&{flexDirection:"row"})}),Z=a.forwardRef(function(e,t){let r=(0,c.Z)({props:e,name:"MuiFormGroup"}),{className:a,row:l=!1}=r,s=(0,o.Z)(r,h),u=(0,f.Z)(),d=(0,m.Z)({props:r,muiFormControl:u,states:["error"]}),p=(0,n.Z)({},r,{row:l,error:d.error}),Z=g(p);return(0,v.jsx)(b,(0,n.Z)({className:(0,i.Z)(Z.root,a),ownerState:p,ref:t},s))});var x=r(909),y=r(5115),w=r(8550),S=r(8256);let k=["actions","children","defaultValue","name","onChange","value"];var R=a.forwardRef(function(e,t){let{actions:r,children:i,defaultValue:l,name:s,onChange:c,value:u}=e,d=(0,o.Z)(e,k),p=a.useRef(null),[f,m]=(0,y.Z)({controlled:u,default:l,name:"RadioGroup"});a.useImperativeHandle(r,()=>({focus:()=>{let e=p.current.querySelector("input:not(:disabled):checked");e||(e=p.current.querySelector("input:not(:disabled)")),e&&e.focus()}}),[]);let h=(0,x.Z)(t,p),g=(0,S.Z)(s),b=a.useMemo(()=>({name:g,onChange(e){m(e.target.value),c&&c(e,e.target.value)},value:f}),[g,c,m,f]);return(0,v.jsx)(w.Z.Provider,{value:b,children:(0,v.jsx)(Z,(0,n.Z)({role:"radiogroup",ref:h},d,{children:i}))})})},8550:function(e,t,r){"use strict";let n=r(2265).createContext(void 0);t.Z=n},4893:function(e,t,r){"use strict";r.d(t,{Z:function(){return et}});var n,o=r(2988),a=r(3950),i=r(2265),l=r(4839),s=r(6529),c=r(2414);r(2659);var u=r(6259),d=r(674),p=r(9645),f=r(2272),m=r(659),v=r(4535),h=r(7542);function g(e){return(0,h.ZP)("MuiNativeSelect",e)}let b=(0,v.Z)("MuiNativeSelect",["root","select","multiple","filled","outlined","standard","disabled","icon","iconOpen","iconFilled","iconOutlined","iconStandard","nativeInput","error"]);var Z=r(8024),x=r(7437);let y=["className","disabled","error","IconComponent","inputRef","variant"],w=e=>{let{classes:t,variant:r,disabled:n,multiple:o,open:a,error:i}=e,l={select:["select",r,n&&"disabled",o&&"multiple",i&&"error"],icon:["icon","icon".concat((0,f.Z)(r)),a&&"iconOpen",n&&"disabled"]};return(0,u.Z)(l,g,t)},S=e=>{let{ownerState:t,theme:r}=e;return(0,o.Z)({MozAppearance:"none",WebkitAppearance:"none",userSelect:"none",borderRadius:0,cursor:"pointer","&:focus":(0,o.Z)({},r.vars?{backgroundColor:"rgba(".concat(r.vars.palette.common.onBackgroundChannel," / 0.05)")}:{backgroundColor:"light"===r.palette.mode?"rgba(0, 0, 0, 0.05)":"rgba(255, 255, 255, 0.05)"},{borderRadius:0}),"&::-ms-expand":{display:"none"},["&.".concat(b.disabled)]:{cursor:"default"},"&[multiple]":{height:"auto"},"&:not([multiple]) option, &:not([multiple]) optgroup":{backgroundColor:(r.vars||r).palette.background.paper},"&&&":{paddingRight:24,minWidth:16}},"filled"===t.variant&&{"&&&":{paddingRight:32}},"outlined"===t.variant&&{borderRadius:(r.vars||r).shape.borderRadius,"&:focus":{borderRadius:(r.vars||r).shape.borderRadius},"&&&":{paddingRight:32}})},k=(0,Z.ZP)("select",{name:"MuiNativeSelect",slot:"Select",shouldForwardProp:Z.FO,overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.select,t[r.variant],r.error&&t.error,{["&.".concat(b.multiple)]:t.multiple}]}})(S),R=e=>{let{ownerState:t,theme:r}=e;return(0,o.Z)({position:"absolute",right:0,top:"calc(50% - .5em)",pointerEvents:"none",color:(r.vars||r).palette.action.active,["&.".concat(b.disabled)]:{color:(r.vars||r).palette.action.disabled}},t.open&&{transform:"rotate(180deg)"},"filled"===t.variant&&{right:7},"outlined"===t.variant&&{right:7})},C=(0,Z.ZP)("svg",{name:"MuiNativeSelect",slot:"Icon",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.icon,r.variant&&t["icon".concat((0,f.Z)(r.variant))],r.open&&t.iconOpen]}})(R),P=i.forwardRef(function(e,t){let{className:r,disabled:n,error:s,IconComponent:c,inputRef:u,variant:d="standard"}=e,p=(0,a.Z)(e,y),f=(0,o.Z)({},e,{disabled:n,variant:d,error:s}),m=w(f);return(0,x.jsxs)(i.Fragment,{children:[(0,x.jsx)(k,(0,o.Z)({ownerState:f,className:(0,l.Z)(m.select,r),disabled:n,ref:u||t},p)),e.multiple?null:(0,x.jsx)(C,{as:c,ownerState:f,className:m.icon})]})});var M=r(2347),E=r(909),O=r(5115);function T(e){return(0,h.ZP)("MuiSelect",e)}let L=(0,v.Z)("MuiSelect",["root","select","multiple","filled","outlined","standard","disabled","focused","icon","iconOpen","iconFilled","iconOutlined","iconStandard","nativeInput","error"]),j=["aria-describedby","aria-label","autoFocus","autoWidth","children","className","defaultOpen","defaultValue","disabled","displayEmpty","error","IconComponent","inputRef","labelId","MenuProps","multiple","name","onBlur","onChange","onClose","onFocus","onOpen","open","readOnly","renderValue","SelectDisplayProps","tabIndex","type","value","variant"],I=(0,Z.ZP)("div",{name:"MuiSelect",slot:"Select",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[{["&.".concat(L.select)]:t.select},{["&.".concat(L.select)]:t[r.variant]},{["&.".concat(L.error)]:t.error},{["&.".concat(L.multiple)]:t.multiple}]}})(S,{["&.".concat(L.select)]:{height:"auto",minHeight:"1.4375em",textOverflow:"ellipsis",whiteSpace:"nowrap",overflow:"hidden"}}),z=(0,Z.ZP)("svg",{name:"MuiSelect",slot:"Icon",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.icon,r.variant&&t["icon".concat((0,f.Z)(r.variant))],r.open&&t.iconOpen]}})(R),N=(0,Z.ZP)("input",{shouldForwardProp:e=>(0,Z.Dz)(e)&&"classes"!==e,name:"MuiSelect",slot:"NativeInput",overridesResolver:(e,t)=>t.nativeInput})({bottom:0,left:0,position:"absolute",opacity:0,pointerEvents:"none",width:"100%",boxSizing:"border-box"});function A(e,t){return"object"==typeof t&&null!==t?e===t:String(e)===String(t)}let B=e=>{let{classes:t,variant:r,disabled:n,multiple:o,open:a,error:i}=e,l={select:["select",r,n&&"disabled",o&&"multiple",i&&"error"],icon:["icon","icon".concat((0,f.Z)(r)),a&&"iconOpen",n&&"disabled"],nativeInput:["nativeInput"]};return(0,u.Z)(l,T,t)},F=i.forwardRef(function(e,t){var r,s;let u,f,v;let{"aria-describedby":h,"aria-label":g,autoFocus:b,autoWidth:Z,children:y,className:w,defaultOpen:S,defaultValue:k,disabled:R,displayEmpty:C,error:P=!1,IconComponent:T,inputRef:L,labelId:F,MenuProps:W={},multiple:D,name:V,onBlur:H,onChange:q,onClose:G,onFocus:_,onOpen:$,open:U,readOnly:X,renderValue:K,SelectDisplayProps:Y={},tabIndex:J,value:Q,variant:ee="standard"}=e,et=(0,a.Z)(e,j),[er,en]=(0,O.Z)({controlled:Q,default:k,name:"Select"}),[eo,ea]=(0,O.Z)({controlled:U,default:S,name:"Select"}),ei=i.useRef(null),el=i.useRef(null),[es,ec]=i.useState(null),{current:eu}=i.useRef(null!=U),[ed,ep]=i.useState(),ef=(0,E.Z)(t,L),em=i.useCallback(e=>{el.current=e,e&&ec(e)},[]),ev=null==es?void 0:es.parentNode;i.useImperativeHandle(ef,()=>({focus:()=>{el.current.focus()},node:ei.current,value:er}),[er]),i.useEffect(()=>{S&&eo&&es&&!eu&&(ep(Z?null:ev.clientWidth),el.current.focus())},[es,Z]),i.useEffect(()=>{b&&el.current.focus()},[b]),i.useEffect(()=>{if(!F)return;let e=(0,p.Z)(el.current).getElementById(F);if(e){let t=()=>{getSelection().isCollapsed&&el.current.focus()};return e.addEventListener("click",t),()=>{e.removeEventListener("click",t)}}},[F]);let eh=(e,t)=>{e?$&&$(t):G&&G(t),eu||(ep(Z?null:ev.clientWidth),ea(e))},eg=i.Children.toArray(y),eb=e=>t=>{let r;if(t.currentTarget.hasAttribute("tabindex")){if(D){r=Array.isArray(er)?er.slice():[];let t=er.indexOf(e.props.value);-1===t?r.push(e.props.value):r.splice(t,1)}else r=e.props.value;if(e.props.onClick&&e.props.onClick(t),er!==r&&(en(r),q)){let n=t.nativeEvent||t,o=new n.constructor(n.type,n);Object.defineProperty(o,"target",{writable:!0,value:{value:r,name:V}}),q(o,e)}D||eh(!1,t)}},eZ=null!==es&&eo;delete et["aria-invalid"];let ex=[],ey=!1;((0,M.vd)({value:er})||C)&&(K?u=K(er):ey=!0);let ew=eg.map(e=>{let t;if(!i.isValidElement(e))return null;if(D){if(!Array.isArray(er))throw Error((0,c.Z)(2));(t=er.some(t=>A(t,e.props.value)))&&ey&&ex.push(e.props.children)}else(t=A(er,e.props.value))&&ey&&(f=e.props.children);return i.cloneElement(e,{"aria-selected":t?"true":"false",onClick:eb(e),onKeyUp:t=>{" "===t.key&&t.preventDefault(),e.props.onKeyUp&&e.props.onKeyUp(t)},role:"option",selected:t,value:void 0,"data-value":e.props.value})});ey&&(u=D?0===ex.length?null:ex.reduce((e,t,r)=>(e.push(t),r{X||-1===[" ","ArrowUp","ArrowDown","Enter"].indexOf(e.key)||(e.preventDefault(),eh(!0,e))},onMouseDown:R||X?null:e=>{0===e.button&&(e.preventDefault(),el.current.focus(),eh(!0,e))},onBlur:e=>{!eZ&&H&&(Object.defineProperty(e,"target",{writable:!0,value:{value:er,name:V}}),H(e))},onFocus:_},Y,{ownerState:eR,className:(0,l.Z)(Y.className,eC.select,w),id:ek,children:null!=(s=u)&&("string"!=typeof s||s.trim())?u:n||(n=(0,x.jsx)("span",{className:"notranslate",children:"​"}))})),(0,x.jsx)(N,(0,o.Z)({"aria-invalid":P,value:Array.isArray(er)?er.join(","):er,name:V,ref:ei,"aria-hidden":!0,onChange:e=>{let t=eg.find(t=>t.props.value===e.target.value);void 0!==t&&(en(t.props.value),q&&q(e,t))},tabIndex:-1,disabled:R,className:eC.nativeInput,autoFocus:b,ownerState:eR},et)),(0,x.jsx)(z,{as:T,className:eC.icon,ownerState:eR}),(0,x.jsx)(m.Z,(0,o.Z)({id:"menu-".concat(V||""),anchorEl:ev,open:eZ,onClose:e=>{eh(!1,e)},anchorOrigin:{vertical:"bottom",horizontal:"center"},transformOrigin:{vertical:"top",horizontal:"center"}},W,{MenuListProps:(0,o.Z)({"aria-labelledby":F,role:"listbox","aria-multiselectable":D?"true":void 0,disableListWrap:!0,id:eM},W.MenuListProps),slotProps:(0,o.Z)({},W.slotProps,{paper:(0,o.Z)({},eP,{style:(0,o.Z)({minWidth:eS},null!=eP?eP.style:null)})}),children:ew}))]})});var W=r(8868),D=r(8875),V=(0,r(9018).Z)((0,x.jsx)("path",{d:"M7 10l5 5 5-5z"}),"ArrowDropDown"),H=r(1236),q=r(2299),G=r(866),_=r(9281);let $=["autoWidth","children","classes","className","defaultOpen","displayEmpty","IconComponent","id","input","inputProps","label","labelId","MenuProps","multiple","native","onClose","onOpen","open","renderValue","SelectDisplayProps","variant"],U=["root"],X=e=>{let{classes:t}=e;return t},K={name:"MuiSelect",overridesResolver:(e,t)=>t.root,shouldForwardProp:e=>(0,Z.FO)(e)&&"variant"!==e,slot:"Root"},Y=(0,Z.ZP)(H.Z,K)(""),J=(0,Z.ZP)(G.Z,K)(""),Q=(0,Z.ZP)(q.Z,K)(""),ee=i.forwardRef(function(e,t){let r=(0,_.Z)({name:"MuiSelect",props:e}),{autoWidth:n=!1,children:c,classes:u={},className:d,defaultOpen:p=!1,displayEmpty:f=!1,IconComponent:m=V,id:v,input:h,inputProps:g,label:b,labelId:Z,MenuProps:y,multiple:w=!1,native:S=!1,onClose:k,onOpen:R,open:C,renderValue:M,SelectDisplayProps:O,variant:T="outlined"}=r,L=(0,a.Z)(r,$),j=S?P:F,I=(0,D.Z)(),z=(0,W.Z)({props:r,muiFormControl:I,states:["variant","error"]}),N=z.variant||T,A=(0,o.Z)({},r,{variant:N,classes:u}),B=X(A),H=(0,a.Z)(B,U),q=h||({standard:(0,x.jsx)(Y,{ownerState:A}),outlined:(0,x.jsx)(J,{label:b,ownerState:A}),filled:(0,x.jsx)(Q,{ownerState:A})})[N],G=(0,E.Z)(t,q.ref);return(0,x.jsx)(i.Fragment,{children:i.cloneElement(q,(0,o.Z)({inputComponent:j,inputProps:(0,o.Z)({children:c,error:z.error,IconComponent:m,variant:N,type:void 0,multiple:w},S?{id:v}:{autoWidth:n,defaultOpen:p,displayEmpty:f,labelId:Z,MenuProps:y,onClose:k,onOpen:R,open:C,renderValue:M,SelectDisplayProps:(0,o.Z)({id:v},O)},g,{classes:g?(0,s.Z)(H,g.classes):H},h?h.props.inputProps:{})},(w&&S||f)&&"outlined"===N?{notched:!0}:{},{ref:G,className:(0,l.Z)(q.props.className,d,B.root)},!h&&{variant:N},L))})});ee.muiName="Select";var et=ee},1052:function(e,t,r){"use strict";let n;r.d(t,{ZP:function(){return J}});var o=r(3950),a=r(2988),i=r(2265),l=r(4839),s=r(6259),c=r(5651),u=r(7087),d=r(5694),p=r(5226),f=r(7609),m=r(9484),v=r(2367),h=r(8017),g=r(9244),b={border:0,clip:"rect(0 0 0 0)",height:"1px",margin:-1,overflow:"hidden",padding:0,position:"absolute",whiteSpace:"nowrap",width:"1px"},Z=r(317);function x(e,t){return e-t}function y(e,t){var r;let{index:n}=null!=(r=e.reduce((e,r,n)=>{let o=Math.abs(t-r);return null===e||oe===t){return e.length===t.length&&e.every((e,n)=>r(e,t[n]))}(e,t)}let C={horizontal:{offset:e=>({left:"".concat(e,"%")}),leap:e=>({width:"".concat(e,"%")})},"horizontal-reverse":{offset:e=>({right:"".concat(e,"%")}),leap:e=>({width:"".concat(e,"%")})},vertical:{offset:e=>({bottom:"".concat(e,"%")}),leap:e=>({height:"".concat(e,"%")})}},P=e=>e;function M(){return void 0===n&&("undefined"!=typeof CSS&&"function"==typeof CSS.supports?n=CSS.supports("touch-action","none"):n=!0),n}var E=r(2305),O=r(9281),T=r(8024),L=r(2960),j=e=>!e||!(0,u.X)(e),I=r(2272),z=r(4535),N=r(7542);function A(e){return(0,N.ZP)("MuiSlider",e)}let B=(0,z.Z)("MuiSlider",["root","active","colorPrimary","colorSecondary","colorError","colorInfo","colorSuccess","colorWarning","disabled","dragging","focusVisible","mark","markActive","marked","markLabel","markLabelActive","rail","sizeSmall","thumb","thumbColorPrimary","thumbColorSecondary","thumbColorError","thumbColorSuccess","thumbColorInfo","thumbColorWarning","track","trackInverted","trackFalse","thumbSizeSmall","valueLabel","valueLabelOpen","valueLabelCircle","valueLabelLabel","vertical"]);var F=r(7437);let W=e=>{let{open:t}=e;return{offset:(0,l.Z)(t&&B.valueLabelOpen),circle:B.valueLabelCircle,label:B.valueLabelLabel}},D=["aria-label","aria-valuetext","aria-labelledby","component","components","componentsProps","color","classes","className","disableSwap","disabled","getAriaLabel","getAriaValueText","marks","max","min","name","onChange","onChangeCommitted","orientation","shiftStep","size","step","scale","slotProps","slots","tabIndex","track","value","valueLabelDisplay","valueLabelFormat"];function V(e){return e}let H=(0,T.ZP)("span",{name:"MuiSlider",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t["color".concat((0,I.Z)(r.color))],"medium"!==r.size&&t["size".concat((0,I.Z)(r.size))],r.marked&&t.marked,"vertical"===r.orientation&&t.vertical,"inverted"===r.track&&t.trackInverted,!1===r.track&&t.trackFalse]}})(e=>{let{theme:t,ownerState:r}=e;return(0,a.Z)({borderRadius:12,boxSizing:"content-box",display:"inline-block",position:"relative",cursor:"pointer",touchAction:"none",color:(t.vars||t).palette[r.color].main,WebkitTapHighlightColor:"transparent"},"horizontal"===r.orientation&&(0,a.Z)({height:4,width:"100%",padding:"13px 0","@media (pointer: coarse)":{padding:"20px 0"}},"small"===r.size&&{height:2},r.marked&&{marginBottom:20}),"vertical"===r.orientation&&(0,a.Z)({height:"100%",width:4,padding:"0 13px","@media (pointer: coarse)":{padding:"0 20px"}},"small"===r.size&&{width:2},r.marked&&{marginRight:44}),{"@media print":{colorAdjust:"exact"},["&.".concat(B.disabled)]:{pointerEvents:"none",cursor:"default",color:(t.vars||t).palette.grey[400]},["&.".concat(B.dragging)]:{["& .".concat(B.thumb,", & .").concat(B.track)]:{transition:"none"}}})}),q=(0,T.ZP)("span",{name:"MuiSlider",slot:"Rail",overridesResolver:(e,t)=>t.rail})(e=>{let{ownerState:t}=e;return(0,a.Z)({display:"block",position:"absolute",borderRadius:"inherit",backgroundColor:"currentColor",opacity:.38},"horizontal"===t.orientation&&{width:"100%",height:"inherit",top:"50%",transform:"translateY(-50%)"},"vertical"===t.orientation&&{height:"100%",width:"inherit",left:"50%",transform:"translateX(-50%)"},"inverted"===t.track&&{opacity:1})}),G=(0,T.ZP)("span",{name:"MuiSlider",slot:"Track",overridesResolver:(e,t)=>t.track})(e=>{let{theme:t,ownerState:r}=e,n="light"===t.palette.mode?(0,E.$n)(t.palette[r.color].main,.62):(0,E._j)(t.palette[r.color].main,.5);return(0,a.Z)({display:"block",position:"absolute",borderRadius:"inherit",border:"1px solid currentColor",backgroundColor:"currentColor",transition:t.transitions.create(["left","width","bottom","height"],{duration:t.transitions.duration.shortest})},"small"===r.size&&{border:"none"},"horizontal"===r.orientation&&{height:"inherit",top:"50%",transform:"translateY(-50%)"},"vertical"===r.orientation&&{width:"inherit",left:"50%",transform:"translateX(-50%)"},!1===r.track&&{display:"none"},"inverted"===r.track&&{backgroundColor:t.vars?t.vars.palette.Slider["".concat(r.color,"Track")]:n,borderColor:t.vars?t.vars.palette.Slider["".concat(r.color,"Track")]:n})}),_=(0,T.ZP)("span",{name:"MuiSlider",slot:"Thumb",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.thumb,t["thumbColor".concat((0,I.Z)(r.color))],"medium"!==r.size&&t["thumbSize".concat((0,I.Z)(r.size))]]}})(e=>{let{theme:t,ownerState:r}=e;return(0,a.Z)({position:"absolute",width:20,height:20,boxSizing:"border-box",borderRadius:"50%",outline:0,backgroundColor:"currentColor",display:"flex",alignItems:"center",justifyContent:"center",transition:t.transitions.create(["box-shadow","left","bottom"],{duration:t.transitions.duration.shortest})},"small"===r.size&&{width:12,height:12},"horizontal"===r.orientation&&{top:"50%",transform:"translate(-50%, -50%)"},"vertical"===r.orientation&&{left:"50%",transform:"translate(-50%, 50%)"},{"&::before":(0,a.Z)({position:"absolute",content:'""',borderRadius:"inherit",width:"100%",height:"100%",boxShadow:(t.vars||t).shadows[2]},"small"===r.size&&{boxShadow:"none"}),"&::after":{position:"absolute",content:'""',borderRadius:"50%",width:42,height:42,top:"50%",left:"50%",transform:"translate(-50%, -50%)"},["&:hover, &.".concat(B.focusVisible)]:{boxShadow:"0px 0px 0px 8px ".concat(t.vars?"rgba(".concat(t.vars.palette[r.color].mainChannel," / 0.16)"):(0,E.Fq)(t.palette[r.color].main,.16)),"@media (hover: none)":{boxShadow:"none"}},["&.".concat(B.active)]:{boxShadow:"0px 0px 0px 14px ".concat(t.vars?"rgba(".concat(t.vars.palette[r.color].mainChannel," / 0.16)"):(0,E.Fq)(t.palette[r.color].main,.16))},["&.".concat(B.disabled)]:{"&:hover":{boxShadow:"none"}}})}),$=(0,T.ZP)(function(e){let{children:t,className:r,value:n}=e,o=W(e);return t?i.cloneElement(t,{className:(0,l.Z)(t.props.className)},(0,F.jsxs)(i.Fragment,{children:[t.props.children,(0,F.jsx)("span",{className:(0,l.Z)(o.offset,r),"aria-hidden":!0,children:(0,F.jsx)("span",{className:o.circle,children:(0,F.jsx)("span",{className:o.label,children:n})})})]})):null},{name:"MuiSlider",slot:"ValueLabel",overridesResolver:(e,t)=>t.valueLabel})(e=>{let{theme:t,ownerState:r}=e;return(0,a.Z)({["&.".concat(B.valueLabelOpen)]:{transform:"".concat("vertical"===r.orientation?"translateY(-50%)":"translateY(-100%)"," scale(1)")},zIndex:1,whiteSpace:"nowrap"},t.typography.body2,{fontWeight:500,transition:t.transitions.create(["transform"],{duration:t.transitions.duration.shortest}),transform:"".concat("vertical"===r.orientation?"translateY(-50%)":"translateY(-100%)"," scale(0)"),position:"absolute",backgroundColor:(t.vars||t).palette.grey[600],borderRadius:2,color:(t.vars||t).palette.common.white,display:"flex",alignItems:"center",justifyContent:"center",padding:"0.25rem 0.75rem"},"horizontal"===r.orientation&&{top:"-10px",transformOrigin:"bottom center","&::before":{position:"absolute",content:'""',width:8,height:8,transform:"translate(-50%, 50%) rotate(45deg)",backgroundColor:"inherit",bottom:0,left:"50%"}},"vertical"===r.orientation&&{right:"small"===r.size?"20px":"30px",top:"50%",transformOrigin:"right center","&::before":{position:"absolute",content:'""',width:8,height:8,transform:"translate(-50%, -50%) rotate(45deg)",backgroundColor:"inherit",right:-8,top:"50%"}},"small"===r.size&&{fontSize:t.typography.pxToRem(12),padding:"0.25rem 0.5rem"})}),U=(0,T.ZP)("span",{name:"MuiSlider",slot:"Mark",shouldForwardProp:e=>(0,T.Dz)(e)&&"markActive"!==e,overridesResolver:(e,t)=>{let{markActive:r}=e;return[t.mark,r&&t.markActive]}})(e=>{let{theme:t,ownerState:r,markActive:n}=e;return(0,a.Z)({position:"absolute",width:2,height:2,borderRadius:1,backgroundColor:"currentColor"},"horizontal"===r.orientation&&{top:"50%",transform:"translate(-1px, -50%)"},"vertical"===r.orientation&&{left:"50%",transform:"translate(-50%, 1px)"},n&&{backgroundColor:(t.vars||t).palette.background.paper,opacity:.8})}),X=(0,T.ZP)("span",{name:"MuiSlider",slot:"MarkLabel",shouldForwardProp:e=>(0,T.Dz)(e)&&"markLabelActive"!==e,overridesResolver:(e,t)=>t.markLabel})(e=>{let{theme:t,ownerState:r,markLabelActive:n}=e;return(0,a.Z)({},t.typography.body2,{color:(t.vars||t).palette.text.secondary,position:"absolute",whiteSpace:"nowrap"},"horizontal"===r.orientation&&{top:30,transform:"translateX(-50%)","@media (pointer: coarse)":{top:40}},"vertical"===r.orientation&&{left:36,transform:"translateY(50%)","@media (pointer: coarse)":{left:44}},n&&{color:(t.vars||t).palette.text.primary})}),K=e=>{let{disabled:t,dragging:r,marked:n,orientation:o,track:a,classes:i,color:l,size:c}=e,u={root:["root",t&&"disabled",r&&"dragging",n&&"marked","vertical"===o&&"vertical","inverted"===a&&"trackInverted",!1===a&&"trackFalse",l&&"color".concat((0,I.Z)(l)),c&&"size".concat((0,I.Z)(c))],rail:["rail"],track:["track"],mark:["mark"],markActive:["markActive"],markLabel:["markLabel"],markLabelActive:["markLabelActive"],valueLabel:["valueLabel"],thumb:["thumb",t&&"disabled",c&&"thumbSize".concat((0,I.Z)(c)),l&&"thumbColor".concat((0,I.Z)(l))],active:["active"],disabled:["disabled"],focusVisible:["focusVisible"]};return(0,s.Z)(u,A,i)},Y=e=>{let{children:t}=e;return t};var J=i.forwardRef(function(e,t){var r,n,s,E,T,I,z,N,A,B,W,J,Q,ee,et,er,en,eo,ea,ei,el,es,ec,eu;let ed=(0,O.Z)({props:e,name:"MuiSlider"}),ep="rtl"===(0,L.Z)().direction,{"aria-label":ef,"aria-valuetext":em,"aria-labelledby":ev,component:eh="span",components:eg={},componentsProps:eb={},color:eZ="primary",classes:ex,className:ey,disableSwap:ew=!1,disabled:eS=!1,getAriaLabel:ek,getAriaValueText:eR,marks:eC=!1,max:eP=100,min:eM=0,orientation:eE="horizontal",shiftStep:eO=10,size:eT="medium",step:eL=1,scale:ej=V,slotProps:eI,slots:ez,track:eN="normal",valueLabelDisplay:eA="off",valueLabelFormat:eB=V}=ed,eF=(0,o.Z)(ed,D),eW=(0,a.Z)({},ed,{isRtl:ep,max:eP,min:eM,classes:ex,disabled:eS,disableSwap:ew,orientation:eE,marks:eC,color:eZ,size:eT,step:eL,shiftStep:eO,scale:ej,track:eN,valueLabelDisplay:eA,valueLabelFormat:eB}),{axisProps:eD,getRootProps:eV,getHiddenInputProps:eH,getThumbProps:eq,open:eG,active:e_,axis:e$,focusedThumbIndex:eU,range:eX,dragging:eK,marks:eY,values:eJ,trackOffset:eQ,trackLeap:e0,getThumbStyle:e1}=function(e){let{"aria-labelledby":t,defaultValue:r,disabled:n=!1,disableSwap:o=!1,isRtl:l=!1,marks:s=!1,max:c=100,min:u=0,name:E,onChange:O,onChangeCommitted:T,orientation:L="horizontal",rootRef:j,scale:I=P,step:z=1,shiftStep:N=10,tabIndex:A,value:B}=e,F=i.useRef(),[W,D]=i.useState(-1),[V,H]=i.useState(-1),[q,G]=i.useState(!1),_=i.useRef(0),[$,U]=(0,p.Z)({controlled:B,default:null!=r?r:u,name:"Slider"}),X=O&&((e,t,r)=>{let n=e.nativeEvent||e,o=new n.constructor(n.type,n);Object.defineProperty(o,"target",{writable:!0,value:{value:t,name:E}}),O(o,t,r)}),K=Array.isArray($),Y=K?$.slice().sort(x):[$];Y=Y.map(e=>null==e?u:(0,f.Z)(e,u,c));let J=!0===s&&null!==z?[...Array(Math.floor((c-u)/z)+1)].map((e,t)=>({value:u+z*t})):s||[],Q=J.map(e=>e.value),{isFocusVisibleRef:ee,onBlur:et,onFocus:er,ref:en}=(0,m.Z)(),[eo,ea]=i.useState(-1),ei=i.useRef(),el=(0,v.Z)(en,ei),es=(0,v.Z)(j,el),ec=e=>t=>{var r;let n=Number(t.currentTarget.getAttribute("data-index"));er(t),!0===ee.current&&ea(n),H(n),null==e||null==(r=e.onFocus)||r.call(e,t)},eu=e=>t=>{var r;et(t),!1===ee.current&&ea(-1),H(-1),null==e||null==(r=e.onBlur)||r.call(e,t)},ed=(e,t)=>{let r=Number(e.currentTarget.getAttribute("data-index")),n=Y[r],a=Q.indexOf(n),i=t;if(J&&null==z){let e=Q[Q.length-1];i=i>e?e:it=>{var r;if(null!==z){let e=Y[Number(t.currentTarget.getAttribute("data-index"))],r=null;("ArrowLeft"===t.key||"ArrowDown"===t.key)&&t.shiftKey||"PageDown"===t.key?r=Math.max(e-N,u):(("ArrowRight"===t.key||"ArrowUp"===t.key)&&t.shiftKey||"PageUp"===t.key)&&(r=Math.min(e+N,c)),null!==r&&(ed(t,r),t.preventDefault())}null==e||null==(r=e.onKeyDown)||r.call(e,t)};(0,h.Z)(()=>{if(n&&ei.current.contains(document.activeElement)){var e;null==(e=document.activeElement)||e.blur()}},[n]),n&&-1!==W&&D(-1),n&&-1!==eo&&ea(-1);let ef=e=>t=>{var r;null==(r=e.onChange)||r.call(e,t),ed(t,t.target.valueAsNumber)},em=i.useRef(),ev=L;l&&"horizontal"===L&&(ev+="-reverse");let eh=e=>{let t,r,{finger:n,move:a=!1}=e,{current:i}=ei,{width:l,height:s,bottom:d,left:p}=i.getBoundingClientRect();if(t=0===ev.indexOf("vertical")?(d-n.y)/s:(n.x-p)/l,-1!==ev.indexOf("-reverse")&&(t=1-t),r=(c-u)*t+u,z)r=Number((Math.round((r-u)/z)*z+u).toFixed(function(e){if(1>Math.abs(e)){let t=e.toExponential().split("e-"),r=t[0].split(".")[1];return(r?r.length:0)+parseInt(t[1],10)}let t=e.toString().split(".")[1];return t?t.length:0}(z)));else{let e=y(Q,r);r=Q[e]}r=(0,f.Z)(r,u,c);let m=0;if(K){m=a?em.current:y(Y,r),o&&(r=(0,f.Z)(r,Y[m-1]||-1/0,Y[m+1]||1/0));let e=r;r=S({values:Y,newValue:r,index:m}),o&&a||(m=r.indexOf(e),em.current=m)}return{newValue:r,activeIndex:m}},eg=(0,g.Z)(e=>{let t=w(e,F);if(!t)return;if(_.current+=1,"mousemove"===e.type&&0===e.buttons){eb(e);return}let{newValue:r,activeIndex:n}=eh({finger:t,move:!0});k({sliderRef:ei,activeIndex:n,setActive:D}),U(r),!q&&_.current>2&&G(!0),X&&!R(r,$)&&X(e,r,n)}),eb=(0,g.Z)(e=>{let t=w(e,F);if(G(!1),!t)return;let{newValue:r}=eh({finger:t,move:!0});D(-1),"touchend"===e.type&&H(-1),T&&T(e,r),F.current=void 0,ex()}),eZ=(0,g.Z)(e=>{if(n)return;M()||e.preventDefault();let t=e.changedTouches[0];null!=t&&(F.current=t.identifier);let r=w(e,F);if(!1!==r){let{newValue:t,activeIndex:n}=eh({finger:r});k({sliderRef:ei,activeIndex:n,setActive:D}),U(t),X&&!R(t,$)&&X(e,t,n)}_.current=0;let o=(0,d.Z)(ei.current);o.addEventListener("touchmove",eg,{passive:!0}),o.addEventListener("touchend",eb,{passive:!0})}),ex=i.useCallback(()=>{let e=(0,d.Z)(ei.current);e.removeEventListener("mousemove",eg),e.removeEventListener("mouseup",eb),e.removeEventListener("touchmove",eg),e.removeEventListener("touchend",eb)},[eb,eg]);i.useEffect(()=>{let{current:e}=ei;return e.addEventListener("touchstart",eZ,{passive:M()}),()=>{e.removeEventListener("touchstart",eZ),ex()}},[ex,eZ]),i.useEffect(()=>{n&&ex()},[n,ex]);let ey=e=>t=>{var r;if(null==(r=e.onMouseDown)||r.call(e,t),n||t.defaultPrevented||0!==t.button)return;t.preventDefault();let o=w(t,F);if(!1!==o){let{newValue:e,activeIndex:r}=eh({finger:o});k({sliderRef:ei,activeIndex:r,setActive:D}),U(e),X&&!R(e,$)&&X(t,e,r)}_.current=0;let a=(0,d.Z)(ei.current);a.addEventListener("mousemove",eg,{passive:!0}),a.addEventListener("mouseup",eb)},ew=((K?Y[0]:u)-u)*100/(c-u),eS=(Y[Y.length-1]-u)*100/(c-u)-ew,ek=e=>t=>{var r;null==(r=e.onMouseOver)||r.call(e,t),H(Number(t.currentTarget.getAttribute("data-index")))},eR=e=>t=>{var r;null==(r=e.onMouseLeave)||r.call(e,t),H(-1)};return{active:W,axis:ev,axisProps:C,dragging:q,focusedThumbIndex:eo,getHiddenInputProps:function(){var r;let o=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},i=(0,Z._)(o),s={onChange:ef(i||{}),onFocus:ec(i||{}),onBlur:eu(i||{}),onKeyDown:ep(i||{})},d=(0,a.Z)({},i,s);return(0,a.Z)({tabIndex:A,"aria-labelledby":t,"aria-orientation":L,"aria-valuemax":I(c),"aria-valuemin":I(u),name:E,type:"range",min:e.min,max:e.max,step:null===e.step&&e.marks?"any":null!=(r=e.step)?r:void 0,disabled:n},o,d,{style:(0,a.Z)({},b,{direction:l?"rtl":"ltr",width:"100%",height:"100%"})})},getRootProps:function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},t=(0,Z._)(e),r={onMouseDown:ey(t||{})},n=(0,a.Z)({},t,r);return(0,a.Z)({},e,{ref:es},n)},getThumbProps:function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},t=(0,Z._)(e),r={onMouseOver:ek(t||{}),onMouseLeave:eR(t||{})};return(0,a.Z)({},e,t,r)},marks:J,open:V,range:K,rootRef:es,trackLeap:eS,trackOffset:ew,values:Y,getThumbStyle:e=>({pointerEvents:-1!==W&&W!==e?"none":void 0})}}((0,a.Z)({},eW,{rootRef:t}));eW.marked=eY.length>0&&eY.some(e=>e.label),eW.dragging=eK,eW.focusedThumbIndex=eU;let e2=K(eW),e5=null!=(r=null!=(n=null==ez?void 0:ez.root)?n:eg.Root)?r:H,e4=null!=(s=null!=(E=null==ez?void 0:ez.rail)?E:eg.Rail)?s:q,e8=null!=(T=null!=(I=null==ez?void 0:ez.track)?I:eg.Track)?T:G,e9=null!=(z=null!=(N=null==ez?void 0:ez.thumb)?N:eg.Thumb)?z:_,e6=null!=(A=null!=(B=null==ez?void 0:ez.valueLabel)?B:eg.ValueLabel)?A:$,e7=null!=(W=null!=(J=null==ez?void 0:ez.mark)?J:eg.Mark)?W:U,e3=null!=(Q=null!=(ee=null==ez?void 0:ez.markLabel)?ee:eg.MarkLabel)?Q:X,te=null!=(et=null!=(er=null==ez?void 0:ez.input)?er:eg.Input)?et:"input",tt=null!=(en=null==eI?void 0:eI.root)?en:eb.root,tr=null!=(eo=null==eI?void 0:eI.rail)?eo:eb.rail,tn=null!=(ea=null==eI?void 0:eI.track)?ea:eb.track,to=null!=(ei=null==eI?void 0:eI.thumb)?ei:eb.thumb,ta=null!=(el=null==eI?void 0:eI.valueLabel)?el:eb.valueLabel,ti=null!=(es=null==eI?void 0:eI.mark)?es:eb.mark,tl=null!=(ec=null==eI?void 0:eI.markLabel)?ec:eb.markLabel,ts=null!=(eu=null==eI?void 0:eI.input)?eu:eb.input,tc=(0,c.y)({elementType:e5,getSlotProps:eV,externalSlotProps:tt,externalForwardedProps:eF,additionalProps:(0,a.Z)({},j(e5)&&{as:eh}),ownerState:(0,a.Z)({},eW,null==tt?void 0:tt.ownerState),className:[e2.root,ey]}),tu=(0,c.y)({elementType:e4,externalSlotProps:tr,ownerState:eW,className:e2.rail}),td=(0,c.y)({elementType:e8,externalSlotProps:tn,additionalProps:{style:(0,a.Z)({},eD[e$].offset(eQ),eD[e$].leap(e0))},ownerState:(0,a.Z)({},eW,null==tn?void 0:tn.ownerState),className:e2.track}),tp=(0,c.y)({elementType:e9,getSlotProps:eq,externalSlotProps:to,ownerState:(0,a.Z)({},eW,null==to?void 0:to.ownerState),className:e2.thumb}),tf=(0,c.y)({elementType:e6,externalSlotProps:ta,ownerState:(0,a.Z)({},eW,null==ta?void 0:ta.ownerState),className:e2.valueLabel}),tm=(0,c.y)({elementType:e7,externalSlotProps:ti,ownerState:eW,className:e2.mark}),tv=(0,c.y)({elementType:e3,externalSlotProps:tl,ownerState:eW,className:e2.markLabel}),th=(0,c.y)({elementType:te,getSlotProps:eH,externalSlotProps:ts,ownerState:eW});return(0,F.jsxs)(e5,(0,a.Z)({},tc,{children:[(0,F.jsx)(e4,(0,a.Z)({},tu)),(0,F.jsx)(e8,(0,a.Z)({},td)),eY.filter(e=>e.value>=eM&&e.value<=eP).map((e,t)=>{let r;let n=(e.value-eM)*100/(eP-eM),o=eD[e$].offset(n);return r=!1===eN?-1!==eJ.indexOf(e.value):"normal"===eN&&(eX?e.value>=eJ[0]&&e.value<=eJ[eJ.length-1]:e.value<=eJ[0])||"inverted"===eN&&(eX?e.value<=eJ[0]||e.value>=eJ[eJ.length-1]:e.value>=eJ[0]),(0,F.jsxs)(i.Fragment,{children:[(0,F.jsx)(e7,(0,a.Z)({"data-index":t},tm,!(0,u.X)(e7)&&{markActive:r},{style:(0,a.Z)({},o,tm.style),className:(0,l.Z)(tm.className,r&&e2.markActive)})),null!=e.label?(0,F.jsx)(e3,(0,a.Z)({"aria-hidden":!0,"data-index":t},tv,!(0,u.X)(e3)&&{markLabelActive:r},{style:(0,a.Z)({},o,tv.style),className:(0,l.Z)(e2.markLabel,tv.className,r&&e2.markLabelActive),children:e.label})):null]},t)}),eJ.map((e,t)=>{let r=(e-eM)*100/(eP-eM),n=eD[e$].offset(r),o="off"===eA?Y:e6;return(0,F.jsx)(o,(0,a.Z)({},!(0,u.X)(o)&&{valueLabelFormat:eB,valueLabelDisplay:eA,value:"function"==typeof eB?eB(ej(e),t):eB,index:t,open:eG===t||e_===t||"on"===eA,disabled:eS},tf,{children:(0,F.jsx)(e9,(0,a.Z)({"data-index":t},tp,{className:(0,l.Z)(e2.thumb,tp.className,e_===t&&e2.active,eU===t&&e2.focusVisible),style:(0,a.Z)({},n,e1(t),tp.style),children:(0,F.jsx)(te,(0,a.Z)({"data-index":t,"aria-label":ek?ek(t):ef,"aria-valuenow":ej(e),"aria-labelledby":ev,"aria-valuetext":eR?eR(ej(e),t):em,value:eJ[t]},th))}))}),t)})]}))})},1520:function(e,t,r){"use strict";r.d(t,{Z:function(){return B}});var n=r(3950),o=r(2988),a=r(2265),i=r(6259),l=r(5651),s=r(2367),c=r(9244),u=r(5694),d=r(7437);function p(e){return e.substring(2).toLowerCase()}function f(e){let{children:t,disableReactTree:r=!1,mouseEvent:n="onClick",onClickAway:o,touchEvent:i="onTouchEnd"}=e,l=a.useRef(!1),f=a.useRef(null),m=a.useRef(!1),v=a.useRef(!1);a.useEffect(()=>(setTimeout(()=>{m.current=!0},0),()=>{m.current=!1}),[]);let h=(0,s.Z)(t.ref,f),g=(0,c.Z)(e=>{let t=v.current;v.current=!1;let n=(0,u.Z)(f.current);if(m.current&&f.current&&(!("clientX"in e)||!(n.documentElement.clientWidth-1:!n.documentElement.contains(e.target)||f.current.contains(e.target))||!r&&t||o(e)}}),b=e=>r=>{v.current=!0;let n=t.props[e];n&&n(r)},Z={ref:h};return!1!==i&&(Z[i]=b(i)),a.useEffect(()=>{if(!1!==i){let e=p(i),t=(0,u.Z)(f.current),r=()=>{l.current=!0};return t.addEventListener(e,g),t.addEventListener("touchmove",r),()=>{t.removeEventListener(e,g),t.removeEventListener("touchmove",r)}}},[g,i]),!1!==n&&(Z[n]=b(n)),a.useEffect(()=>{if(!1!==n){let e=p(n),t=(0,u.Z)(f.current);return t.addEventListener(e,g),()=>{t.removeEventListener(e,g)}}},[g,n]),(0,d.jsx)(a.Fragment,{children:a.cloneElement(t,Z)})}var m=r(9930),v=r(317),h=r(8024),g=r(2960),b=r(9281),Z=r(2272),x=r(7040),y=r(4839),w=r(2305),S=r(8027),k=r(4535),R=r(7542);function C(e){return(0,R.ZP)("MuiSnackbarContent",e)}(0,k.Z)("MuiSnackbarContent",["root","message","action"]);let P=["action","className","message","role"],M=e=>{let{classes:t}=e;return(0,i.Z)({root:["root"],action:["action"],message:["message"]},C,t)},E=(0,h.ZP)(S.Z,{name:"MuiSnackbarContent",slot:"Root",overridesResolver:(e,t)=>t.root})(e=>{let{theme:t}=e,r="light"===t.palette.mode?.8:.98,n=(0,w._4)(t.palette.background.default,r);return(0,o.Z)({},t.typography.body2,{color:t.vars?t.vars.palette.SnackbarContent.color:t.palette.getContrastText(n),backgroundColor:t.vars?t.vars.palette.SnackbarContent.bg:n,display:"flex",alignItems:"center",flexWrap:"wrap",padding:"6px 16px",borderRadius:(t.vars||t).shape.borderRadius,flexGrow:1,[t.breakpoints.up("sm")]:{flexGrow:"initial",minWidth:288}})}),O=(0,h.ZP)("div",{name:"MuiSnackbarContent",slot:"Message",overridesResolver:(e,t)=>t.message})({padding:"8px 0"}),T=(0,h.ZP)("div",{name:"MuiSnackbarContent",slot:"Action",overridesResolver:(e,t)=>t.action})({display:"flex",alignItems:"center",marginLeft:"auto",paddingLeft:16,marginRight:-8}),L=a.forwardRef(function(e,t){let r=(0,b.Z)({props:e,name:"MuiSnackbarContent"}),{action:a,className:i,message:l,role:s="alert"}=r,c=(0,n.Z)(r,P),u=M(r);return(0,d.jsxs)(E,(0,o.Z)({role:s,square:!0,elevation:6,className:(0,y.Z)(u.root,i),ownerState:r,ref:t},c,{children:[(0,d.jsx)(O,{className:u.message,ownerState:r,children:l}),a?(0,d.jsx)(T,{className:u.action,ownerState:r,children:a}):null]}))});function j(e){return(0,R.ZP)("MuiSnackbar",e)}(0,k.Z)("MuiSnackbar",["root","anchorOriginTopCenter","anchorOriginBottomCenter","anchorOriginTopRight","anchorOriginBottomRight","anchorOriginTopLeft","anchorOriginBottomLeft"]);let I=["onEnter","onExited"],z=["action","anchorOrigin","autoHideDuration","children","className","ClickAwayListenerProps","ContentProps","disableWindowBlurListener","message","onBlur","onClose","onFocus","onMouseEnter","onMouseLeave","open","resumeHideDuration","TransitionComponent","transitionDuration","TransitionProps"],N=e=>{let{classes:t,anchorOrigin:r}=e,n={root:["root","anchorOrigin".concat((0,Z.Z)(r.vertical)).concat((0,Z.Z)(r.horizontal))]};return(0,i.Z)(n,j,t)},A=(0,h.ZP)("div",{name:"MuiSnackbar",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t["anchorOrigin".concat((0,Z.Z)(r.anchorOrigin.vertical)).concat((0,Z.Z)(r.anchorOrigin.horizontal))]]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({zIndex:(t.vars||t).zIndex.snackbar,position:"fixed",display:"flex",left:8,right:8,justifyContent:"center",alignItems:"center"},"top"===r.anchorOrigin.vertical?{top:8}:{bottom:8},"left"===r.anchorOrigin.horizontal&&{justifyContent:"flex-start"},"right"===r.anchorOrigin.horizontal&&{justifyContent:"flex-end"},{[t.breakpoints.up("sm")]:(0,o.Z)({},"top"===r.anchorOrigin.vertical?{top:24}:{bottom:24},"center"===r.anchorOrigin.horizontal&&{left:"50%",right:"auto",transform:"translateX(-50%)"},"left"===r.anchorOrigin.horizontal&&{left:24,right:"auto"},"right"===r.anchorOrigin.horizontal&&{right:24,left:"auto"})})});var B=a.forwardRef(function(e,t){let r=(0,b.Z)({props:e,name:"MuiSnackbar"}),i=(0,g.Z)(),s={enter:i.transitions.duration.enteringScreen,exit:i.transitions.duration.leavingScreen},{action:u,anchorOrigin:{vertical:p,horizontal:h}={vertical:"bottom",horizontal:"left"},autoHideDuration:Z=null,children:y,className:w,ClickAwayListenerProps:S,ContentProps:k,disableWindowBlurListener:R=!1,message:C,open:P,TransitionComponent:M=x.Z,transitionDuration:E=s,TransitionProps:{onEnter:O,onExited:T}={}}=r,j=(0,n.Z)(r.TransitionProps,I),B=(0,n.Z)(r,z),F=(0,o.Z)({},r,{anchorOrigin:{vertical:p,horizontal:h},autoHideDuration:Z,disableWindowBlurListener:R,TransitionComponent:M,transitionDuration:E}),W=N(F),{getRootProps:D,onClickAway:V}=function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},{autoHideDuration:t=null,disableWindowBlurListener:r=!1,onClose:n,open:i,resumeHideDuration:l}=e,s=(0,m.Z)();a.useEffect(()=>{if(i)return document.addEventListener("keydown",e),()=>{document.removeEventListener("keydown",e)};function e(e){e.defaultPrevented||"Escape"!==e.key&&"Esc"!==e.key||null==n||n(e,"escapeKeyDown")}},[i,n]);let u=(0,c.Z)((e,t)=>{null==n||n(e,t)}),d=(0,c.Z)(e=>{n&&null!=e&&s.start(e,()=>{u(null,"timeout")})});a.useEffect(()=>(i&&d(t),s.clear),[i,t,d,s]);let p=s.clear,f=a.useCallback(()=>{null!=t&&d(null!=l?l:.5*t)},[t,l,d]),h=e=>t=>{let r=e.onBlur;null==r||r(t),f()},g=e=>t=>{let r=e.onFocus;null==r||r(t),p()},b=e=>t=>{let r=e.onMouseEnter;null==r||r(t),p()},Z=e=>t=>{let r=e.onMouseLeave;null==r||r(t),f()};return a.useEffect(()=>{if(!r&&i)return window.addEventListener("focus",f),window.addEventListener("blur",p),()=>{window.removeEventListener("focus",f),window.removeEventListener("blur",p)}},[r,i,f,p]),{getRootProps:function(){let t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},r=(0,o.Z)({},(0,v._)(e),(0,v._)(t));return(0,o.Z)({role:"presentation"},t,r,{onBlur:h(r),onFocus:g(r),onMouseEnter:b(r),onMouseLeave:Z(r)})},onClickAway:e=>{null==n||n(e,"clickaway")}}}((0,o.Z)({},F)),[H,q]=a.useState(!0),G=(0,l.y)({elementType:A,getSlotProps:D,externalForwardedProps:B,ownerState:F,additionalProps:{ref:t},className:[W.root,w]});return!P&&H?null:(0,d.jsx)(f,(0,o.Z)({onClickAway:V},S,{children:(0,d.jsx)(A,(0,o.Z)({},G,{children:(0,d.jsx)(M,(0,o.Z)({appear:!0,in:P,timeout:E,direction:"top"===p?"down":"up",onEnter:(e,t)=>{q(!1),O&&O(e,t)},onExited:e=>{q(!0),T&&T(e)}},j,{children:y||(0,d.jsx)(L,(0,o.Z)({message:C,action:u},k))}))}))}))})},8929:function(e,t,r){"use strict";r.d(t,{Z:function(){return R}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6529),s=r(6259),c=r(7542),u=r(7794),d=r(4999),p=r(261),f=r(2501),m=r(6575),v=r(3351),h=r(7437);let g=["component","direction","spacing","divider","children","className","useFlexGap"],b=(0,f.Z)(),Z=(0,u.Z)("div",{name:"MuiStack",slot:"Root",overridesResolver:(e,t)=>t.root});function x(e){return(0,d.Z)({props:e,name:"MuiStack",defaultTheme:b})}let y=e=>({row:"Left","row-reverse":"Right",column:"Top","column-reverse":"Bottom"})[e],w=({ownerState:e,theme:t})=>{let r=(0,o.Z)({display:"flex",flexDirection:"column"},(0,m.k9)({theme:t},(0,m.P$)({values:e.direction,breakpoints:t.breakpoints.values}),e=>({flexDirection:e})));if(e.spacing){let n=(0,v.hB)(t),o=Object.keys(t.breakpoints.values).reduce((t,r)=>(("object"==typeof e.spacing&&null!=e.spacing[r]||"object"==typeof e.direction&&null!=e.direction[r])&&(t[r]=!0),t),{}),a=(0,m.P$)({values:e.direction,base:o}),i=(0,m.P$)({values:e.spacing,base:o});"object"==typeof a&&Object.keys(a).forEach((e,t,r)=>{if(!a[e]){let n=t>0?a[r[t-1]]:"column";a[e]=n}}),r=(0,l.Z)(r,(0,m.k9)({theme:t},i,(t,r)=>e.useFlexGap?{gap:(0,v.NA)(n,t)}:{"& > :not(style):not(style)":{margin:0},"& > :not(style) ~ :not(style)":{[`margin${y(r?a[r]:e.direction)}`]:(0,v.NA)(n,t)}}))}return(0,m.dt)(t.breakpoints,r)};var S=r(8024),k=r(9281),R=function(e={}){let{createStyledComponent:t=Z,useThemeProps:r=x,componentName:l="MuiStack"}=e,u=()=>(0,s.Z)({root:["root"]},e=>(0,c.ZP)(l,e),{}),d=t(w);return a.forwardRef(function(e,t){let l=r(e),s=(0,p.Z)(l),{component:c="div",direction:f="column",spacing:m=0,divider:v,children:b,className:Z,useFlexGap:x=!1}=s,y=(0,n.Z)(s,g),w=u();return(0,h.jsx)(d,(0,o.Z)({as:c,ownerState:{direction:f,spacing:m,useFlexGap:x},ref:t,className:(0,i.Z)(w.root,Z)},y,{children:v?function(e,t){let r=a.Children.toArray(e).filter(Boolean);return r.reduce((e,n,o)=>(e.push(n),ot.root}),useThemeProps:e=>(0,k.Z)({props:e,name:"MuiStack"})})},3983:function(e,t,r){"use strict";r.d(t,{Z:function(){return z}});var n,o=r(2988),a=r(3950),i=r(2265),l=r(4839),s=r(6259),c=r(674),u=r(8024),d=r(9281),p=r(1236),f=r(2299),m=r(866),v=r(7351),h=r(8549),g=r(8868),b=r(8875),Z=r(2272),x=r(4535),y=r(7542);function w(e){return(0,y.ZP)("MuiFormHelperText",e)}let S=(0,x.Z)("MuiFormHelperText",["root","error","disabled","sizeSmall","sizeMedium","contained","focused","filled","required"]);var k=r(7437);let R=["children","className","component","disabled","error","filled","focused","margin","required","variant"],C=e=>{let{classes:t,contained:r,size:n,disabled:o,error:a,filled:i,focused:l,required:c}=e,u={root:["root",o&&"disabled",a&&"error",n&&"size".concat((0,Z.Z)(n)),r&&"contained",l&&"focused",i&&"filled",c&&"required"]};return(0,s.Z)(u,w,t)},P=(0,u.ZP)("p",{name:"MuiFormHelperText",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,r.size&&t["size".concat((0,Z.Z)(r.size))],r.contained&&t.contained,r.filled&&t.filled]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({color:(t.vars||t).palette.text.secondary},t.typography.caption,{textAlign:"left",marginTop:3,marginRight:0,marginBottom:0,marginLeft:0,["&.".concat(S.disabled)]:{color:(t.vars||t).palette.text.disabled},["&.".concat(S.error)]:{color:(t.vars||t).palette.error.main}},"small"===r.size&&{marginTop:4},r.contained&&{marginLeft:14,marginRight:14})}),M=i.forwardRef(function(e,t){let r=(0,d.Z)({props:e,name:"MuiFormHelperText"}),{children:i,className:s,component:c="p"}=r,u=(0,a.Z)(r,R),p=(0,b.Z)(),f=(0,g.Z)({props:r,muiFormControl:p,states:["variant","size","disabled","error","filled","focused","required"]}),m=(0,o.Z)({},r,{component:c,contained:"filled"===f.variant||"outlined"===f.variant,variant:f.variant,size:f.size,disabled:f.disabled,error:f.error,filled:f.filled,focused:f.focused,required:f.required}),v=C(m);return(0,k.jsx)(P,(0,o.Z)({as:c,ownerState:m,className:(0,l.Z)(v.root,s),ref:t},u,{children:" "===i?n||(n=(0,k.jsx)("span",{className:"notranslate",children:"​"})):i}))});var E=r(4893);function O(e){return(0,y.ZP)("MuiTextField",e)}(0,x.Z)("MuiTextField",["root"]);let T=["autoComplete","autoFocus","children","className","color","defaultValue","disabled","error","FormHelperTextProps","fullWidth","helperText","id","InputLabelProps","inputProps","InputProps","inputRef","label","maxRows","minRows","multiline","name","onBlur","onChange","onFocus","placeholder","required","rows","select","SelectProps","type","value","variant"],L={standard:p.Z,filled:f.Z,outlined:m.Z},j=e=>{let{classes:t}=e;return(0,s.Z)({root:["root"]},O,t)},I=(0,u.ZP)(h.Z,{name:"MuiTextField",slot:"Root",overridesResolver:(e,t)=>t.root})({});var z=i.forwardRef(function(e,t){let r=(0,d.Z)({props:e,name:"MuiTextField"}),{autoComplete:n,autoFocus:i=!1,children:s,className:u,color:p="primary",defaultValue:f,disabled:m=!1,error:h=!1,FormHelperTextProps:g,fullWidth:b=!1,helperText:Z,id:x,InputLabelProps:y,inputProps:w,InputProps:S,inputRef:R,label:C,maxRows:P,minRows:O,multiline:z=!1,name:N,onBlur:A,onChange:B,onFocus:F,placeholder:W,required:D=!1,rows:V,select:H=!1,SelectProps:q,type:G,value:_,variant:$="outlined"}=r,U=(0,a.Z)(r,T),X=(0,o.Z)({},r,{autoFocus:i,color:p,disabled:m,error:h,fullWidth:b,multiline:z,required:D,select:H,variant:$}),K=j(X),Y={};"outlined"===$&&(y&&void 0!==y.shrink&&(Y.notched=y.shrink),Y.label=C),H&&(q&&q.native||(Y.id=void 0),Y["aria-describedby"]=void 0);let J=(0,c.Z)(x),Q=Z&&J?"".concat(J,"-helper-text"):void 0,ee=C&&J?"".concat(J,"-label"):void 0,et=L[$],er=(0,k.jsx)(et,(0,o.Z)({"aria-describedby":Q,autoComplete:n,autoFocus:i,defaultValue:f,fullWidth:b,multiline:z,name:N,rows:V,maxRows:P,minRows:O,type:G,value:_,id:J,inputRef:R,onBlur:A,onChange:B,onFocus:F,placeholder:W,inputProps:w},Y,S));return(0,k.jsxs)(I,(0,o.Z)({className:(0,l.Z)(K.root,u),disabled:m,error:h,fullWidth:b,ref:t,required:D,color:p,variant:$,ownerState:X},U,{children:[null!=C&&""!==C&&(0,k.jsx)(v.Z,(0,o.Z)({htmlFor:J,id:ee},y,{children:C})),H?(0,k.jsx)(E.Z,(0,o.Z)({"aria-describedby":Q,id:J,labelId:ee,value:_,input:er},q,{children:s})):er,Z&&(0,k.jsx)(M,(0,o.Z)({id:Q},g,{children:Z}))]}))})},9143:function(e,t,r){"use strict";r.d(t,{Z:function(){return w}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(9481),s=r(6259),c=r(2305),u=r(9022),d=r(2272),p=r(9281),f=r(8024),m=r(919),v=r(1764),h=r(4674),g=r(7437);let b=["value"],Z=["children","className","color","disabled","disableFocusRipple","fullWidth","onChange","onClick","selected","size","value"],x=e=>{let{classes:t,fullWidth:r,selected:n,disabled:o,size:a,color:i}=e,l={root:["root",n&&"selected",o&&"disabled",r&&"fullWidth","size".concat((0,d.Z)(a)),i]};return(0,s.Z)(l,m.a,t)},y=(0,f.ZP)(u.Z,{name:"MuiToggleButton",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,t["size".concat((0,d.Z)(r.size))]]}})(e=>{let t,{theme:r,ownerState:n}=e,a="standard"===n.color?r.palette.text.primary:r.palette[n.color].main;return r.vars&&(a="standard"===n.color?r.vars.palette.text.primary:r.vars.palette[n.color].main,t="standard"===n.color?r.vars.palette.text.primaryChannel:r.vars.palette[n.color].mainChannel),(0,o.Z)({},r.typography.button,{borderRadius:(r.vars||r).shape.borderRadius,padding:11,border:"1px solid ".concat((r.vars||r).palette.divider),color:(r.vars||r).palette.action.active},n.fullWidth&&{width:"100%"},{["&.".concat(m.Z.disabled)]:{color:(r.vars||r).palette.action.disabled,border:"1px solid ".concat((r.vars||r).palette.action.disabledBackground)},"&:hover":{textDecoration:"none",backgroundColor:r.vars?"rgba(".concat(r.vars.palette.text.primaryChannel," / ").concat(r.vars.palette.action.hoverOpacity,")"):(0,c.Fq)(r.palette.text.primary,r.palette.action.hoverOpacity),"@media (hover: none)":{backgroundColor:"transparent"}},["&.".concat(m.Z.selected)]:{color:a,backgroundColor:r.vars?"rgba(".concat(t," / ").concat(r.vars.palette.action.selectedOpacity,")"):(0,c.Fq)(a,r.palette.action.selectedOpacity),"&:hover":{backgroundColor:r.vars?"rgba(".concat(t," / calc(").concat(r.vars.palette.action.selectedOpacity," + ").concat(r.vars.palette.action.hoverOpacity,"))"):(0,c.Fq)(a,r.palette.action.selectedOpacity+r.palette.action.hoverOpacity),"@media (hover: none)":{backgroundColor:r.vars?"rgba(".concat(t," / ").concat(r.vars.palette.action.selectedOpacity,")"):(0,c.Fq)(a,r.palette.action.selectedOpacity)}}}},"small"===n.size&&{padding:7,fontSize:r.typography.pxToRem(13)},"large"===n.size&&{padding:15,fontSize:r.typography.pxToRem(15)})});var w=a.forwardRef(function(e,t){var r;let s=a.useContext(v.Z),{value:c}=s,u=(0,n.Z)(s,b),d=a.useContext(h.Z),f=(0,l.Z)((0,o.Z)({},u,{selected:(r=e.value,void 0!==c&&void 0!==r&&(Array.isArray(c)?c.indexOf(r)>=0:r===c))}),e),m=(0,p.Z)({props:f,name:"MuiToggleButton"}),{children:w,className:S,color:k="standard",disabled:R=!1,disableFocusRipple:C=!1,fullWidth:P=!1,onChange:M,onClick:E,selected:O,size:T="medium",value:L}=m,j=(0,n.Z)(m,Z),I=(0,o.Z)({},m,{color:k,disabled:R,disableFocusRipple:C,fullWidth:P,size:T}),z=x(I);return(0,g.jsx)(y,(0,o.Z)({className:(0,i.Z)(u.className,z.root,S,d||""),disabled:R,focusRipple:!C,ref:t,onClick:e=>{E&&(E(e,L),e.defaultPrevented)||!M||M(e,L)},onChange:M,value:L,ownerState:I,"aria-pressed":O},j,{children:w}))})},919:function(e,t,r){"use strict";r.d(t,{a:function(){return a}});var n=r(4535),o=r(7542);function a(e){return(0,o.ZP)("MuiToggleButton",e)}let i=(0,n.Z)("MuiToggleButton",["root","disabled","selected","standard","primary","secondary","sizeSmall","sizeMedium","sizeLarge","fullWidth"]);t.Z=i},5911:function(e,t,r){"use strict";r.d(t,{Z:function(){return w}});var n=r(3950),o=r(2988),a=r(2265);r(2659);var i=r(4839),l=r(6259),s=r(8024),c=r(9281),u=r(2272),d=r(4535),p=r(7542);function f(e){return(0,p.ZP)("MuiToggleButtonGroup",e)}let m=(0,d.Z)("MuiToggleButtonGroup",["root","selected","vertical","disabled","grouped","groupedHorizontal","groupedVertical","fullWidth","firstButton","lastButton","middleButton"]);var v=r(1764),h=r(4674),g=r(919),b=r(7437);let Z=["children","className","color","disabled","exclusive","fullWidth","onChange","orientation","size","value"],x=e=>{let{classes:t,orientation:r,fullWidth:n,disabled:o}=e,a={root:["root","vertical"===r&&"vertical",n&&"fullWidth"],grouped:["grouped","grouped".concat((0,u.Z)(r)),o&&"disabled"],firstButton:["firstButton"],lastButton:["lastButton"],middleButton:["middleButton"]};return(0,l.Z)(a,f,t)},y=(0,s.ZP)("div",{name:"MuiToggleButtonGroup",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[{["& .".concat(m.grouped)]:t.grouped},{["& .".concat(m.grouped)]:t["grouped".concat((0,u.Z)(r.orientation))]},{["& .".concat(m.firstButton)]:t.firstButton},{["& .".concat(m.lastButton)]:t.lastButton},{["& .".concat(m.middleButton)]:t.middleButton},t.root,"vertical"===r.orientation&&t.vertical,r.fullWidth&&t.fullWidth]}})(e=>{let{ownerState:t,theme:r}=e;return(0,o.Z)({display:"inline-flex",borderRadius:(r.vars||r).shape.borderRadius},"vertical"===t.orientation&&{flexDirection:"column"},t.fullWidth&&{width:"100%"},{["& .".concat(m.grouped)]:(0,o.Z)({},"horizontal"===t.orientation?{["&.".concat(m.selected," + .").concat(m.grouped,".").concat(m.selected)]:{borderLeft:0,marginLeft:0}}:{["&.".concat(m.selected," + .").concat(m.grouped,".").concat(m.selected)]:{borderTop:0,marginTop:0}})},"horizontal"===t.orientation?{["& .".concat(m.firstButton,",& .").concat(m.middleButton)]:{borderTopRightRadius:0,borderBottomRightRadius:0},["& .".concat(m.lastButton,",& .").concat(m.middleButton)]:{marginLeft:-1,borderLeft:"1px solid transparent",borderTopLeftRadius:0,borderBottomLeftRadius:0}}:{["& .".concat(m.firstButton,",& .").concat(m.middleButton)]:{borderBottomLeftRadius:0,borderBottomRightRadius:0},["& .".concat(m.lastButton,",& .").concat(m.middleButton)]:{marginTop:-1,borderTop:"1px solid transparent",borderTopLeftRadius:0,borderTopRightRadius:0}},"horizontal"===t.orientation?{["& .".concat(m.lastButton,".").concat(g.Z.disabled,",& .").concat(m.middleButton,".").concat(g.Z.disabled)]:{borderLeft:"1px solid transparent"}}:{["& .".concat(m.lastButton,".").concat(g.Z.disabled,",& .").concat(m.middleButton,".").concat(g.Z.disabled)]:{borderTop:"1px solid transparent"}})});var w=a.forwardRef(function(e,t){let r=(0,c.Z)({props:e,name:"MuiToggleButtonGroup"}),{children:l,className:s,color:u="standard",disabled:d=!1,exclusive:p=!1,fullWidth:f=!1,onChange:m,orientation:g="horizontal",size:w="medium",value:S}=r,k=(0,n.Z)(r,Z),R=(0,o.Z)({},r,{disabled:d,fullWidth:f,orientation:g,size:w}),C=x(R),P=a.useCallback((e,t)=>{let r;if(!m)return;let n=S&&S.indexOf(t);S&&n>=0?(r=S.slice()).splice(n,1):r=S?S.concat(t):[t],m(e,r)},[m,S]),M=a.useCallback((e,t)=>{m&&m(e,S===t?null:t)},[m,S]),E=a.useMemo(()=>({className:C.grouped,onChange:p?M:P,value:S,size:w,fullWidth:f,color:u,disabled:d}),[C.grouped,p,M,P,S,w,f,u,d]),O=a.Children.toArray(l).filter(e=>a.isValidElement(e)),T=O.length,L=e=>{let t=0===e,r=e===T-1;return t&&r?"":t?C.firstButton:r?C.lastButton:C.middleButton};return(0,b.jsx)(y,(0,o.Z)({role:"group",className:(0,i.Z)(C.root,s),ref:t,ownerState:R},k,{children:(0,b.jsx)(v.Z.Provider,{value:E,children:O.map((e,t)=>(0,b.jsx)(h.Z.Provider,{value:L(t),children:e},t))})}))})},4674:function(e,t,r){"use strict";let n=r(2265).createContext(void 0);t.Z=n},1764:function(e,t,r){"use strict";let n=r(2265).createContext({});t.Z=n},9806:function(e,t,r){"use strict";r.d(t,{Z:function(){return g}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(6259),s=r(9281),c=r(8024),u=r(4535),d=r(7542);function p(e){return(0,d.ZP)("MuiToolbar",e)}(0,u.Z)("MuiToolbar",["root","gutters","regular","dense"]);var f=r(7437);let m=["className","component","disableGutters","variant"],v=e=>{let{classes:t,disableGutters:r,variant:n}=e;return(0,l.Z)({root:["root",!r&&"gutters",n]},p,t)},h=(0,c.ZP)("div",{name:"MuiToolbar",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,!r.disableGutters&&t.gutters,t[r.variant]]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({position:"relative",display:"flex",alignItems:"center"},!r.disableGutters&&{paddingLeft:t.spacing(2),paddingRight:t.spacing(2),[t.breakpoints.up("sm")]:{paddingLeft:t.spacing(3),paddingRight:t.spacing(3)}},"dense"===r.variant&&{minHeight:48})},e=>{let{theme:t,ownerState:r}=e;return"regular"===r.variant&&t.mixins.toolbar});var g=a.forwardRef(function(e,t){let r=(0,s.Z)({props:e,name:"MuiToolbar"}),{className:a,component:l="div",disableGutters:c=!1,variant:u="regular"}=r,d=(0,n.Z)(r,m),p=(0,o.Z)({},r,{component:l,disableGutters:c,variant:u}),g=v(p);return(0,f.jsx)(h,(0,o.Z)({as:l,className:(0,i.Z)(g.root,a),ref:t,ownerState:p},d))})},888:function(e,t,r){"use strict";r.d(t,{Z:function(){return e7}});var n,o,a,i,l,s=r(3950),c=r(2988),u=r(2265),d=r(4839),p=r(9930),f=r(6259),m=r(6797),v=r(2305),h=r(8024),g=r(2960),b=r(9281),Z=r(2272),x=r(7040),y=r(2367),w=r(8017),S=r(5694);function k(e){if(null==e)return window;if("[object Window]"!==e.toString()){var t=e.ownerDocument;return t&&t.defaultView||window}return e}function R(e){var t=k(e).Element;return e instanceof t||e instanceof Element}function C(e){var t=k(e).HTMLElement;return e instanceof t||e instanceof HTMLElement}function P(e){if("undefined"==typeof ShadowRoot)return!1;var t=k(e).ShadowRoot;return e instanceof t||e instanceof ShadowRoot}var M=Math.max,E=Math.min,O=Math.round;function T(){var e=navigator.userAgentData;return null!=e&&e.brands&&Array.isArray(e.brands)?e.brands.map(function(e){return e.brand+"/"+e.version}).join(" "):navigator.userAgent}function L(){return!/^((?!chrome|android).)*safari/i.test(T())}function j(e,t,r){void 0===t&&(t=!1),void 0===r&&(r=!1);var n=e.getBoundingClientRect(),o=1,a=1;t&&C(e)&&(o=e.offsetWidth>0&&O(n.width)/e.offsetWidth||1,a=e.offsetHeight>0&&O(n.height)/e.offsetHeight||1);var i=(R(e)?k(e):window).visualViewport,l=!L()&&r,s=(n.left+(l&&i?i.offsetLeft:0))/o,c=(n.top+(l&&i?i.offsetTop:0))/a,u=n.width/o,d=n.height/a;return{width:u,height:d,top:c,right:s+u,bottom:c+d,left:s,x:s,y:c}}function I(e){var t=k(e);return{scrollLeft:t.pageXOffset,scrollTop:t.pageYOffset}}function z(e){return e?(e.nodeName||"").toLowerCase():null}function N(e){return((R(e)?e.ownerDocument:e.document)||window.document).documentElement}function A(e){return j(N(e)).left+I(e).scrollLeft}function B(e){return k(e).getComputedStyle(e)}function F(e){var t=B(e),r=t.overflow,n=t.overflowX,o=t.overflowY;return/auto|scroll|overlay|hidden/.test(r+o+n)}function W(e){var t=j(e),r=e.offsetWidth,n=e.offsetHeight;return 1>=Math.abs(t.width-r)&&(r=t.width),1>=Math.abs(t.height-n)&&(n=t.height),{x:e.offsetLeft,y:e.offsetTop,width:r,height:n}}function D(e){return"html"===z(e)?e:e.assignedSlot||e.parentNode||(P(e)?e.host:null)||N(e)}function V(e,t){void 0===t&&(t=[]);var r,n=function e(t){return["html","body","#document"].indexOf(z(t))>=0?t.ownerDocument.body:C(t)&&F(t)?t:e(D(t))}(e),o=n===(null==(r=e.ownerDocument)?void 0:r.body),a=k(n),i=o?[a].concat(a.visualViewport||[],F(n)?n:[]):n,l=t.concat(i);return o?l:l.concat(V(D(i)))}function H(e){return C(e)&&"fixed"!==B(e).position?e.offsetParent:null}function q(e){for(var t=k(e),r=H(e);r&&["table","td","th"].indexOf(z(r))>=0&&"static"===B(r).position;)r=H(r);return r&&("html"===z(r)||"body"===z(r)&&"static"===B(r).position)?t:r||function(e){var t=/firefox/i.test(T());if(/Trident/i.test(T())&&C(e)&&"fixed"===B(e).position)return null;var r=D(e);for(P(r)&&(r=r.host);C(r)&&0>["html","body"].indexOf(z(r));){var n=B(r);if("none"!==n.transform||"none"!==n.perspective||"paint"===n.contain||-1!==["transform","perspective"].indexOf(n.willChange)||t&&"filter"===n.willChange||t&&n.filter&&"none"!==n.filter)return r;r=r.parentNode}return null}(e)||t}var G="bottom",_="right",$="left",U="auto",X=["top",G,_,$],K="start",Y="viewport",J="popper",Q=X.reduce(function(e,t){return e.concat([t+"-"+K,t+"-end"])},[]),ee=[].concat(X,[U]).reduce(function(e,t){return e.concat([t,t+"-"+K,t+"-end"])},[]),et=["beforeRead","read","afterRead","beforeMain","main","afterMain","beforeWrite","write","afterWrite"],er={placement:"bottom",modifiers:[],strategy:"absolute"};function en(){for(var e=arguments.length,t=Array(e),r=0;r=0?"x":"y"}function es(e){var t,r=e.reference,n=e.element,o=e.placement,a=o?ea(o):null,i=o?ei(o):null,l=r.x+r.width/2-n.width/2,s=r.y+r.height/2-n.height/2;switch(a){case"top":t={x:l,y:r.y-n.height};break;case G:t={x:l,y:r.y+r.height};break;case _:t={x:r.x+r.width,y:s};break;case $:t={x:r.x-n.width,y:s};break;default:t={x:r.x,y:r.y}}var c=a?el(a):null;if(null!=c){var u="y"===c?"height":"width";switch(i){case K:t[c]=t[c]-(r[u]/2-n[u]/2);break;case"end":t[c]=t[c]+(r[u]/2-n[u]/2)}}return t}var ec={top:"auto",right:"auto",bottom:"auto",left:"auto"};function eu(e){var t,r,n,o,a,i,l,s=e.popper,c=e.popperRect,u=e.placement,d=e.variation,p=e.offsets,f=e.position,m=e.gpuAcceleration,v=e.adaptive,h=e.roundOffsets,g=e.isFixed,b=p.x,Z=void 0===b?0:b,x=p.y,y=void 0===x?0:x,w="function"==typeof h?h({x:Z,y:y}):{x:Z,y:y};Z=w.x,y=w.y;var S=p.hasOwnProperty("x"),R=p.hasOwnProperty("y"),C=$,P="top",M=window;if(v){var E=q(s),T="clientHeight",L="clientWidth";E===k(s)&&"static"!==B(E=N(s)).position&&"absolute"===f&&(T="scrollHeight",L="scrollWidth"),("top"===u||(u===$||u===_)&&"end"===d)&&(P=G,y-=(g&&E===M&&M.visualViewport?M.visualViewport.height:E[T])-c.height,y*=m?1:-1),(u===$||("top"===u||u===G)&&"end"===d)&&(C=_,Z-=(g&&E===M&&M.visualViewport?M.visualViewport.width:E[L])-c.width,Z*=m?1:-1)}var j=Object.assign({position:f},v&&ec),I=!0===h?(t={x:Z,y:y},r=k(s),n=t.x,o=t.y,{x:O(n*(a=r.devicePixelRatio||1))/a||0,y:O(o*a)/a||0}):{x:Z,y:y};return(Z=I.x,y=I.y,m)?Object.assign({},j,((l={})[P]=R?"0":"",l[C]=S?"0":"",l.transform=1>=(M.devicePixelRatio||1)?"translate("+Z+"px, "+y+"px)":"translate3d("+Z+"px, "+y+"px, 0)",l)):Object.assign({},j,((i={})[P]=R?y+"px":"",i[C]=S?Z+"px":"",i.transform="",i))}var ed={left:"right",right:"left",bottom:"top",top:"bottom"};function ep(e){return e.replace(/left|right|bottom|top/g,function(e){return ed[e]})}var ef={start:"end",end:"start"};function em(e){return e.replace(/start|end/g,function(e){return ef[e]})}function ev(e,t){var r=t.getRootNode&&t.getRootNode();if(e.contains(t))return!0;if(r&&P(r)){var n=t;do{if(n&&e.isSameNode(n))return!0;n=n.parentNode||n.host}while(n)}return!1}function eh(e){return Object.assign({},e,{left:e.x,top:e.y,right:e.x+e.width,bottom:e.y+e.height})}function eg(e,t,r){var n,o,a,i,l,s,c,u,d,p;return t===Y?eh(function(e,t){var r=k(e),n=N(e),o=r.visualViewport,a=n.clientWidth,i=n.clientHeight,l=0,s=0;if(o){a=o.width,i=o.height;var c=L();(c||!c&&"fixed"===t)&&(l=o.offsetLeft,s=o.offsetTop)}return{width:a,height:i,x:l+A(e),y:s}}(e,r)):R(t)?((n=j(t,!1,"fixed"===r)).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):eh((o=N(e),i=N(o),l=I(o),s=null==(a=o.ownerDocument)?void 0:a.body,c=M(i.scrollWidth,i.clientWidth,s?s.scrollWidth:0,s?s.clientWidth:0),u=M(i.scrollHeight,i.clientHeight,s?s.scrollHeight:0,s?s.clientHeight:0),d=-l.scrollLeft+A(o),p=-l.scrollTop,"rtl"===B(s||i).direction&&(d+=M(i.clientWidth,s?s.clientWidth:0)-c),{width:c,height:u,x:d,y:p}))}function eb(){return{top:0,right:0,bottom:0,left:0}}function eZ(e){return Object.assign({},eb(),e)}function ex(e,t){return t.reduce(function(t,r){return t[r]=e,t},{})}function ey(e,t){void 0===t&&(t={});var r,n,o,a,i,l,s,c,u=t,d=u.placement,p=void 0===d?e.placement:d,f=u.strategy,m=void 0===f?e.strategy:f,v=u.boundary,h=u.rootBoundary,g=u.elementContext,b=void 0===g?J:g,Z=u.altBoundary,x=u.padding,y=void 0===x?0:x,w=eZ("number"!=typeof y?y:ex(y,X)),S=e.rects.popper,k=e.elements[void 0!==Z&&Z?b===J?"reference":J:b],P=(r=R(k)?k:k.contextElement||N(e.elements.popper),n=void 0===v?"clippingParents":v,o=void 0===h?Y:h,s=(l=[].concat("clippingParents"===n?(a=V(D(r)),R(i=["absolute","fixed"].indexOf(B(r).position)>=0&&C(r)?q(r):r)?a.filter(function(e){return R(e)&&ev(e,i)&&"body"!==z(e)}):[]):[].concat(n),[o]))[0],(c=l.reduce(function(e,t){var n=eg(r,t,m);return e.top=M(n.top,e.top),e.right=E(n.right,e.right),e.bottom=E(n.bottom,e.bottom),e.left=M(n.left,e.left),e},eg(r,s,m))).width=c.right-c.left,c.height=c.bottom-c.top,c.x=c.left,c.y=c.top,c),O=j(e.elements.reference),T=es({reference:O,element:S,strategy:"absolute",placement:p}),L=eh(Object.assign({},S,T)),I=b===J?L:O,A={top:P.top-I.top+w.top,bottom:I.bottom-P.bottom+w.bottom,left:P.left-I.left+w.left,right:I.right-P.right+w.right},F=e.modifiersData.offset;if(b===J&&F){var W=F[p];Object.keys(A).forEach(function(e){var t=[_,G].indexOf(e)>=0?1:-1,r=["top",G].indexOf(e)>=0?"y":"x";A[e]+=W[r]*t})}return A}function ew(e,t,r){return M(e,E(t,r))}function eS(e,t,r){return void 0===r&&(r={x:0,y:0}),{top:e.top-t.height-r.y,right:e.right-t.width+r.x,bottom:e.bottom-t.height+r.y,left:e.left-t.width-r.x}}function ek(e){return["top",_,G,$].some(function(t){return e[t]>=0})}var eR=(a=void 0===(o=(n={defaultModifiers:[{name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:function(e){var t=e.state,r=e.instance,n=e.options,o=n.scroll,a=void 0===o||o,i=n.resize,l=void 0===i||i,s=k(t.elements.popper),c=[].concat(t.scrollParents.reference,t.scrollParents.popper);return a&&c.forEach(function(e){e.addEventListener("scroll",r.update,eo)}),l&&s.addEventListener("resize",r.update,eo),function(){a&&c.forEach(function(e){e.removeEventListener("scroll",r.update,eo)}),l&&s.removeEventListener("resize",r.update,eo)}},data:{}},{name:"popperOffsets",enabled:!0,phase:"read",fn:function(e){var t=e.state,r=e.name;t.modifiersData[r]=es({reference:t.rects.reference,element:t.rects.popper,strategy:"absolute",placement:t.placement})},data:{}},{name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:function(e){var t=e.state,r=e.options,n=r.gpuAcceleration,o=r.adaptive,a=r.roundOffsets,i=void 0===a||a,l={placement:ea(t.placement),variation:ei(t.placement),popper:t.elements.popper,popperRect:t.rects.popper,gpuAcceleration:void 0===n||n,isFixed:"fixed"===t.options.strategy};null!=t.modifiersData.popperOffsets&&(t.styles.popper=Object.assign({},t.styles.popper,eu(Object.assign({},l,{offsets:t.modifiersData.popperOffsets,position:t.options.strategy,adaptive:void 0===o||o,roundOffsets:i})))),null!=t.modifiersData.arrow&&(t.styles.arrow=Object.assign({},t.styles.arrow,eu(Object.assign({},l,{offsets:t.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:i})))),t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-placement":t.placement})},data:{}},{name:"applyStyles",enabled:!0,phase:"write",fn:function(e){var t=e.state;Object.keys(t.elements).forEach(function(e){var r=t.styles[e]||{},n=t.attributes[e]||{},o=t.elements[e];C(o)&&z(o)&&(Object.assign(o.style,r),Object.keys(n).forEach(function(e){var t=n[e];!1===t?o.removeAttribute(e):o.setAttribute(e,!0===t?"":t)}))})},effect:function(e){var t=e.state,r={popper:{position:t.options.strategy,left:"0",top:"0",margin:"0"},arrow:{position:"absolute"},reference:{}};return Object.assign(t.elements.popper.style,r.popper),t.styles=r,t.elements.arrow&&Object.assign(t.elements.arrow.style,r.arrow),function(){Object.keys(t.elements).forEach(function(e){var n=t.elements[e],o=t.attributes[e]||{},a=Object.keys(t.styles.hasOwnProperty(e)?t.styles[e]:r[e]).reduce(function(e,t){return e[t]="",e},{});C(n)&&z(n)&&(Object.assign(n.style,a),Object.keys(o).forEach(function(e){n.removeAttribute(e)}))})}},requires:["computeStyles"]},{name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:function(e){var t=e.state,r=e.options,n=e.name,o=r.offset,a=void 0===o?[0,0]:o,i=ee.reduce(function(e,r){var n,o,i,l,s,c;return e[r]=(n=t.rects,i=[$,"top"].indexOf(o=ea(r))>=0?-1:1,s=(l="function"==typeof a?a(Object.assign({},n,{placement:r})):a)[0],c=l[1],s=s||0,c=(c||0)*i,[$,_].indexOf(o)>=0?{x:c,y:s}:{x:s,y:c}),e},{}),l=i[t.placement],s=l.x,c=l.y;null!=t.modifiersData.popperOffsets&&(t.modifiersData.popperOffsets.x+=s,t.modifiersData.popperOffsets.y+=c),t.modifiersData[n]=i}},{name:"flip",enabled:!0,phase:"main",fn:function(e){var t=e.state,r=e.options,n=e.name;if(!t.modifiersData[n]._skip){for(var o=r.mainAxis,a=void 0===o||o,i=r.altAxis,l=void 0===i||i,s=r.fallbackPlacements,c=r.padding,u=r.boundary,d=r.rootBoundary,p=r.altBoundary,f=r.flipVariations,m=void 0===f||f,v=r.allowedAutoPlacements,h=t.options.placement,g=ea(h)===h,b=s||(g||!m?[ep(h)]:function(e){if(ea(e)===U)return[];var t=ep(e);return[em(e),t,em(t)]}(h)),Z=[h].concat(b).reduce(function(e,r){var n,o,a,i,l,s,p,f,h,g,b,Z;return e.concat(ea(r)===U?(o=(n={placement:r,boundary:u,rootBoundary:d,padding:c,flipVariations:m,allowedAutoPlacements:v}).placement,a=n.boundary,i=n.rootBoundary,l=n.padding,s=n.flipVariations,f=void 0===(p=n.allowedAutoPlacements)?ee:p,0===(b=(g=(h=ei(o))?s?Q:Q.filter(function(e){return ei(e)===h}):X).filter(function(e){return f.indexOf(e)>=0})).length&&(b=g),Object.keys(Z=b.reduce(function(e,r){return e[r]=ey(t,{placement:r,boundary:a,rootBoundary:i,padding:l})[ea(r)],e},{})).sort(function(e,t){return Z[e]-Z[t]})):r)},[]),x=t.rects.reference,y=t.rects.popper,w=new Map,S=!0,k=Z[0],R=0;R=0,O=E?"width":"height",T=ey(t,{placement:C,boundary:u,rootBoundary:d,altBoundary:p,padding:c}),L=E?M?_:$:M?G:"top";x[O]>y[O]&&(L=ep(L));var j=ep(L),I=[];if(a&&I.push(T[P]<=0),l&&I.push(T[L]<=0,T[j]<=0),I.every(function(e){return e})){k=C,S=!1;break}w.set(C,I)}if(S)for(var z=m?3:1,N=function(e){var t=Z.find(function(t){var r=w.get(t);if(r)return r.slice(0,e).every(function(e){return e})});if(t)return k=t,"break"},A=z;A>0&&"break"!==N(A);A--);t.placement!==k&&(t.modifiersData[n]._skip=!0,t.placement=k,t.reset=!0)}},requiresIfExists:["offset"],data:{_skip:!1}},{name:"preventOverflow",enabled:!0,phase:"main",fn:function(e){var t=e.state,r=e.options,n=e.name,o=r.mainAxis,a=r.altAxis,i=r.boundary,l=r.rootBoundary,s=r.altBoundary,c=r.padding,u=r.tether,d=void 0===u||u,p=r.tetherOffset,f=void 0===p?0:p,m=ey(t,{boundary:i,rootBoundary:l,padding:c,altBoundary:s}),v=ea(t.placement),h=ei(t.placement),g=!h,b=el(v),Z="x"===b?"y":"x",x=t.modifiersData.popperOffsets,y=t.rects.reference,w=t.rects.popper,S="function"==typeof f?f(Object.assign({},t.rects,{placement:t.placement})):f,k="number"==typeof S?{mainAxis:S,altAxis:S}:Object.assign({mainAxis:0,altAxis:0},S),R=t.modifiersData.offset?t.modifiersData.offset[t.placement]:null,C={x:0,y:0};if(x){if(void 0===o||o){var P,O="y"===b?"top":$,T="y"===b?G:_,L="y"===b?"height":"width",j=x[b],I=j+m[O],z=j-m[T],N=d?-w[L]/2:0,A=h===K?y[L]:w[L],B=h===K?-w[L]:-y[L],F=t.elements.arrow,D=d&&F?W(F):{width:0,height:0},V=t.modifiersData["arrow#persistent"]?t.modifiersData["arrow#persistent"].padding:eb(),H=V[O],U=V[T],X=ew(0,y[L],D[L]),Y=g?y[L]/2-N-X-H-k.mainAxis:A-X-H-k.mainAxis,J=g?-y[L]/2+N+X+U+k.mainAxis:B+X+U+k.mainAxis,Q=t.elements.arrow&&q(t.elements.arrow),ee=Q?"y"===b?Q.clientTop||0:Q.clientLeft||0:0,et=null!=(P=null==R?void 0:R[b])?P:0,er=ew(d?E(I,j+Y-et-ee):I,j,d?M(z,j+J-et):z);x[b]=er,C[b]=er-j}if(void 0!==a&&a){var en,eo,es="x"===b?"top":$,ec="x"===b?G:_,eu=x[Z],ed="y"===Z?"height":"width",ep=eu+m[es],ef=eu-m[ec],em=-1!==["top",$].indexOf(v),ev=null!=(eo=null==R?void 0:R[Z])?eo:0,eh=em?ep:eu-y[ed]-w[ed]-ev+k.altAxis,eg=em?eu+y[ed]+w[ed]-ev-k.altAxis:ef,eZ=d&&em?(en=ew(eh,eu,eg))>eg?eg:en:ew(d?eh:ep,eu,d?eg:ef);x[Z]=eZ,C[Z]=eZ-eu}t.modifiersData[n]=C}},requiresIfExists:["offset"]},{name:"arrow",enabled:!0,phase:"main",fn:function(e){var t,r,n=e.state,o=e.name,a=e.options,i=n.elements.arrow,l=n.modifiersData.popperOffsets,s=ea(n.placement),c=el(s),u=[$,_].indexOf(s)>=0?"height":"width";if(i&&l){var d=eZ("number"!=typeof(t="function"==typeof(t=a.padding)?t(Object.assign({},n.rects,{placement:n.placement})):t)?t:ex(t,X)),p=W(i),f="y"===c?"top":$,m="y"===c?G:_,v=n.rects.reference[u]+n.rects.reference[c]-l[c]-n.rects.popper[u],h=l[c]-n.rects.reference[c],g=q(i),b=g?"y"===c?g.clientHeight||0:g.clientWidth||0:0,Z=d[f],x=b-p[u]-d[m],y=b/2-p[u]/2+(v/2-h/2),w=ew(Z,y,x);n.modifiersData[o]=((r={})[c]=w,r.centerOffset=w-y,r)}},effect:function(e){var t=e.state,r=e.options.element,n=void 0===r?"[data-popper-arrow]":r;null!=n&&("string"!=typeof n||(n=t.elements.popper.querySelector(n)))&&ev(t.elements.popper,n)&&(t.elements.arrow=n)},requires:["popperOffsets"],requiresIfExists:["preventOverflow"]},{name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:function(e){var t=e.state,r=e.name,n=t.rects.reference,o=t.rects.popper,a=t.modifiersData.preventOverflow,i=ey(t,{elementContext:"reference"}),l=ey(t,{altBoundary:!0}),s=eS(i,n),c=eS(l,o,a),u=ek(s),d=ek(c);t.modifiersData[r]={referenceClippingOffsets:s,popperEscapeOffsets:c,isReferenceHidden:u,hasPopperEscaped:d},t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-reference-hidden":u,"data-popper-escaped":d})}}]}).defaultModifiers)?[]:o,l=void 0===(i=n.defaultOptions)?er:i,function(e,t,r){void 0===r&&(r=l);var n,o,i={placement:"bottom",orderedModifiers:[],options:Object.assign({},er,l),modifiersData:{},elements:{reference:e,popper:t},attributes:{},styles:{}},s=[],c=!1,u={state:i,setOptions:function(r){var n,o,c,p,f,m="function"==typeof r?r(i.options):r;d(),i.options=Object.assign({},l,i.options,m),i.scrollParents={reference:R(e)?V(e):e.contextElement?V(e.contextElement):[],popper:V(t)};var v=(o=Object.keys(n=[].concat(a,i.options.modifiers).reduce(function(e,t){var r=e[t.name];return e[t.name]=r?Object.assign({},r,t,{options:Object.assign({},r.options,t.options),data:Object.assign({},r.data,t.data)}):t,e},{})).map(function(e){return n[e]}),c=new Map,p=new Set,f=[],o.forEach(function(e){c.set(e.name,e)}),o.forEach(function(e){p.has(e.name)||function e(t){p.add(t.name),[].concat(t.requires||[],t.requiresIfExists||[]).forEach(function(t){if(!p.has(t)){var r=c.get(t);r&&e(r)}}),f.push(t)}(e)}),et.reduce(function(e,t){return e.concat(f.filter(function(e){return e.phase===t}))},[]));return i.orderedModifiers=v.filter(function(e){return e.enabled}),i.orderedModifiers.forEach(function(e){var t=e.name,r=e.options,n=e.effect;if("function"==typeof n){var o=n({state:i,name:t,instance:u,options:void 0===r?{}:r});s.push(o||function(){})}}),u.update()},forceUpdate:function(){if(!c){var e,t,r,n,o,a,l,s,d,p,f,m,v=i.elements,h=v.reference,g=v.popper;if(en(h,g)){i.rects={reference:(t=q(g),r="fixed"===i.options.strategy,n=C(t),s=C(t)&&(a=O((o=t.getBoundingClientRect()).width)/t.offsetWidth||1,l=O(o.height)/t.offsetHeight||1,1!==a||1!==l),d=N(t),p=j(h,s,r),f={scrollLeft:0,scrollTop:0},m={x:0,y:0},(n||!n&&!r)&&(("body"!==z(t)||F(d))&&(f=(e=t)!==k(e)&&C(e)?{scrollLeft:e.scrollLeft,scrollTop:e.scrollTop}:I(e)),C(t)?(m=j(t,!0),m.x+=t.clientLeft,m.y+=t.clientTop):d&&(m.x=A(d))),{x:p.left+f.scrollLeft-m.x,y:p.top+f.scrollTop-m.y,width:p.width,height:p.height}),popper:W(g)},i.reset=!1,i.placement=i.options.placement,i.orderedModifiers.forEach(function(e){return i.modifiersData[e.name]=Object.assign({},e.data)});for(var b=0;b{r[t]=eE(e,t)})}(eO,["root"]);var eL=r(5651),ej=r(7437);let eI=u.createContext({disableDefaultClasses:!1}),ez=["anchorEl","children","direction","disablePortal","modifiers","open","placement","popperOptions","popperRef","slotProps","slots","TransitionProps","ownerState"],eN=["anchorEl","children","container","direction","disablePortal","keepMounted","modifiers","open","placement","popperOptions","popperRef","style","transition","slotProps","slots"];function eA(e){return"function"==typeof e?e():e}let eB=()=>(0,f.Z)({root:["root"]},function(e){let{disableDefaultClasses:t}=u.useContext(eI);return r=>t?"":e(r)}(eT)),eF={},eW=u.forwardRef(function(e,t){var r;let{anchorEl:n,children:o,direction:a,disablePortal:i,modifiers:l,open:d,placement:p,popperOptions:f,popperRef:m,slotProps:v={},slots:h={},TransitionProps:g}=e,b=(0,s.Z)(e,ez),Z=u.useRef(null),x=(0,y.Z)(Z,t),S=u.useRef(null),k=(0,y.Z)(S,m),R=u.useRef(k);(0,w.Z)(()=>{R.current=k},[k]),u.useImperativeHandle(m,()=>S.current,[]);let C=function(e,t){if("ltr"===t)return e;switch(e){case"bottom-end":return"bottom-start";case"bottom-start":return"bottom-end";case"top-end":return"top-start";case"top-start":return"top-end";default:return e}}(p,a),[P,M]=u.useState(C),[E,O]=u.useState(eA(n));u.useEffect(()=>{S.current&&S.current.forceUpdate()}),u.useEffect(()=>{n&&O(eA(n))},[n]),(0,w.Z)(()=>{if(!E||!d)return;let e=e=>{M(e.placement)},t=[{name:"preventOverflow",options:{altBoundary:i}},{name:"flip",options:{altBoundary:i}},{name:"onUpdate",enabled:!0,phase:"afterWrite",fn:t=>{let{state:r}=t;e(r)}}];null!=l&&(t=t.concat(l)),f&&null!=f.modifiers&&(t=t.concat(f.modifiers));let r=eR(E,Z.current,(0,c.Z)({placement:C},f,{modifiers:t}));return R.current(r),()=>{r.destroy(),R.current(null)}},[E,i,l,d,f,C]);let T={placement:P};null!==g&&(T.TransitionProps=g);let L=eB(),j=null!=(r=h.root)?r:"div",I=(0,eL.y)({elementType:j,externalSlotProps:v.root,externalForwardedProps:b,additionalProps:{role:"tooltip",ref:x},ownerState:e,className:L.root});return(0,ej.jsx)(j,(0,c.Z)({},I,{children:"function"==typeof o?o(T):o}))}),eD=u.forwardRef(function(e,t){let r;let{anchorEl:n,children:o,container:a,direction:i="ltr",disablePortal:l=!1,keepMounted:d=!1,modifiers:p,open:f,placement:m="bottom",popperOptions:v=eF,popperRef:h,style:g,transition:b=!1,slotProps:Z={},slots:x={}}=e,y=(0,s.Z)(e,eN),[w,k]=u.useState(!0);if(!d&&!f&&(!b||w))return null;if(a)r=a;else if(n){let e=eA(n);r=e&&void 0!==e.nodeType?(0,S.Z)(e).body:(0,S.Z)(null).body}let R=!f&&d&&(!b||w)?"none":void 0,C=b?{in:f,onEnter:()=>{k(!1)},onExited:()=>{k(!0)}}:void 0;return(0,ej.jsx)(eC.h,{disablePortal:l,container:r,children:(0,ej.jsx)(eW,(0,c.Z)({anchorEl:n,direction:i,disablePortal:l,modifiers:p,ref:t,open:b?!w:f,placement:m,popperOptions:v,popperRef:h,slotProps:Z,slots:x},y,{style:(0,c.Z)({position:"fixed",top:0,left:0,display:R},g),TransitionProps:C,children:o}))})});var eV=r(4828);let eH=["anchorEl","component","components","componentsProps","container","disablePortal","keepMounted","modifiers","open","placement","popperOptions","popperRef","transition","slots","slotProps"],eq=(0,h.ZP)(eD,{name:"MuiPopper",slot:"Root",overridesResolver:(e,t)=>t.root})({}),eG=u.forwardRef(function(e,t){var r;let n=(0,eV.Z)(),o=(0,b.Z)({props:e,name:"MuiPopper"}),{anchorEl:a,component:i,components:l,componentsProps:u,container:d,disablePortal:p,keepMounted:f,modifiers:m,open:v,placement:h,popperOptions:g,popperRef:Z,transition:x,slots:y,slotProps:w}=o,S=(0,s.Z)(o,eH),k=null!=(r=null==y?void 0:y.root)?r:null==l?void 0:l.Root,R=(0,c.Z)({anchorEl:a,container:d,disablePortal:p,keepMounted:f,modifiers:m,open:v,placement:h,popperOptions:g,popperRef:Z,transition:x},S);return(0,ej.jsx)(eq,(0,c.Z)({as:i,direction:null==n?void 0:n.direction,slots:{root:k},slotProps:null!=w?w:u},R,{ref:t}))});var e_=r(6182),e$=r(909),eU=r(8256),eX=r(6850),eK=r(5115);function eY(e){return(0,eP.ZP)("MuiTooltip",e)}let eJ=(0,r(4535).Z)("MuiTooltip",["popper","popperInteractive","popperArrow","popperClose","tooltip","tooltipArrow","touch","tooltipPlacementLeft","tooltipPlacementRight","tooltipPlacementTop","tooltipPlacementBottom","arrow"]),eQ=["arrow","children","classes","components","componentsProps","describeChild","disableFocusListener","disableHoverListener","disableInteractive","disableTouchListener","enterDelay","enterNextDelay","enterTouchDelay","followCursor","id","leaveDelay","leaveTouchDelay","onClose","onOpen","open","placement","PopperComponent","PopperProps","slotProps","slots","title","TransitionComponent","TransitionProps"],e0=e=>{let{classes:t,disableInteractive:r,arrow:n,touch:o,placement:a}=e,i={popper:["popper",!r&&"popperInteractive",n&&"popperArrow"],tooltip:["tooltip",n&&"tooltipArrow",o&&"touch","tooltipPlacement".concat((0,Z.Z)(a.split("-")[0]))],arrow:["arrow"]};return(0,f.Z)(i,eY,t)},e1=(0,h.ZP)(eG,{name:"MuiTooltip",slot:"Popper",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.popper,!r.disableInteractive&&t.popperInteractive,r.arrow&&t.popperArrow,!r.open&&t.popperClose]}})(e=>{let{theme:t,ownerState:r,open:n}=e;return(0,c.Z)({zIndex:(t.vars||t).zIndex.tooltip,pointerEvents:"none"},!r.disableInteractive&&{pointerEvents:"auto"},!n&&{pointerEvents:"none"},r.arrow&&{['&[data-popper-placement*="bottom"] .'.concat(eJ.arrow)]:{top:0,marginTop:"-0.71em","&::before":{transformOrigin:"0 100%"}},['&[data-popper-placement*="top"] .'.concat(eJ.arrow)]:{bottom:0,marginBottom:"-0.71em","&::before":{transformOrigin:"100% 0"}},['&[data-popper-placement*="right"] .'.concat(eJ.arrow)]:(0,c.Z)({},r.isRtl?{right:0,marginRight:"-0.71em"}:{left:0,marginLeft:"-0.71em"},{height:"1em",width:"0.71em","&::before":{transformOrigin:"100% 100%"}}),['&[data-popper-placement*="left"] .'.concat(eJ.arrow)]:(0,c.Z)({},r.isRtl?{left:0,marginLeft:"-0.71em"}:{right:0,marginRight:"-0.71em"},{height:"1em",width:"0.71em","&::before":{transformOrigin:"0 0"}})})}),e2=(0,h.ZP)("div",{name:"MuiTooltip",slot:"Tooltip",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.tooltip,r.touch&&t.touch,r.arrow&&t.tooltipArrow,t["tooltipPlacement".concat((0,Z.Z)(r.placement.split("-")[0]))]]}})(e=>{let{theme:t,ownerState:r}=e;return(0,c.Z)({backgroundColor:t.vars?t.vars.palette.Tooltip.bg:(0,v.Fq)(t.palette.grey[700],.92),borderRadius:(t.vars||t).shape.borderRadius,color:(t.vars||t).palette.common.white,fontFamily:t.typography.fontFamily,padding:"4px 8px",fontSize:t.typography.pxToRem(11),maxWidth:300,margin:2,wordWrap:"break-word",fontWeight:t.typography.fontWeightMedium},r.arrow&&{position:"relative",margin:0},r.touch&&{padding:"8px 16px",fontSize:t.typography.pxToRem(14),lineHeight:"".concat(Math.round(16/14*1e5)/1e5,"em"),fontWeight:t.typography.fontWeightRegular},{[".".concat(eJ.popper,'[data-popper-placement*="left"] &')]:(0,c.Z)({transformOrigin:"right center"},r.isRtl?(0,c.Z)({marginLeft:"14px"},r.touch&&{marginLeft:"24px"}):(0,c.Z)({marginRight:"14px"},r.touch&&{marginRight:"24px"})),[".".concat(eJ.popper,'[data-popper-placement*="right"] &')]:(0,c.Z)({transformOrigin:"left center"},r.isRtl?(0,c.Z)({marginRight:"14px"},r.touch&&{marginRight:"24px"}):(0,c.Z)({marginLeft:"14px"},r.touch&&{marginLeft:"24px"})),[".".concat(eJ.popper,'[data-popper-placement*="top"] &')]:(0,c.Z)({transformOrigin:"center bottom",marginBottom:"14px"},r.touch&&{marginBottom:"24px"}),[".".concat(eJ.popper,'[data-popper-placement*="bottom"] &')]:(0,c.Z)({transformOrigin:"center top",marginTop:"14px"},r.touch&&{marginTop:"24px"})})}),e5=(0,h.ZP)("span",{name:"MuiTooltip",slot:"Arrow",overridesResolver:(e,t)=>t.arrow})(e=>{let{theme:t}=e;return{overflow:"hidden",position:"absolute",width:"1em",height:"0.71em",boxSizing:"border-box",color:t.vars?t.vars.palette.Tooltip.bg:(0,v.Fq)(t.palette.grey[700],.9),"&::before":{content:'""',margin:"auto",display:"block",width:"100%",height:"100%",backgroundColor:"currentColor",transform:"rotate(45deg)"}}}),e4=!1,e8=new p.V,e9={x:0,y:0};function e6(e,t){return r=>{t&&t(r),e(r)}}var e7=u.forwardRef(function(e,t){var r,n,o,a,i,l,f,v,h,Z,y,w,S,k,R,C,P,M,E;let O=(0,b.Z)({props:e,name:"MuiTooltip"}),{arrow:T=!1,children:L,components:j={},componentsProps:I={},describeChild:z=!1,disableFocusListener:N=!1,disableHoverListener:A=!1,disableInteractive:B=!1,disableTouchListener:F=!1,enterDelay:W=100,enterNextDelay:D=0,enterTouchDelay:V=700,followCursor:H=!1,id:q,leaveDelay:G=0,leaveTouchDelay:_=1500,onClose:$,onOpen:U,open:X,placement:K="bottom",PopperComponent:Y,PopperProps:J={},slotProps:Q={},slots:ee={},title:et,TransitionComponent:er=x.Z,TransitionProps:en}=O,eo=(0,s.Z)(O,eQ),ea=u.isValidElement(L)?L:(0,ej.jsx)("span",{children:L}),ei=(0,g.Z)(),el="rtl"===ei.direction,[es,ec]=u.useState(),[eu,ed]=u.useState(null),ep=u.useRef(!1),ef=B||H,em=(0,p.Z)(),ev=(0,p.Z)(),eh=(0,p.Z)(),eg=(0,p.Z)(),[eb,eZ]=(0,eK.Z)({controlled:X,default:!1,name:"Tooltip",state:"open"}),ex=eb,ey=(0,eU.Z)(q),ew=u.useRef(),eS=(0,e_.Z)(()=>{void 0!==ew.current&&(document.body.style.WebkitUserSelect=ew.current,ew.current=void 0),eg.clear()});u.useEffect(()=>eS,[eS]);let ek=e=>{e8.clear(),e4=!0,eZ(!0),U&&!ex&&U(e)},eR=(0,e_.Z)(e=>{e8.start(800+G,()=>{e4=!1}),eZ(!1),$&&ex&&$(e),em.start(ei.transitions.duration.shortest,()=>{ep.current=!1})}),eC=e=>{ep.current&&"touchstart"!==e.type||(es&&es.removeAttribute("title"),ev.clear(),eh.clear(),W||e4&&D?ev.start(e4?D:W,()=>{ek(e)}):ek(e))},eP=e=>{ev.clear(),eh.start(G,()=>{eR(e)})},{isFocusVisibleRef:eM,onBlur:eE,onFocus:eO,ref:eT}=(0,eX.Z)(),[,eL]=u.useState(!1),eI=e=>{eE(e),!1===eM.current&&(eL(!1),eP(e))},ez=e=>{es||ec(e.currentTarget),eO(e),!0===eM.current&&(eL(!0),eC(e))},eN=e=>{ep.current=!0;let t=ea.props;t.onTouchStart&&t.onTouchStart(e)};u.useEffect(()=>{if(ex)return document.addEventListener("keydown",e),()=>{document.removeEventListener("keydown",e)};function e(e){("Escape"===e.key||"Esc"===e.key)&&eR(e)}},[eR,ex]);let eA=(0,e$.Z)(ea.ref,eT,ec,t);et||0===et||(ex=!1);let eB=u.useRef(),eF={},eW="string"==typeof et;z?(eF.title=ex||!eW||A?null:et,eF["aria-describedby"]=ex?ey:null):(eF["aria-label"]=eW?et:null,eF["aria-labelledby"]=ex&&!eW?ey:null);let eD=(0,c.Z)({},eF,eo,ea.props,{className:(0,d.Z)(eo.className,ea.props.className),onTouchStart:eN,ref:eA},H?{onMouseMove:e=>{let t=ea.props;t.onMouseMove&&t.onMouseMove(e),e9={x:e.clientX,y:e.clientY},eB.current&&eB.current.update()}}:{}),eV={};F||(eD.onTouchStart=e=>{eN(e),eh.clear(),em.clear(),eS(),ew.current=document.body.style.WebkitUserSelect,document.body.style.WebkitUserSelect="none",eg.start(V,()=>{document.body.style.WebkitUserSelect=ew.current,eC(e)})},eD.onTouchEnd=e=>{ea.props.onTouchEnd&&ea.props.onTouchEnd(e),eS(),eh.start(_,()=>{eR(e)})}),A||(eD.onMouseOver=e6(eC,eD.onMouseOver),eD.onMouseLeave=e6(eP,eD.onMouseLeave),ef||(eV.onMouseOver=eC,eV.onMouseLeave=eP)),N||(eD.onFocus=e6(ez,eD.onFocus),eD.onBlur=e6(eI,eD.onBlur),ef||(eV.onFocus=ez,eV.onBlur=eI));let eH=u.useMemo(()=>{var e;let t=[{name:"arrow",enabled:!!eu,options:{element:eu,padding:4}}];return null!=(e=J.popperOptions)&&e.modifiers&&(t=t.concat(J.popperOptions.modifiers)),(0,c.Z)({},J.popperOptions,{modifiers:t})},[eu,J]),eq=(0,c.Z)({},O,{isRtl:el,arrow:T,disableInteractive:ef,placement:K,PopperComponentProp:Y,touch:ep.current}),eY=e0(eq),eJ=null!=(r=null!=(n=ee.popper)?n:j.Popper)?r:e1,e7=null!=(o=null!=(a=null!=(i=ee.transition)?i:j.Transition)?a:er)?o:x.Z,e3=null!=(l=null!=(f=ee.tooltip)?f:j.Tooltip)?l:e2,te=null!=(v=null!=(h=ee.arrow)?h:j.Arrow)?v:e5,tt=(0,m.$)(eJ,(0,c.Z)({},J,null!=(Z=Q.popper)?Z:I.popper,{className:(0,d.Z)(eY.popper,null==J?void 0:J.className,null==(y=null!=(w=Q.popper)?w:I.popper)?void 0:y.className)}),eq),tr=(0,m.$)(e7,(0,c.Z)({},en,null!=(S=Q.transition)?S:I.transition),eq),tn=(0,m.$)(e3,(0,c.Z)({},null!=(k=Q.tooltip)?k:I.tooltip,{className:(0,d.Z)(eY.tooltip,null==(R=null!=(C=Q.tooltip)?C:I.tooltip)?void 0:R.className)}),eq),to=(0,m.$)(te,(0,c.Z)({},null!=(P=Q.arrow)?P:I.arrow,{className:(0,d.Z)(eY.arrow,null==(M=null!=(E=Q.arrow)?E:I.arrow)?void 0:M.className)}),eq);return(0,ej.jsxs)(u.Fragment,{children:[u.cloneElement(ea,eD),(0,ej.jsx)(eJ,(0,c.Z)({as:null!=Y?Y:eG,placement:K,anchorEl:H?{getBoundingClientRect:()=>({top:e9.y,left:e9.x,right:e9.x,bottom:e9.y,width:0,height:0})}:es,popperRef:eB,open:!!es&&ex,id:ey,transition:!0},eV,tt,{popperOptions:eH,children:e=>{let{TransitionProps:t}=e;return(0,ej.jsx)(e7,(0,c.Z)({timeout:ei.transitions.duration.shorter},t,tr,{children:(0,ej.jsxs)(e3,(0,c.Z)({},tn,{children:[et,T?(0,ej.jsx)(te,(0,c.Z)({},to,{ref:ed})):null]}))}))}}))]})})},511:function(e,t,r){"use strict";r.d(t,{Z:function(){return w}});var n=r(3950),o=r(2988),a=r(2265),i=r(4839),l=r(261),s=r(6259),c=r(8024),u=r(9281),d=r(2272),p=r(4535),f=r(7542);function m(e){return(0,f.ZP)("MuiTypography",e)}(0,p.Z)("MuiTypography",["root","h1","h2","h3","h4","h5","h6","subtitle1","subtitle2","body1","body2","inherit","button","caption","overline","alignLeft","alignRight","alignCenter","alignJustify","noWrap","gutterBottom","paragraph"]);var v=r(7437);let h=["align","className","component","gutterBottom","noWrap","paragraph","variant","variantMapping"],g=e=>{let{align:t,gutterBottom:r,noWrap:n,paragraph:o,variant:a,classes:i}=e,l={root:["root",a,"inherit"!==e.align&&"align".concat((0,d.Z)(t)),r&&"gutterBottom",n&&"noWrap",o&&"paragraph"]};return(0,s.Z)(l,m,i)},b=(0,c.ZP)("span",{name:"MuiTypography",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,r.variant&&t[r.variant],"inherit"!==r.align&&t["align".concat((0,d.Z)(r.align))],r.noWrap&&t.noWrap,r.gutterBottom&&t.gutterBottom,r.paragraph&&t.paragraph]}})(e=>{let{theme:t,ownerState:r}=e;return(0,o.Z)({margin:0},"inherit"===r.variant&&{font:"inherit"},"inherit"!==r.variant&&t.typography[r.variant],"inherit"!==r.align&&{textAlign:r.align},r.noWrap&&{overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"},r.gutterBottom&&{marginBottom:"0.35em"},r.paragraph&&{marginBottom:16})}),Z={h1:"h1",h2:"h2",h3:"h3",h4:"h4",h5:"h5",h6:"h6",subtitle1:"h6",subtitle2:"h6",body1:"p",body2:"p",inherit:"p"},x={primary:"primary.main",textPrimary:"text.primary",secondary:"secondary.main",textSecondary:"text.secondary",error:"error.main"},y=e=>x[e]||e;var w=a.forwardRef(function(e,t){let r=(0,u.Z)({props:e,name:"MuiTypography"}),a=y(r.color),s=(0,l.Z)((0,o.Z)({},r,{color:a})),{align:c="inherit",className:d,component:p,gutterBottom:f=!1,noWrap:m=!1,paragraph:x=!1,variant:w="body1",variantMapping:S=Z}=s,k=(0,n.Z)(s,h),R=(0,o.Z)({},s,{align:c,color:a,className:d,component:p,gutterBottom:f,noWrap:m,paragraph:x,variant:w,variantMapping:S}),C=p||(x?"p":S[w]||Z[w])||"span",P=g(R);return(0,v.jsx)(b,(0,o.Z)({as:C,ref:t,ownerState:R,className:(0,i.Z)(P.root,d)},k))})},2834:function(e,t,r){"use strict";r.d(t,{Z:function(){return F}});var n=r(2988),o=r(3950),a=r(2265),i=r(4839),l=r(6259),s=r(7542),c=r(717),u=r(7794),d=r(4999),p=r(4874),f=r(261),m=r(2501);let v=(e,t)=>e.filter(e=>t.includes(e)),h=(e,t,r)=>{let n=e.keys[0];Array.isArray(t)?t.forEach((t,n)=>{r((t,r)=>{n<=e.keys.length-1&&(0===n?Object.assign(t,r):t[e.up(e.keys[n])]=r)},t)}):t&&"object"==typeof t?(Object.keys(t).length>e.keys.length?e.keys:v(e.keys,Object.keys(t))).forEach(o=>{if(-1!==e.keys.indexOf(o)){let a=t[o];void 0!==a&&r((t,r)=>{n===o?Object.assign(t,r):t[e.up(o)]=r},a)}}):("number"==typeof t||"string"==typeof t)&&r((e,t)=>{Object.assign(e,t)},t)};function g(e){return e?`Level${e}`:""}function b(e){return e.unstable_level>0&&e.container}function Z(e){return function(t){return`var(--Grid-${t}Spacing${g(e.unstable_level)})`}}function x(e){return function(t){return 0===e.unstable_level?`var(--Grid-${t}Spacing)`:`var(--Grid-${t}Spacing${g(e.unstable_level-1)})`}}function y(e){return 0===e.unstable_level?"var(--Grid-columns)":`var(--Grid-columns${g(e.unstable_level-1)})`}let w=({theme:e,ownerState:t})=>{let r=Z(t),n={};return h(e.breakpoints,t.gridSize,(e,o)=>{let a={};!0===o&&(a={flexBasis:0,flexGrow:1,maxWidth:"100%"}),"auto"===o&&(a={flexBasis:"auto",flexGrow:0,flexShrink:0,maxWidth:"none",width:"auto"}),"number"==typeof o&&(a={flexGrow:0,flexBasis:"auto",width:`calc(100% * ${o} / ${y(t)}${b(t)?` + ${r("column")}`:""})`}),e(n,a)}),n},S=({theme:e,ownerState:t})=>{let r={};return h(e.breakpoints,t.gridOffset,(e,n)=>{let o={};"auto"===n&&(o={marginLeft:"auto"}),"number"==typeof n&&(o={marginLeft:0===n?"0px":`calc(100% * ${n} / ${y(t)})`}),e(r,o)}),r},k=({theme:e,ownerState:t})=>{if(!t.container)return{};let r=b(t)?{[`--Grid-columns${g(t.unstable_level)}`]:y(t)}:{"--Grid-columns":12};return h(e.breakpoints,t.columns,(e,n)=>{e(r,{[`--Grid-columns${g(t.unstable_level)}`]:n})}),r},R=({theme:e,ownerState:t})=>{if(!t.container)return{};let r=x(t),n=b(t)?{[`--Grid-rowSpacing${g(t.unstable_level)}`]:r("row")}:{};return h(e.breakpoints,t.rowSpacing,(r,o)=>{var a;r(n,{[`--Grid-rowSpacing${g(t.unstable_level)}`]:"string"==typeof o?o:null==(a=e.spacing)?void 0:a.call(e,o)})}),n},C=({theme:e,ownerState:t})=>{if(!t.container)return{};let r=x(t),n=b(t)?{[`--Grid-columnSpacing${g(t.unstable_level)}`]:r("column")}:{};return h(e.breakpoints,t.columnSpacing,(r,o)=>{var a;r(n,{[`--Grid-columnSpacing${g(t.unstable_level)}`]:"string"==typeof o?o:null==(a=e.spacing)?void 0:a.call(e,o)})}),n},P=({theme:e,ownerState:t})=>{if(!t.container)return{};let r={};return h(e.breakpoints,t.direction,(e,t)=>{e(r,{flexDirection:t})}),r},M=({ownerState:e})=>{let t=Z(e),r=x(e);return(0,n.Z)({minWidth:0,boxSizing:"border-box"},e.container&&(0,n.Z)({display:"flex",flexWrap:"wrap"},e.wrap&&"wrap"!==e.wrap&&{flexWrap:e.wrap},{margin:`calc(${t("row")} / -2) calc(${t("column")} / -2)`},e.disableEqualOverflow&&{margin:`calc(${t("row")} * -1) 0px 0px calc(${t("column")} * -1)`}),(!e.container||b(e))&&(0,n.Z)({padding:`calc(${r("row")} / 2) calc(${r("column")} / 2)`},(e.disableEqualOverflow||e.parentDisableEqualOverflow)&&{padding:`${r("row")} 0px 0px ${r("column")}`}))},E=e=>{let t=[];return Object.entries(e).forEach(([e,r])=>{!1!==r&&void 0!==r&&t.push(`grid-${e}-${String(r)}`)}),t},O=(e,t="xs")=>{function r(e){return void 0!==e&&("string"==typeof e&&!Number.isNaN(Number(e))||"number"==typeof e&&e>0)}if(r(e))return[`spacing-${t}-${String(e)}`];if("object"==typeof e&&!Array.isArray(e)){let t=[];return Object.entries(e).forEach(([e,n])=>{r(n)&&t.push(`spacing-${e}-${String(n)}`)}),t}return[]},T=e=>void 0===e?[]:"object"==typeof e?Object.entries(e).map(([e,t])=>`direction-${e}-${t}`):[`direction-xs-${String(e)}`];var L=r(7437);let j=["className","children","columns","container","component","direction","wrap","spacing","rowSpacing","columnSpacing","disableEqualOverflow","unstable_level"],I=(0,m.Z)(),z=(0,u.Z)("div",{name:"MuiGrid",slot:"Root",overridesResolver:(e,t)=>t.root});function N(e){return(0,d.Z)({props:e,name:"MuiGrid",defaultTheme:I})}var A=r(8024),B=r(9281),F=function(e={}){let{createStyledComponent:t=z,useThemeProps:r=N,componentName:u="MuiGrid"}=e,d=a.createContext(void 0),m=(e,t)=>{let{container:r,direction:n,spacing:o,wrap:a,gridSize:i}=e,c={root:["root",r&&"container","wrap"!==a&&`wrap-xs-${String(a)}`,...T(n),...E(i),...r?O(o,t.breakpoints.keys[0]):[]]};return(0,l.Z)(c,e=>(0,s.ZP)(u,e),{})},v=t(k,C,R,w,P,M,S),h=a.forwardRef(function(e,t){var l,s,u,h,g,b,Z,x;let y=(0,p.Z)(),w=r(e),S=(0,f.Z)(w),k=a.useContext(d),{className:R,children:C,columns:P=12,container:M=!1,component:E="div",direction:O="row",wrap:T="wrap",spacing:I=0,rowSpacing:z=I,columnSpacing:N=I,disableEqualOverflow:A,unstable_level:B=0}=S,F=(0,o.Z)(S,j),W=A;B&&void 0!==A&&(W=e.disableEqualOverflow);let D={},V={},H={};Object.entries(F).forEach(([e,t])=>{void 0!==y.breakpoints.values[e]?D[e]=t:void 0!==y.breakpoints.values[e.replace("Offset","")]?V[e.replace("Offset","")]=t:H[e]=t});let q=null!=(l=e.columns)?l:B?void 0:P,G=null!=(s=e.spacing)?s:B?void 0:I,_=null!=(u=null!=(h=e.rowSpacing)?h:e.spacing)?u:B?void 0:z,$=null!=(g=null!=(b=e.columnSpacing)?b:e.spacing)?g:B?void 0:N,U=(0,n.Z)({},S,{level:B,columns:q,container:M,direction:O,wrap:T,spacing:G,rowSpacing:_,columnSpacing:$,gridSize:D,gridOffset:V,disableEqualOverflow:null!=(Z=null!=(x=W)?x:k)&&Z,parentDisableEqualOverflow:k}),X=m(U,y),K=(0,L.jsx)(v,(0,n.Z)({ref:t,as:E,ownerState:U,className:(0,i.Z)(X.root,R)},H,{children:a.Children.map(C,e=>{if(a.isValidElement(e)&&(0,c.Z)(e,["Grid"])){var t;return a.cloneElement(e,{unstable_level:null!=(t=e.props.unstable_level)?t:B+1})}return e})}));return void 0!==W&&W!==(null!=k&&k)&&(K=(0,L.jsx)(d.Provider,{value:W,children:K})),K});return h.muiName="Grid",h}({createStyledComponent:(0,A.ZP)("div",{name:"MuiGrid2",slot:"Root",overridesResolver:(e,t)=>t.root}),componentName:"MuiGrid2",useThemeProps:e=>(0,B.Z)({props:e,name:"MuiGrid2"})})},5931:function(e,t,r){"use strict";r.d(t,{C:function(){return o},n:function(){return n}});let n=e=>e.scrollTop;function o(e,t){var r,n;let{timeout:o,easing:a,style:i={}}=e;return{duration:null!=(r=i.transitionDuration)?r:"number"==typeof o?o:o[t.mode]||0,easing:null!=(n=i.transitionTimingFunction)?n:"object"==typeof a?a[t.mode]:a,delay:i.transitionDelay}}},2272:function(e,t,r){"use strict";var n=r(1259);t.Z=n.Z},8086:function(e,t,r){"use strict";var n=r(4559);t.Z=n.Z},9018:function(e,t,r){"use strict";r.d(t,{Z:function(){return Z}});var n=r(2988),o=r(2265),a=r(3950),i=r(4839),l=r(6259),s=r(2272),c=r(9281),u=r(8024),d=r(4535),p=r(7542);function f(e){return(0,p.ZP)("MuiSvgIcon",e)}(0,d.Z)("MuiSvgIcon",["root","colorPrimary","colorSecondary","colorAction","colorError","colorDisabled","fontSizeInherit","fontSizeSmall","fontSizeMedium","fontSizeLarge"]);var m=r(7437);let v=["children","className","color","component","fontSize","htmlColor","inheritViewBox","titleAccess","viewBox"],h=e=>{let{color:t,fontSize:r,classes:n}=e,o={root:["root","inherit"!==t&&"color".concat((0,s.Z)(t)),"fontSize".concat((0,s.Z)(r))]};return(0,l.Z)(o,f,n)},g=(0,u.ZP)("svg",{name:"MuiSvgIcon",slot:"Root",overridesResolver:(e,t)=>{let{ownerState:r}=e;return[t.root,"inherit"!==r.color&&t["color".concat((0,s.Z)(r.color))],t["fontSize".concat((0,s.Z)(r.fontSize))]]}})(e=>{var t,r,n,o,a,i,l,s,c,u,d,p,f;let{theme:m,ownerState:v}=e;return{userSelect:"none",width:"1em",height:"1em",display:"inline-block",fill:v.hasSvgAsChild?void 0:"currentColor",flexShrink:0,transition:null==(t=m.transitions)||null==(r=t.create)?void 0:r.call(t,"fill",{duration:null==(n=m.transitions)||null==(n=n.duration)?void 0:n.shorter}),fontSize:({inherit:"inherit",small:(null==(o=m.typography)||null==(a=o.pxToRem)?void 0:a.call(o,20))||"1.25rem",medium:(null==(i=m.typography)||null==(l=i.pxToRem)?void 0:l.call(i,24))||"1.5rem",large:(null==(s=m.typography)||null==(c=s.pxToRem)?void 0:c.call(s,35))||"2.1875rem"})[v.fontSize],color:null!=(u=null==(d=(m.vars||m).palette)||null==(d=d[v.color])?void 0:d.main)?u:({action:null==(p=(m.vars||m).palette)||null==(p=p.action)?void 0:p.active,disabled:null==(f=(m.vars||m).palette)||null==(f=f.action)?void 0:f.disabled,inherit:void 0})[v.color]}}),b=o.forwardRef(function(e,t){let r=(0,c.Z)({props:e,name:"MuiSvgIcon"}),{children:l,className:s,color:u="inherit",component:d="svg",fontSize:p="medium",htmlColor:f,inheritViewBox:b=!1,titleAccess:Z,viewBox:x="0 0 24 24"}=r,y=(0,a.Z)(r,v),w=o.isValidElement(l)&&"svg"===l.type,S=(0,n.Z)({},r,{color:u,component:d,fontSize:p,instanceFontSize:e.fontSize,inheritViewBox:b,viewBox:x,hasSvgAsChild:w}),k={};b||(k.viewBox=x);let R=h(S);return(0,m.jsxs)(g,(0,n.Z)({as:d,className:(0,i.Z)(R.root,s),focusable:"false",color:f,"aria-hidden":!Z||void 0,role:Z?"img":void 0,ref:t},k,y,w&&l.props,{ownerState:S,children:[w?l.props.children:l,Z?(0,m.jsx)("title",{children:Z}):null]}))});function Z(e,t){function r(r,o){return(0,m.jsx)(b,(0,n.Z)({"data-testid":"".concat(t,"Icon"),ref:o},r,{children:e}))}return r.muiName=b.muiName,o.memo(o.forwardRef(r))}b.muiName="SvgIcon"},576:function(e,t,r){"use strict";var n=r(1227);t.Z=n.Z},6761:function(e,t,r){"use strict";r.r(t),r.d(t,{capitalize:function(){return o.Z},createChainedFunction:function(){return a.Z},createSvgIcon:function(){return i.Z},debounce:function(){return l.Z},deprecatedPropType:function(){return s},isMuiElement:function(){return c.Z},ownerDocument:function(){return u.Z},ownerWindow:function(){return d.Z},requirePropFactory:function(){return p},setRef:function(){return f},unstable_ClassNameGenerator:function(){return y},unstable_useEnhancedEffect:function(){return m.Z},unstable_useId:function(){return v.Z},unsupportedProp:function(){return h},useControlled:function(){return g.Z},useEventCallback:function(){return b.Z},useForkRef:function(){return Z.Z},useIsFocusVisible:function(){return x.Z}});var n=r(5960),o=r(2272),a=r(8086),i=r(9018),l=r(576),s=function(e,t){return()=>null},c=r(9783),u=r(9645),d=r(8095);r(2988);var p=function(e,t){return()=>null},f=r(9969).Z,m=r(8632),v=r(8256),h=function(e,t,r,n,o){return null},g=r(5115),b=r(6182),Z=r(909),x=r(6850);let y={configure:e=>{n.Z.configure(e)}}},9783:function(e,t,r){"use strict";var n=r(717);t.Z=n.Z},9645:function(e,t,r){"use strict";var n=r(5694);t.Z=n.Z},8095:function(e,t,r){"use strict";var n=r(3076);t.Z=n.Z},5115:function(e,t,r){"use strict";var n=r(5226);t.Z=n.Z},8632:function(e,t,r){"use strict";var n=r(8017);t.Z=n.Z},6182:function(e,t,r){"use strict";var n=r(9244);t.Z=n.Z},909:function(e,t,r){"use strict";var n=r(2367);t.Z=n.Z},8256:function(e,t,r){"use strict";var n=r(674);t.Z=n.Z},6850:function(e,t,r){"use strict";var n=r(9484);t.Z=n.Z},261:function(e,t,r){"use strict";r.d(t,{Z:function(){return c}});var n=r(2988),o=r(3950),a=r(6529),i=r(9626);let l=["sx"],s=e=>{var t,r;let n={systemProps:{},otherProps:{}},o=null!=(t=null==e||null==(r=e.theme)?void 0:r.unstable_sxConfig)?t:i.Z;return Object.keys(e).forEach(t=>{o[t]?n.systemProps[t]=e[t]:n.otherProps[t]=e[t]}),n};function c(e){let t;let{sx:r}=e,{systemProps:i,otherProps:c}=s((0,o.Z)(e,l));return t=Array.isArray(r)?[i,...r]:"function"==typeof r?(...e)=>{let t=r(...e);return(0,a.P)(t)?(0,n.Z)({},i,t):i}:(0,n.Z)({},i,r),(0,n.Z)({},c,{sx:t})}},7794:function(e,t,r){"use strict";let n=(0,r(7906).ZP)();t.Z=n},5960:function(e,t){"use strict";let r;let n=e=>e,o=(r=n,{configure(e){r=e},generate:e=>r(e),reset(){r=n}});t.Z=o},6259:function(e,t,r){"use strict";function n(e,t,r){let n={};return Object.keys(e).forEach(o=>{n[o]=e[o].reduce((e,n)=>{if(n){let o=t(n);""!==o&&e.push(o),r&&r[n]&&e.push(r[n])}return e},[]).join(" ")}),n}r.d(t,{Z:function(){return n}})},4559:function(e,t,r){"use strict";function n(...e){return e.reduce((e,t)=>null==t?e:function(...r){e.apply(this,r),t.apply(this,r)},()=>{})}r.d(t,{Z:function(){return n}})},1227:function(e,t,r){"use strict";function n(e,t=166){let r;function n(...o){clearTimeout(r),r=setTimeout(()=>{e.apply(this,o)},t)}return n.clear=()=>{clearTimeout(r)},n}r.d(t,{Z:function(){return n}})},7542:function(e,t,r){"use strict";r.d(t,{ZP:function(){return a},_v:function(){return o}});var n=r(5960);let o={active:"active",checked:"checked",completed:"completed",disabled:"disabled",error:"error",expanded:"expanded",focused:"focused",focusVisible:"focusVisible",open:"open",readOnly:"readOnly",required:"required",selected:"selected"};function a(e,t,r="Mui"){let a=o[t];return a?`${r}-${a}`:`${n.Z.generate(e)}-${t}`}},4535:function(e,t,r){"use strict";r.d(t,{Z:function(){return o}});var n=r(7542);function o(e,t,r="Mui"){let o={};return t.forEach(t=>{o[t]=(0,n.ZP)(e,t,r)}),o}},6640:function(e,t,r){"use strict";function n(e){let t=e.documentElement.clientWidth;return Math.abs(window.innerWidth-t)}r.d(t,{Z:function(){return n}})},717:function(e,t,r){"use strict";r.d(t,{Z:function(){return o}});var n=r(2265);function o(e,t){var r,o;return n.isValidElement(e)&&-1!==t.indexOf(null!=(r=e.type.muiName)?r:null==(o=e.type)||null==(o=o._payload)||null==(o=o.value)?void 0:o.muiName)}},5694:function(e,t,r){"use strict";function n(e){return e&&e.ownerDocument||document}r.d(t,{Z:function(){return n}})},3076:function(e,t,r){"use strict";r.d(t,{Z:function(){return o}});var n=r(5694);function o(e){return(0,n.Z)(e).defaultView||window}},9969:function(e,t,r){"use strict";function n(e,t){"function"==typeof e?e(t):e&&(e.current=t)}r.d(t,{Z:function(){return n}})},5226:function(e,t,r){"use strict";r.d(t,{Z:function(){return o}});var n=r(2265);function o(e){let{controlled:t,default:r,name:o,state:a="value"}=e,{current:i}=n.useRef(void 0!==t),[l,s]=n.useState(r),c=n.useCallback(e=>{i||s(e)},[]);return[i?t:l,c]}},8017:function(e,t,r){"use strict";var n=r(2265);let o="undefined"!=typeof window?n.useLayoutEffect:n.useEffect;t.Z=o},9244:function(e,t,r){"use strict";var n=r(2265),o=r(8017);t.Z=function(e){let t=n.useRef(e);return(0,o.Z)(()=>{t.current=e}),n.useRef(function(){for(var e=arguments.length,r=Array(e),n=0;nt.every(e=>null==e)?null:e=>{t.forEach(t=>{(0,o.Z)(t,e)})},t)}},674:function(e,t,r){"use strict";r.d(t,{Z:function(){return l}});var n,o=r(2265);let a=0,i=(n||(n=r.t(o,2)))["useId".toString()];function l(e){if(void 0!==i){let t=i();return null!=e?e:t}return function(e){let[t,r]=o.useState(e),n=e||t;return o.useEffect(()=>{null==t&&(a+=1,r("mui-".concat(a)))},[t]),n}(e)}},9484:function(e,t,r){"use strict";r.d(t,{Z:function(){return p}});var n=r(2265),o=r(9930);let a=!0,i=!1,l=new o.V,s={text:!0,search:!0,url:!0,tel:!0,email:!0,password:!0,number:!0,date:!0,month:!0,week:!0,time:!0,datetime:!0,"datetime-local":!0};function c(e){e.metaKey||e.altKey||e.ctrlKey||(a=!0)}function u(){a=!1}function d(){"hidden"===this.visibilityState&&i&&(a=!0)}function p(){let e=n.useCallback(e=>{if(null!=e){var t;(t=e.ownerDocument).addEventListener("keydown",c,!0),t.addEventListener("mousedown",u,!0),t.addEventListener("pointerdown",u,!0),t.addEventListener("touchstart",u,!0),t.addEventListener("visibilitychange",d,!0)}},[]),t=n.useRef(!1);return{isFocusVisibleRef:t,onFocus:function(e){return!!function(e){let{target:t}=e;try{return t.matches(":focus-visible")}catch(e){}return a||function(e){let{type:t,tagName:r}=e;return"INPUT"===r&&!!s[t]&&!e.readOnly||"TEXTAREA"===r&&!e.readOnly||!!e.isContentEditable}(t)}(e)&&(t.current=!0,!0)},onBlur:function(){return!!t.current&&(i=!0,l.start(100,()=>{i=!1}),t.current=!1,!0)},ref:e}}},9930:function(e,t,r){"use strict";r.d(t,{V:function(){return i},Z:function(){return l}});var n=r(2265);let o={},a=[];class i{static create(){return new i}start(e,t){this.clear(),this.currentId=setTimeout(()=>{this.currentId=0,t()},e)}constructor(){this.currentId=0,this.clear=()=>{0!==this.currentId&&(clearTimeout(this.currentId),this.currentId=0)},this.disposeEffect=()=>this.clear}}function l(){var e;let t=function(e,t){let r=n.useRef(o);return r.current===o&&(r.current=e(void 0)),r}(i.create).current;return e=t.disposeEffect,n.useEffect(e,a),t}},7170:function(e,t,r){var n,o,a;o=[],void 0!==(a="function"==typeof(n=function(){"use strict";function t(e,t,r){var n=new XMLHttpRequest;n.open("GET",e),n.responseType="blob",n.onload=function(){l(n.response,t,r)},n.onerror=function(){console.error("could not download file")},n.send()}function n(e){var t=new XMLHttpRequest;t.open("HEAD",e,!1);try{t.send()}catch(e){}return 200<=t.status&&299>=t.status}function o(e){try{e.dispatchEvent(new MouseEvent("click"))}catch(r){var t=document.createEvent("MouseEvents");t.initMouseEvent("click",!0,!0,window,0,0,0,80,20,!1,!1,!1,!1,0,null),e.dispatchEvent(t)}}var a="object"==typeof window&&window.window===window?window:"object"==typeof self&&self.self===self?self:"object"==typeof r.g&&r.g.global===r.g?r.g:void 0,i=a.navigator&&/Macintosh/.test(navigator.userAgent)&&/AppleWebKit/.test(navigator.userAgent)&&!/Safari/.test(navigator.userAgent),l=a.saveAs||("object"!=typeof window||window!==a?function(){}:"download"in HTMLAnchorElement.prototype&&!i?function(e,r,i){var l=a.URL||a.webkitURL,s=document.createElement("a");r=r||e.name||"download",s.download=r,s.rel="noopener","string"==typeof e?(s.href=e,s.origin===location.origin?o(s):n(s.href)?t(e,r,i):o(s,s.target="_blank")):(s.href=l.createObjectURL(e),setTimeout(function(){l.revokeObjectURL(s.href)},4e4),setTimeout(function(){o(s)},0))}:"msSaveOrOpenBlob"in navigator?function(e,r,a){if(r=r||e.name||"download","string"!=typeof e){var i;navigator.msSaveOrOpenBlob((void 0===(i=a)?i={autoBom:!1}:"object"!=typeof i&&(console.warn("Deprecated: Expected third argument to be a object"),i={autoBom:!i}),i.autoBom&&/^\s*(?:text\/\S*|application\/xml|\S*\/\S*\+xml)\s*;.*charset\s*=\s*utf-8/i.test(e.type)?new Blob(["\uFEFF",e],{type:e.type}):e),r)}else if(n(e))t(e,r,a);else{var l=document.createElement("a");l.href=e,l.target="_blank",setTimeout(function(){o(l)})}}:function(e,r,n,o){if((o=o||open("","_blank"))&&(o.document.title=o.document.body.innerText="downloading..."),"string"==typeof e)return t(e,r,n);var l="application/octet-stream"===e.type,s=/constructor/i.test(a.HTMLElement)||a.safari,c=/CriOS\/[\d]+/.test(navigator.userAgent);if((c||l&&s||i)&&"undefined"!=typeof FileReader){var u=new FileReader;u.onloadend=function(){var e=u.result;e=c?e:e.replace(/^data:[^;]*;/,"data:attachment/file;"),o?o.location.href=e:location=e,o=null},u.readAsDataURL(e)}else{var d=a.URL||a.webkitURL,p=d.createObjectURL(e);o?o.location=p:location.href=p,o=null,setTimeout(function(){d.revokeObjectURL(p)},4e4)}});a.saveAs=l.saveAs=l,e.exports=l})?n.apply(t,o):n)&&(e.exports=a)},4332:function(e,t){"use strict";Symbol.for("react.element"),Symbol.for("react.portal"),Symbol.for("react.fragment"),Symbol.for("react.strict_mode"),Symbol.for("react.profiler"),Symbol.for("react.provider"),Symbol.for("react.context"),Symbol.for("react.server_context"),Symbol.for("react.forward_ref"),Symbol.for("react.suspense"),Symbol.for("react.suspense_list"),Symbol.for("react.memo"),Symbol.for("react.lazy"),Symbol.for("react.offscreen"),Symbol.for("react.module.reference")},2659:function(e,t,r){"use strict";r(4332)},3822:function(e,t,r){"use strict";r.d(t,{ZP:function(){return h}});var n=r(3950),o=r(7802),a=r(2265),i=r(4887),l={disabled:!1},s=r(4145),c="unmounted",u="exited",d="entering",p="entered",f="exiting",m=function(e){function t(t,r){n=e.call(this,t,r)||this;var n,o,a=r&&!r.isMounting?t.enter:t.appear;return n.appearStatus=null,t.in?a?(o=u,n.appearStatus=d):o=p:o=t.unmountOnExit||t.mountOnEnter?c:u,n.state={status:o},n.nextCallback=null,n}(0,o.Z)(t,e),t.getDerivedStateFromProps=function(e,t){return e.in&&t.status===c?{status:u}:null};var r=t.prototype;return r.componentDidMount=function(){this.updateStatus(!0,this.appearStatus)},r.componentDidUpdate=function(e){var t=null;if(e!==this.props){var r=this.state.status;this.props.in?r!==d&&r!==p&&(t=d):(r===d||r===p)&&(t=f)}this.updateStatus(!1,t)},r.componentWillUnmount=function(){this.cancelNextCallback()},r.getTimeouts=function(){var e,t,r,n=this.props.timeout;return e=t=r=n,null!=n&&"number"!=typeof n&&(e=n.exit,t=n.enter,r=void 0!==n.appear?n.appear:t),{exit:e,enter:t,appear:r}},r.updateStatus=function(e,t){if(void 0===e&&(e=!1),null!==t){if(this.cancelNextCallback(),t===d){if(this.props.unmountOnExit||this.props.mountOnEnter){var r=this.props.nodeRef?this.props.nodeRef.current:i.findDOMNode(this);r&&r.scrollTop}this.performEnter(e)}else this.performExit()}else this.props.unmountOnExit&&this.state.status===u&&this.setState({status:c})},r.performEnter=function(e){var t=this,r=this.props.enter,n=this.context?this.context.isMounting:e,o=this.props.nodeRef?[n]:[i.findDOMNode(this),n],a=o[0],s=o[1],c=this.getTimeouts(),u=n?c.appear:c.enter;if(!e&&!r||l.disabled){this.safeSetState({status:p},function(){t.props.onEntered(a)});return}this.props.onEnter(a,s),this.safeSetState({status:d},function(){t.props.onEntering(a,s),t.onTransitionEnd(u,function(){t.safeSetState({status:p},function(){t.props.onEntered(a,s)})})})},r.performExit=function(){var e=this,t=this.props.exit,r=this.getTimeouts(),n=this.props.nodeRef?void 0:i.findDOMNode(this);if(!t||l.disabled){this.safeSetState({status:u},function(){e.props.onExited(n)});return}this.props.onExit(n),this.safeSetState({status:f},function(){e.props.onExiting(n),e.onTransitionEnd(r.exit,function(){e.safeSetState({status:u},function(){e.props.onExited(n)})})})},r.cancelNextCallback=function(){null!==this.nextCallback&&(this.nextCallback.cancel(),this.nextCallback=null)},r.safeSetState=function(e,t){t=this.setNextCallback(t),this.setState(e,t)},r.setNextCallback=function(e){var t=this,r=!0;return this.nextCallback=function(n){r&&(r=!1,t.nextCallback=null,e(n))},this.nextCallback.cancel=function(){r=!1},this.nextCallback},r.onTransitionEnd=function(e,t){this.setNextCallback(t);var r=this.props.nodeRef?this.props.nodeRef.current:i.findDOMNode(this),n=null==e&&!this.props.addEndListener;if(!r||n){setTimeout(this.nextCallback,0);return}if(this.props.addEndListener){var o=this.props.nodeRef?[this.nextCallback]:[r,this.nextCallback],a=o[0],l=o[1];this.props.addEndListener(a,l)}null!=e&&setTimeout(this.nextCallback,e)},r.render=function(){var e=this.state.status;if(e===c)return null;var t=this.props,r=t.children,o=(t.in,t.mountOnEnter,t.unmountOnExit,t.appear,t.enter,t.exit,t.timeout,t.addEndListener,t.onEnter,t.onEntering,t.onEntered,t.onExit,t.onExiting,t.onExited,t.nodeRef,(0,n.Z)(t,["children","in","mountOnEnter","unmountOnExit","appear","enter","exit","timeout","addEndListener","onEnter","onEntering","onEntered","onExit","onExiting","onExited","nodeRef"]));return a.createElement(s.Z.Provider,{value:null},"function"==typeof r?r(e,o):a.cloneElement(a.Children.only(r),o))},t}(a.Component);function v(){}m.contextType=s.Z,m.propTypes={},m.defaultProps={in:!1,mountOnEnter:!1,unmountOnExit:!1,appear:!1,enter:!0,exit:!0,onEnter:v,onEntering:v,onEntered:v,onExit:v,onExiting:v,onExited:v},m.UNMOUNTED=c,m.EXITED=u,m.ENTERING=d,m.ENTERED=p,m.EXITING=f;var h=m},4145:function(e,t,r){"use strict";var n=r(2265);t.Z=n.createContext(null)},3963:function(e){e.exports=function(e){return e&&e.__esModule?e:{default:e}},e.exports.__esModule=!0,e.exports.default=e.exports},7802:function(e,t,r){"use strict";function n(e,t){return(n=Object.setPrototypeOf?Object.setPrototypeOf.bind():function(e,t){return e.__proto__=t,e})(e,t)}function o(e,t){e.prototype=Object.create(t.prototype),e.prototype.constructor=e,n(e,t)}r.d(t,{Z:function(){return o}})},8646:function(e,t,r){"use strict";function n(e,t){return t||(t=e.slice(0)),Object.freeze(Object.defineProperties(e,{raw:{value:Object.freeze(t)}}))}r.d(t,{_:function(){return n}})},4839:function(e,t,r){"use strict";t.Z=function(){for(var e,t,r=0,n="",o=arguments.length;r{var e;let r=(0,a.Z)((0,n.Z)({},t,{key:null!=(e=null==t?void 0:t.key)?e:"mui"}));r.compat=!0;let o=r.insert,l=[];return r.insert=function(){for(var e=arguments.length,n=Array(e),a=0;a{let e=l;return l=[],e}}});return(0,i.useServerInsertedHTML)(()=>{let e=u.flush();if(0===e.length)return null;let r="",n=u.cache.key,a=[];return e.forEach(e=>{let{name:t,isGlobal:o}=e,l=u.cache.inserted[t];"boolean"!=typeof l&&(o?a.push({name:t,style:l}):(r+=l,n+=" ".concat(t)))}),(0,c.jsxs)(o.Fragment,{children:[a.map(e=>{let{name:r,style:n}=e;return(0,c.jsx)("style",{nonce:null==t?void 0:t.nonce,"data-emotion":"".concat(u.cache.key,"-global ").concat(r),dangerouslySetInnerHTML:{__html:n}},r)}),r&&(0,c.jsx)("style",{nonce:null==t?void 0:t.nonce,"data-emotion":n,dangerouslySetInnerHTML:{__html:r}})]})}),(0,c.jsx)(r,{value:u.cache,children:s})}},6324:function(e,t,r){"use strict";let n;r.r(t),r.d(t,{Experimental_CssVarsProvider:function(){return ex},StyledEngineProvider:function(){return z},THEME_ID:function(){return a.Z},ThemeProvider:function(){return O},adaptV4Theme:function(){return m},alpha:function(){return g.Fq},createMuiTheme:function(){return f.A},createStyles:function(){return b},createTheme:function(){return f.Z},css:function(){return h.iv},darken:function(){return g._j},decomposeColor:function(){return g.tB},duration:function(){return w.x9},easing:function(){return w.Ui},emphasize:function(){return g._4},experimentalStyled:function(){return T.ZP},experimental_extendTheme:function(){return eb},experimental_sx:function(){return eT},getContrastRatio:function(){return g.mi},getInitColorSchemeScript:function(){return eZ},getLuminance:function(){return g.H3},getOverlayAlpha:function(){return eu.Z},hexToRgb:function(){return g.oo},hslToRgb:function(){return g.ve},keyframes:function(){return h.F4},lighten:function(){return g.$n},makeStyles:function(){return R},private_createMixins:function(){return eA.Z},private_createTypography:function(){return eC.Z},private_excludeVariablesFromRoot:function(){return ek},recomposeColor:function(){return g.wy},responsiveFontSizes:function(){return x},rgbToHex:function(){return g.vq},shouldSkipGeneratingVar:function(){return es},styled:function(){return T.ZP},unstable_createMuiStrictModeTheme:function(){return y},unstable_getUnit:function(){return k},unstable_toUnitless:function(){return v},useColorScheme:function(){return ew},useTheme:function(){return Z.Z},useThemeProps:function(){return A.Z},withStyles:function(){return H},withTheme:function(){return N}});var o=r(2414),a=r(2737),l=r(2988),i=r(3950),c=r(6669),s=r(9329);let u=["defaultProps","mixins","overrides","palette","props","styleOverrides"],d=["type","mode"];function m(e){let{defaultProps:t={},mixins:r={},overrides:n={},palette:o={},props:a={},styleOverrides:m={}}=e,g=(0,i.Z)(e,u),h=(0,l.Z)({},g,{components:{}});Object.keys(t).forEach(e=>{let r=h.components[e]||{};r.defaultProps=t[e],h.components[e]=r}),Object.keys(a).forEach(e=>{let t=h.components[e]||{};t.defaultProps=a[e],h.components[e]=t}),Object.keys(m).forEach(e=>{let t=h.components[e]||{};t.styleOverrides=m[e],h.components[e]=t}),Object.keys(n).forEach(e=>{let t=h.components[e]||{};t.styleOverrides=n[e],h.components[e]=t}),h.spacing=(0,c.Z)(e.spacing);let f=(0,s.Z)(e.breakpoints||{}),p=h.spacing;h.mixins=(0,l.Z)({gutters:function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{};return(0,l.Z)({paddingLeft:p(2),paddingRight:p(2)},e,{[f.up("sm")]:(0,l.Z)({paddingLeft:p(3),paddingRight:p(3)},e[f.up("sm")])})}},r);let{type:y,mode:S}=o,b=(0,i.Z)(o,d),C=S||y||"light";return h.palette=(0,l.Z)({text:{hint:"dark"===C?"rgba(255, 255, 255, 0.5)":"rgba(0, 0, 0, 0.38)"},mode:C,type:C},b),h}var g=r(2305),h=r(3098),f=r(8285),p=r(6529);function y(e){for(var t=arguments.length,r=Array(t>1?t-1:0),n=1;n1&&void 0!==arguments[1]?arguments[1]:{},{breakpoints:n=["sm","md","lg"],disableAlign:a=!1,factor:i=2,variants:c=["h1","h2","h3","h4","h5","h6","subtitle1","subtitle2","body1","body2","caption","button","overline"]}=r,s=(0,l.Z)({},e);s.typography=(0,l.Z)({},s.typography);let u=s.typography,d=(t=u.htmlFontSize,(e,r)=>{let n=k(e);if(n===r)return e;let o=v(e);"px"!==n&&("em"===n?o=v(e)*v(t):"rem"===n&&(o=v(e)*v(t)));let a=o;if("px"!==r){if("em"===r)a=o/v(t);else{if("rem"!==r)return e;a=o/v(t)}}return parseFloat(a.toFixed(5))+r}),m=n.map(e=>s.breakpoints.values[e]);return c.forEach(e=>{let t=u[e],r=parseFloat(d(t.fontSize,"rem"));if(r<=1)return;let{lineHeight:n}=t;if(!C(n)&&!a)throw Error((0,o.Z)(6));C(n)||(n=parseFloat(d(n,"rem"))/parseFloat(r));let c=null;a||(c=e=>(function(e){let{size:t,grid:r}=e,n=t-t%r,o=n+r;return t-n{let n=r+c*e;null!==l&&(n=l(n)),i["@media (min-width:".concat(e,"px)")]={[t]:"".concat(Math.round(1e4*n)/1e4).concat(o)}}),i}({cssProperty:"fontSize",min:1+(r-1)/i,max:r,unit:"rem",breakpoints:m,transform:c}))}),s}var w=r(1355),Z=r(2960),A=r(9281),T=r(8024),B=r(2265);let _=B.createContext(null);function I(){return B.useContext(_)}var F="function"==typeof Symbol&&Symbol.for?Symbol.for("mui.nested"):"__THEME_NESTED__",E=r(7437),$=function(e){let{children:t,theme:r}=e,n=I(),o=B.useMemo(()=>{let e=null===n?r:"function"==typeof r?r(n):(0,l.Z)({},n,r);return null!=e&&(e[F]=null!==n),e},[r,n]);return(0,E.jsx)(_.Provider,{value:o,children:t})},j=r(2606),P=r(4828);let q={};function L(e,t,r){let n=arguments.length>3&&void 0!==arguments[3]&&arguments[3];return B.useMemo(()=>{let o=e&&t[e]||t;if("function"==typeof r){let a=r(o),i=e?(0,l.Z)({},t,{[e]:a}):a;return n?()=>i:i}return e?(0,l.Z)({},t,{[e]:r}):(0,l.Z)({},t,r)},[e,t,r,n])}var M=function(e){let{children:t,theme:r,themeId:n}=e,o=(0,P.Z)(q),a=I()||q,l=L(n,o,r),i=L(n,a,r,!0);return(0,E.jsx)($,{theme:i,children:(0,E.jsx)(j.T.Provider,{value:l,children:t})})};let D=["theme"];function O(e){let{theme:t}=e,r=(0,i.Z)(e,D),n=t[a.Z];return(0,E.jsx)(M,(0,l.Z)({},r,{themeId:n?a.Z:void 0,theme:n||t}))}var V=r(6309);function z(e){let{injectFirst:t,children:r}=e;return t&&n?(0,E.jsx)(j.C,{value:n,children:r}):r}function R(){throw Error((0,o.Z)(14))}function H(){throw Error((0,o.Z)(15))}function N(){throw Error((0,o.Z)(16))}"object"==typeof document&&(n=(0,V.Z)({key:"css",prepend:!0}));var U=r(6003);let K="mode",W="color-scheme",G="data-color-scheme";function J(e){if("undefined"!=typeof window&&"system"===e)return window.matchMedia("(prefers-color-scheme: dark)").matches?"dark":"light"}function Q(e,t){return"light"===e.mode||"system"===e.mode&&"light"===e.systemMode?t("light"):"dark"===e.mode||"system"===e.mode&&"dark"===e.systemMode?t("dark"):void 0}function X(e,t){let r;if("undefined"!=typeof window){try{(r=localStorage.getItem(e)||void 0)||localStorage.setItem(e,t)}catch(e){}return r||t}}let Y=["colorSchemes","components","generateCssVars","cssVarPrefix"];var ee=r(7267);let et=(e,t,r,n=[])=>{let o=e;t.forEach((e,a)=>{a===t.length-1?Array.isArray(o)?o[Number(e)]=r:o&&"object"==typeof o&&(o[e]=r):o&&"object"==typeof o&&(o[e]||(o[e]=n.includes(e)?[]:{}),o=o[e])})},er=(e,t,r)=>{!function e(n,o=[],a=[]){Object.entries(n).forEach(([n,l])=>{r&&(!r||r([...o,n]))||null==l||("object"==typeof l&&Object.keys(l).length>0?e(l,[...o,n],Array.isArray(l)?[...a,n]:a):t([...o,n],l,a))})}(e)},en=(e,t)=>"number"==typeof t?["lineHeight","fontWeight","opacity","zIndex"].some(t=>e.includes(t))||e[e.length-1].toLowerCase().indexOf("opacity")>=0?t:`${t}px`:t;function eo(e,t){let{prefix:r,shouldSkipGeneratingVar:n}=t||{},o={},a={},l={};return er(e,(e,t,i)=>{if(("string"==typeof t||"number"==typeof t)&&(!n||!n(e,t))){let n=`--${r?`${r}-`:""}${e.join("-")}`;Object.assign(o,{[n]:en(e,t)}),et(a,e,`var(${n})`,i),et(l,e,`var(${n}, ${t})`,i)}},e=>"vars"===e[0]),{css:o,vars:a,varsWithDefaults:l}}let ea=["colorSchemes","components"],el=["light"];var ei=function(e,t){let{colorSchemes:r={}}=e,{vars:n,css:o,varsWithDefaults:a}=eo((0,i.Z)(e,ea),t),c=a,s={},{light:u}=r;if(Object.entries((0,i.Z)(r,el)||{}).forEach(([e,r])=>{let{vars:n,css:o,varsWithDefaults:a}=eo(r,t);c=(0,p.Z)(c,a),s[e]={css:o,vars:n}}),u){let{css:e,vars:r,varsWithDefaults:n}=eo(u,t);c=(0,p.Z)(c,n),s.light={css:e,vars:r}}return{vars:c,generateCssVars:e=>e?{css:(0,l.Z)({},s[e].css),vars:s[e].vars}:{css:(0,l.Z)({},o),vars:n}}},ec=r(9626);function es(e){var t;return!!e[0].match(/(cssVarPrefix|typography|mixins|breakpoints|direction|transitions)/)||!!e[0].match(/sxConfig$/)||"palette"===e[0]&&!!(null!=(t=e[1])&&t.match(/(mode|contrastThreshold|tonalOffset)/))}var eu=r(1931);let ed=["colorSchemes","cssVarPrefix","shouldSkipGeneratingVar"],em=["palette"],eg=[...Array(25)].map((e,t)=>{if(0===t)return;let r=(0,eu.Z)(t);return"linear-gradient(rgba(255 255 255 / ".concat(r,"), rgba(255 255 255 / ").concat(r,"))")});function eh(e,t,r){!e[t]&&r&&(e[t]=r)}function ef(e){return e&&e.startsWith("hsl")?(0,g.ve)(e):e}function ep(e,t){"".concat(t,"Channel") in e||(e["".concat(t,"Channel")]=(0,g.LR)(ef(e[t]),"MUI: Can't create `palette.".concat(t,"Channel` because `palette.").concat(t,"` is not one of these formats: #nnn, #nnnnnn, rgb(), rgba(), hsl(), hsla(), color().")+"\n"+"To suppress this warning, you need to explicitly provide the `palette.".concat(t,'Channel` as a string (in rgb format, e.g. "12 12 12") or undefined if you want to remove the channel token.')))}let ey=e=>{try{return e()}catch(e){}},eS=function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:"mui";return function(e=""){return(t,...r)=>`var(--${e?`${e}-`:""}${t}${function t(...r){if(!r.length)return"";let n=r[0];return"string"!=typeof n||n.match(/(#|\(|\)|(-?(\d*\.)?\d+)(px|em|%|ex|ch|rem|vw|vh|vmin|vmax|cm|mm|in|pt|pc))|^(-?(\d*\.)?\d+)$|(\d+ \d+ \d+)/)?`, ${n}`:`, var(--${e?`${e}-`:""}${n}${t(...r.slice(1))})`}(...r)})`}(e)};function eb(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{};for(var t,r,n,o,a,c,s=arguments.length,u=Array(s>1?s-1:0),d=1;d{let t=w.colorSchemes[e].palette,r=e=>{let r=e.split("-"),n=r[1],o=r[2];return b(e,t[n][o])};if("light"===e?(eh(t.common,"background","#fff"),eh(t.common,"onBackground","#000")):(eh(t.common,"background","#000"),eh(t.common,"onBackground","#fff")),function(e,t){t.forEach(t=>{e[t]||(e[t]={})})}(t,["Alert","AppBar","Avatar","Button","Chip","FilledInput","LinearProgress","Skeleton","Slider","SnackbarContent","SpeedDialAction","StepConnector","StepContent","Switch","TableCell","Tooltip"]),"light"===e){eh(t.Alert,"errorColor",(0,g.q8)(t.error.light,.6)),eh(t.Alert,"infoColor",(0,g.q8)(t.info.light,.6)),eh(t.Alert,"successColor",(0,g.q8)(t.success.light,.6)),eh(t.Alert,"warningColor",(0,g.q8)(t.warning.light,.6)),eh(t.Alert,"errorFilledBg",r("palette-error-main")),eh(t.Alert,"infoFilledBg",r("palette-info-main")),eh(t.Alert,"successFilledBg",r("palette-success-main")),eh(t.Alert,"warningFilledBg",r("palette-warning-main")),eh(t.Alert,"errorFilledColor",ey(()=>k.getContrastText(t.error.main))),eh(t.Alert,"infoFilledColor",ey(()=>k.getContrastText(t.info.main))),eh(t.Alert,"successFilledColor",ey(()=>k.getContrastText(t.success.main))),eh(t.Alert,"warningFilledColor",ey(()=>k.getContrastText(t.warning.main))),eh(t.Alert,"errorStandardBg",(0,g.ux)(t.error.light,.9)),eh(t.Alert,"infoStandardBg",(0,g.ux)(t.info.light,.9)),eh(t.Alert,"successStandardBg",(0,g.ux)(t.success.light,.9)),eh(t.Alert,"warningStandardBg",(0,g.ux)(t.warning.light,.9)),eh(t.Alert,"errorIconColor",r("palette-error-main")),eh(t.Alert,"infoIconColor",r("palette-info-main")),eh(t.Alert,"successIconColor",r("palette-success-main")),eh(t.Alert,"warningIconColor",r("palette-warning-main")),eh(t.AppBar,"defaultBg",r("palette-grey-100")),eh(t.Avatar,"defaultBg",r("palette-grey-400")),eh(t.Button,"inheritContainedBg",r("palette-grey-300")),eh(t.Button,"inheritContainedHoverBg",r("palette-grey-A100")),eh(t.Chip,"defaultBorder",r("palette-grey-400")),eh(t.Chip,"defaultAvatarColor",r("palette-grey-700")),eh(t.Chip,"defaultIconColor",r("palette-grey-700")),eh(t.FilledInput,"bg","rgba(0, 0, 0, 0.06)"),eh(t.FilledInput,"hoverBg","rgba(0, 0, 0, 0.09)"),eh(t.FilledInput,"disabledBg","rgba(0, 0, 0, 0.12)"),eh(t.LinearProgress,"primaryBg",(0,g.ux)(t.primary.main,.62)),eh(t.LinearProgress,"secondaryBg",(0,g.ux)(t.secondary.main,.62)),eh(t.LinearProgress,"errorBg",(0,g.ux)(t.error.main,.62)),eh(t.LinearProgress,"infoBg",(0,g.ux)(t.info.main,.62)),eh(t.LinearProgress,"successBg",(0,g.ux)(t.success.main,.62)),eh(t.LinearProgress,"warningBg",(0,g.ux)(t.warning.main,.62)),eh(t.Skeleton,"bg","rgba(".concat(r("palette-text-primaryChannel")," / 0.11)")),eh(t.Slider,"primaryTrack",(0,g.ux)(t.primary.main,.62)),eh(t.Slider,"secondaryTrack",(0,g.ux)(t.secondary.main,.62)),eh(t.Slider,"errorTrack",(0,g.ux)(t.error.main,.62)),eh(t.Slider,"infoTrack",(0,g.ux)(t.info.main,.62)),eh(t.Slider,"successTrack",(0,g.ux)(t.success.main,.62)),eh(t.Slider,"warningTrack",(0,g.ux)(t.warning.main,.62));let e=(0,g.fk)(t.background.default,.8);eh(t.SnackbarContent,"bg",e),eh(t.SnackbarContent,"color",ey(()=>k.getContrastText(e))),eh(t.SpeedDialAction,"fabHoverBg",(0,g.fk)(t.background.paper,.15)),eh(t.StepConnector,"border",r("palette-grey-400")),eh(t.StepContent,"border",r("palette-grey-400")),eh(t.Switch,"defaultColor",r("palette-common-white")),eh(t.Switch,"defaultDisabledColor",r("palette-grey-100")),eh(t.Switch,"primaryDisabledColor",(0,g.ux)(t.primary.main,.62)),eh(t.Switch,"secondaryDisabledColor",(0,g.ux)(t.secondary.main,.62)),eh(t.Switch,"errorDisabledColor",(0,g.ux)(t.error.main,.62)),eh(t.Switch,"infoDisabledColor",(0,g.ux)(t.info.main,.62)),eh(t.Switch,"successDisabledColor",(0,g.ux)(t.success.main,.62)),eh(t.Switch,"warningDisabledColor",(0,g.ux)(t.warning.main,.62)),eh(t.TableCell,"border",(0,g.ux)((0,g.zp)(t.divider,1),.88)),eh(t.Tooltip,"bg",(0,g.zp)(t.grey[700],.92))}else{eh(t.Alert,"errorColor",(0,g.ux)(t.error.light,.6)),eh(t.Alert,"infoColor",(0,g.ux)(t.info.light,.6)),eh(t.Alert,"successColor",(0,g.ux)(t.success.light,.6)),eh(t.Alert,"warningColor",(0,g.ux)(t.warning.light,.6)),eh(t.Alert,"errorFilledBg",r("palette-error-dark")),eh(t.Alert,"infoFilledBg",r("palette-info-dark")),eh(t.Alert,"successFilledBg",r("palette-success-dark")),eh(t.Alert,"warningFilledBg",r("palette-warning-dark")),eh(t.Alert,"errorFilledColor",ey(()=>x.getContrastText(t.error.dark))),eh(t.Alert,"infoFilledColor",ey(()=>x.getContrastText(t.info.dark))),eh(t.Alert,"successFilledColor",ey(()=>x.getContrastText(t.success.dark))),eh(t.Alert,"warningFilledColor",ey(()=>x.getContrastText(t.warning.dark))),eh(t.Alert,"errorStandardBg",(0,g.q8)(t.error.light,.9)),eh(t.Alert,"infoStandardBg",(0,g.q8)(t.info.light,.9)),eh(t.Alert,"successStandardBg",(0,g.q8)(t.success.light,.9)),eh(t.Alert,"warningStandardBg",(0,g.q8)(t.warning.light,.9)),eh(t.Alert,"errorIconColor",r("palette-error-main")),eh(t.Alert,"infoIconColor",r("palette-info-main")),eh(t.Alert,"successIconColor",r("palette-success-main")),eh(t.Alert,"warningIconColor",r("palette-warning-main")),eh(t.AppBar,"defaultBg",r("palette-grey-900")),eh(t.AppBar,"darkBg",r("palette-background-paper")),eh(t.AppBar,"darkColor",r("palette-text-primary")),eh(t.Avatar,"defaultBg",r("palette-grey-600")),eh(t.Button,"inheritContainedBg",r("palette-grey-800")),eh(t.Button,"inheritContainedHoverBg",r("palette-grey-700")),eh(t.Chip,"defaultBorder",r("palette-grey-700")),eh(t.Chip,"defaultAvatarColor",r("palette-grey-300")),eh(t.Chip,"defaultIconColor",r("palette-grey-300")),eh(t.FilledInput,"bg","rgba(255, 255, 255, 0.09)"),eh(t.FilledInput,"hoverBg","rgba(255, 255, 255, 0.13)"),eh(t.FilledInput,"disabledBg","rgba(255, 255, 255, 0.12)"),eh(t.LinearProgress,"primaryBg",(0,g.q8)(t.primary.main,.5)),eh(t.LinearProgress,"secondaryBg",(0,g.q8)(t.secondary.main,.5)),eh(t.LinearProgress,"errorBg",(0,g.q8)(t.error.main,.5)),eh(t.LinearProgress,"infoBg",(0,g.q8)(t.info.main,.5)),eh(t.LinearProgress,"successBg",(0,g.q8)(t.success.main,.5)),eh(t.LinearProgress,"warningBg",(0,g.q8)(t.warning.main,.5)),eh(t.Skeleton,"bg","rgba(".concat(r("palette-text-primaryChannel")," / 0.13)")),eh(t.Slider,"primaryTrack",(0,g.q8)(t.primary.main,.5)),eh(t.Slider,"secondaryTrack",(0,g.q8)(t.secondary.main,.5)),eh(t.Slider,"errorTrack",(0,g.q8)(t.error.main,.5)),eh(t.Slider,"infoTrack",(0,g.q8)(t.info.main,.5)),eh(t.Slider,"successTrack",(0,g.q8)(t.success.main,.5)),eh(t.Slider,"warningTrack",(0,g.q8)(t.warning.main,.5));let e=(0,g.fk)(t.background.default,.98);eh(t.SnackbarContent,"bg",e),eh(t.SnackbarContent,"color",ey(()=>x.getContrastText(e))),eh(t.SpeedDialAction,"fabHoverBg",(0,g.fk)(t.background.paper,.15)),eh(t.StepConnector,"border",r("palette-grey-600")),eh(t.StepContent,"border",r("palette-grey-600")),eh(t.Switch,"defaultColor",r("palette-grey-300")),eh(t.Switch,"defaultDisabledColor",r("palette-grey-600")),eh(t.Switch,"primaryDisabledColor",(0,g.q8)(t.primary.main,.55)),eh(t.Switch,"secondaryDisabledColor",(0,g.q8)(t.secondary.main,.55)),eh(t.Switch,"errorDisabledColor",(0,g.q8)(t.error.main,.55)),eh(t.Switch,"infoDisabledColor",(0,g.q8)(t.info.main,.55)),eh(t.Switch,"successDisabledColor",(0,g.q8)(t.success.main,.55)),eh(t.Switch,"warningDisabledColor",(0,g.q8)(t.warning.main,.55)),eh(t.TableCell,"border",(0,g.q8)((0,g.zp)(t.divider,1),.68)),eh(t.Tooltip,"bg",(0,g.zp)(t.grey[700],.92))}ep(t.background,"default"),ep(t.common,"background"),ep(t.common,"onBackground"),ep(t,"divider"),Object.keys(t).forEach(e=>{let r=t[e];r&&"object"==typeof r&&(r.main&&eh(t[e],"mainChannel",(0,g.LR)(ef(r.main))),r.light&&eh(t[e],"lightChannel",(0,g.LR)(ef(r.light))),r.dark&&eh(t[e],"darkChannel",(0,g.LR)(ef(r.dark))),r.contrastText&&eh(t[e],"contrastTextChannel",(0,g.LR)(ef(r.contrastText))),"text"===e&&(ep(t[e],"primary"),ep(t[e],"secondary")),"action"===e&&(r.active&&ep(t[e],"active"),r.selected&&ep(t[e],"selected")))})});let{vars:Z,generateCssVars:A}=ei(w=u.reduce((e,t)=>(0,p.Z)(e,t),w),{prefix:h,shouldSkipGeneratingVar:y});return w.vars=Z,w.generateCssVars=A,w.shouldSkipGeneratingVar=y,w.unstable_sxConfig=(0,l.Z)({},ec.Z,null==S?void 0:S.unstable_sxConfig),w.unstable_sx=function(e){return(0,ee.Z)({sx:e,theme:this})},w}var eC=r(5032),ek=e=>[...[...Array(24)].map((t,r)=>"--".concat(e?"".concat(e,"-"):"","overlays-").concat(r+1)),"--".concat(e?"".concat(e,"-"):"","palette-AppBar-darkBg"),"--".concat(e?"".concat(e,"-"):"","palette-AppBar-darkColor")];let ev=eb(),{CssVarsProvider:ex,useColorScheme:ew,getInitColorSchemeScript:eZ}=function(e){let{themeId:t,theme:r={},attribute:n=G,modeStorageKey:a=K,colorSchemeStorageKey:c=W,defaultMode:s="light",defaultColorScheme:u,disableTransitionOnChange:d=!1,resolveTheme:m,excludeVariablesFromRoot:g}=e;r.colorSchemes&&("string"!=typeof u||r.colorSchemes[u])&&("object"!=typeof u||r.colorSchemes[null==u?void 0:u.light])&&("object"!=typeof u||r.colorSchemes[null==u?void 0:u.dark])||console.error(`MUI: \`${u}\` does not exist in \`theme.colorSchemes\`.`);let h=B.createContext(void 0),f="string"==typeof u?u:u.light,y="string"==typeof u?u:u.dark;return{CssVarsProvider:function({children:e,theme:o=r,modeStorageKey:f=a,colorSchemeStorageKey:y=c,attribute:S=n,defaultMode:b=s,defaultColorScheme:C=u,disableTransitionOnChange:k=d,storageWindow:v="undefined"==typeof window?void 0:window,documentNode:x="undefined"==typeof document?void 0:document,colorSchemeNode:w="undefined"==typeof document?void 0:document.documentElement,colorSchemeSelector:Z=":root",disableNestedContext:A=!1,disableStyleSheetGeneration:T=!1}){let _=B.useRef(!1),F=I(),$=B.useContext(h),j=!!$&&!A,P=o[t],q=P||o,{colorSchemes:L={},components:D={},generateCssVars:O=()=>({vars:{},css:{}}),cssVarPrefix:V}=q,z=(0,i.Z)(q,Y),R=Object.keys(L),H="string"==typeof C?C:C.light,N="string"==typeof C?C:C.dark,{mode:G,setMode:ee,systemMode:et,lightColorScheme:er,darkColorScheme:en,colorScheme:eo,setColorScheme:ea}=function(e){let{defaultMode:t="light",defaultLightColorScheme:r,defaultDarkColorScheme:n,supportedColorSchemes:o=[],modeStorageKey:a=K,colorSchemeStorageKey:i=W,storageWindow:c="undefined"==typeof window?void 0:window}=e,s=o.join(","),[u,d]=B.useState(()=>{let e=X(a,t),o=X("".concat(i,"-light"),r),l=X("".concat(i,"-dark"),n);return{mode:e,systemMode:J(e),lightColorScheme:o,darkColorScheme:l}}),m=Q(u,e=>"light"===e?u.lightColorScheme:"dark"===e?u.darkColorScheme:void 0),g=B.useCallback(e=>{d(r=>{if(e===r.mode)return r;let n=e||t;try{localStorage.setItem(a,n)}catch(e){}return(0,l.Z)({},r,{mode:n,systemMode:J(n)})})},[a,t]),h=B.useCallback(e=>{e?"string"==typeof e?e&&!s.includes(e)?console.error("`".concat(e,"` does not exist in `theme.colorSchemes`.")):d(t=>{let r=(0,l.Z)({},t);return Q(t,t=>{try{localStorage.setItem("".concat(i,"-").concat(t),e)}catch(e){}"light"===t&&(r.lightColorScheme=e),"dark"===t&&(r.darkColorScheme=e)}),r}):d(t=>{let o=(0,l.Z)({},t),a=null===e.light?r:e.light,c=null===e.dark?n:e.dark;if(a){if(s.includes(a)){o.lightColorScheme=a;try{localStorage.setItem("".concat(i,"-light"),a)}catch(e){}}else console.error("`".concat(a,"` does not exist in `theme.colorSchemes`."))}if(c){if(s.includes(c)){o.darkColorScheme=c;try{localStorage.setItem("".concat(i,"-dark"),c)}catch(e){}}else console.error("`".concat(c,"` does not exist in `theme.colorSchemes`."))}return o}):d(e=>{try{localStorage.setItem("".concat(i,"-light"),r),localStorage.setItem("".concat(i,"-dark"),n)}catch(e){}return(0,l.Z)({},e,{lightColorScheme:r,darkColorScheme:n})})},[s,i,r,n]),f=B.useCallback(e=>{"system"===u.mode&&d(t=>(0,l.Z)({},t,{systemMode:null!=e&&e.matches?"dark":"light"}))},[u.mode]),p=B.useRef(f);return p.current=f,B.useEffect(()=>{let e=function(){for(var e=arguments.length,t=Array(e),r=0;rt.removeListener(e)},[]),B.useEffect(()=>{let e=e=>{let r=e.newValue;"string"==typeof e.key&&e.key.startsWith(i)&&(!r||s.match(r))&&(e.key.endsWith("light")&&h({light:r}),e.key.endsWith("dark")&&h({dark:r})),e.key===a&&(!r||["light","dark","system"].includes(r))&&g(r||t)};if(c)return c.addEventListener("storage",e),()=>c.removeEventListener("storage",e)},[h,g,a,i,s,t,c]),(0,l.Z)({},u,{colorScheme:m,setMode:g,setColorScheme:h})}({supportedColorSchemes:R,defaultLightColorScheme:H,defaultDarkColorScheme:N,modeStorageKey:f,colorSchemeStorageKey:y,defaultMode:b,storageWindow:v}),el=G,ei=eo;j&&(el=$.mode,ei=$.colorScheme);let ec=el||("system"===b?s:b),es=ei||("dark"===ec?N:H),{css:eu,vars:ed}=O(),em=(0,l.Z)({},z,{components:D,colorSchemes:L,cssVarPrefix:V,vars:ed,getColorSchemeSelector:e=>`[${S}="${e}"] &`}),eg={},eh={};Object.entries(L).forEach(([e,t])=>{let{css:r,vars:n}=O(e);if(em.vars=(0,p.Z)(em.vars,n),e===es&&(Object.keys(t).forEach(e=>{t[e]&&"object"==typeof t[e]?em[e]=(0,l.Z)({},em[e],t[e]):em[e]=t[e]}),em.palette&&(em.palette.colorScheme=e)),e===("string"==typeof C?C:"dark"===b?C.dark:C.light)){if(g){let t={};g(V).forEach(e=>{t[e]=r[e],delete r[e]}),eg[`[${S}="${e}"]`]=t}eg[`${Z}, [${S}="${e}"]`]=r}else eh[`${":root"===Z?"":Z}[${S}="${e}"]`]=r}),em.vars=(0,p.Z)(em.vars,ed),B.useEffect(()=>{ei&&w&&w.setAttribute(S,ei)},[ei,S,w]),B.useEffect(()=>{let e;if(k&&_.current&&x){let t=x.createElement("style");t.appendChild(x.createTextNode("*{-webkit-transition:none!important;-moz-transition:none!important;-o-transition:none!important;-ms-transition:none!important;transition:none!important}")),x.head.appendChild(t),window.getComputedStyle(x.body),e=setTimeout(()=>{x.head.removeChild(t)},1)}return()=>{clearTimeout(e)}},[ei,k,x]),B.useEffect(()=>(_.current=!0,()=>{_.current=!1}),[]);let ef=B.useMemo(()=>({mode:el,systemMode:et,setMode:ee,lightColorScheme:er,darkColorScheme:en,colorScheme:ei,setColorScheme:ea,allColorSchemes:R}),[R,ei,en,er,el,ea,ee,et]),ep=!0;(T||j&&(null==F?void 0:F.cssVarPrefix)===V)&&(ep=!1);let ey=(0,E.jsxs)(B.Fragment,{children:[ep&&(0,E.jsxs)(B.Fragment,{children:[(0,E.jsx)(U.Z,{styles:{[Z]:eu}}),(0,E.jsx)(U.Z,{styles:eg}),(0,E.jsx)(U.Z,{styles:eh})]}),(0,E.jsx)(M,{themeId:P?t:void 0,theme:m?m(em):em,children:e})]});return j?ey:(0,E.jsx)(h.Provider,{value:ef,children:ey})},useColorScheme:()=>{let e=B.useContext(h);if(!e)throw Error((0,o.Z)(19));return e},getInitColorSchemeScript:e=>(function(e){let{defaultMode:t="light",defaultLightColorScheme:r="light",defaultDarkColorScheme:n="dark",modeStorageKey:o=K,colorSchemeStorageKey:a=W,attribute:l=G,colorSchemeNode:i="document.documentElement"}=e||{};return(0,E.jsx)("script",{dangerouslySetInnerHTML:{__html:`(function() { +try { + var mode = localStorage.getItem('${o}') || '${t}'; + var colorScheme = ''; + if (mode === 'system') { + // handle system mode + var mql = window.matchMedia('(prefers-color-scheme: dark)'); + if (mql.matches) { + colorScheme = localStorage.getItem('${a}-dark') || '${n}'; + } else { + colorScheme = localStorage.getItem('${a}-light') || '${r}'; + } + } + if (mode === 'light') { + colorScheme = localStorage.getItem('${a}-light') || '${r}'; + } + if (mode === 'dark') { + colorScheme = localStorage.getItem('${a}-dark') || '${n}'; + } + if (colorScheme) { + ${i}.setAttribute('${l}', colorScheme); + } +} catch(e){}})();`}},"mui-color-scheme-init")})((0,l.Z)({attribute:n,colorSchemeStorageKey:c,defaultMode:s,defaultLightColorScheme:f,defaultDarkColorScheme:y,modeStorageKey:a},e))}}({themeId:a.Z,theme:ev,attribute:"data-mui-color-scheme",modeStorageKey:"mui-mode",colorSchemeStorageKey:"mui-color-scheme",defaultColorScheme:{light:"light",dark:"dark"},resolveTheme:e=>{let t=(0,l.Z)({},e,{typography:(0,eC.Z)(e.palette,e.typography)});return t.unstable_sx=function(e){return(0,ee.Z)({sx:e,theme:this})},t},excludeVariablesFromRoot:ek});var eA=r(1523);function eT(){throw Error((0,o.Z)(20))}},4671:function(e){e.exports={style:{fontFamily:"'__Inter_aaf875', '__Inter_Fallback_aaf875'",fontStyle:"normal"},className:"__className_aaf875"}},8833:function(e){e.exports={style:{fontFamily:"'__Noto_Sans_JP_18a8ba', '__Noto_Sans_JP_Fallback_18a8ba'",fontStyle:"normal"},className:"__className_18a8ba"}}}]); \ No newline at end of file diff --git a/static/_next/static/chunks/app/_not-found/page-88e5ec60d72eb81e.js b/static/_next/static/chunks/app/_not-found/page-88e5ec60d72eb81e.js new file mode 100644 index 0000000000000000000000000000000000000000..9a14bf61c2471fc691f3cd5201c6c50a859e221d --- /dev/null +++ b/static/_next/static/chunks/app/_not-found/page-88e5ec60d72eb81e.js @@ -0,0 +1 @@ +(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[409],{7589:function(e,t,n){(window.__NEXT_P=window.__NEXT_P||[]).push(["/_not-found/page",function(){return n(5457)}])},5457:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"default",{enumerable:!0,get:function(){return s}}),n(9920);let i=n(7437);n(2265);let o={fontFamily:'system-ui,"Segoe UI",Roboto,Helvetica,Arial,sans-serif,"Apple Color Emoji","Segoe UI Emoji"',height:"100vh",textAlign:"center",display:"flex",flexDirection:"column",alignItems:"center",justifyContent:"center"},l={display:"inline-block"},r={display:"inline-block",margin:"0 20px 0 0",padding:"0 23px 0 0",fontSize:24,fontWeight:500,verticalAlign:"top",lineHeight:"49px"},d={fontSize:14,fontWeight:400,lineHeight:"49px",margin:0};function s(){return(0,i.jsxs)(i.Fragment,{children:[(0,i.jsx)("title",{children:"404: This page could not be found."}),(0,i.jsx)("div",{style:o,children:(0,i.jsxs)("div",{children:[(0,i.jsx)("style",{dangerouslySetInnerHTML:{__html:"body{color:#000;background:#fff;margin:0}.next-error-h1{border-right:1px solid rgba(0,0,0,.3)}@media (prefers-color-scheme:dark){body{color:#fff;background:#000}.next-error-h1{border-right:1px solid rgba(255,255,255,.3)}}"}}),(0,i.jsx)("h1",{className:"next-error-h1",style:r,children:"404"}),(0,i.jsx)("div",{style:l,children:(0,i.jsx)("h2",{style:d,children:"This page could not be found."})})]})})]})}("function"==typeof t.default||"object"==typeof t.default&&null!==t.default)&&void 0===t.default.__esModule&&(Object.defineProperty(t.default,"__esModule",{value:!0}),Object.assign(t.default,t),e.exports=t.default)}},function(e){e.O(0,[971,23,744],function(){return e(e.s=7589)}),_N_E=e.O()}]); \ No newline at end of file diff --git a/static/_next/static/chunks/app/layout-003f3f0c2945f2e7.js b/static/_next/static/chunks/app/layout-003f3f0c2945f2e7.js new file mode 100644 index 0000000000000000000000000000000000000000..65bf3160ea99de9f23bdb5019fa5ef887c73c034 --- /dev/null +++ b/static/_next/static/chunks/app/layout-003f3f0c2945f2e7.js @@ -0,0 +1 @@ +(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[185],{8183:function(e,n,t){Promise.resolve().then(t.bind(t,9237)),Promise.resolve().then(t.bind(t,6324)),Promise.resolve().then(t.t.bind(t,4671,23)),Promise.resolve().then(t.t.bind(t,3054,23)),Promise.resolve().then(t.bind(t,4016))},4016:function(e,n,t){"use strict";var i=t(8833),o=t.n(i);let s=(0,t(8285).Z)({typography:{fontFamily:o().style.fontFamily}});n.default=s},3054:function(){}},function(e){e.O(0,[93,731,154,450,971,23,744],function(){return e(e.s=8183)}),_N_E=e.O()}]); \ No newline at end of file diff --git a/static/_next/static/chunks/app/page-06bb24a915fe6238.js b/static/_next/static/chunks/app/page-06bb24a915fe6238.js new file mode 100644 index 0000000000000000000000000000000000000000..7764b3660aadc8bca3a76d1efac9f2203af64399 --- /dev/null +++ b/static/_next/static/chunks/app/page-06bb24a915fe6238.js @@ -0,0 +1 @@ +(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[931],{9987:function(e,t,n){Promise.resolve().then(n.bind(n,142))},142:function(e,t,n){"use strict";n.r(t),n.d(t,{default:function(){return eZ}});var r=n(7437),i=n(2197),s=n(1520),l=n(8165),o=n(2265);let a=(0,o.createContext)({isOpen:!1,message:"",severity:"error",duration:null,openPopup:()=>{},closePopup:()=>{}});function c(e){let{children:t}=e,[n,i]=(0,o.useState)(!1),[s,l]=(0,o.useState)(""),[c,d]=(0,o.useState)("error"),[u,x]=(0,o.useState)(null),h=(0,o.useCallback)((e,t,n)=>{i(!0),l(e),t?d(t):d("error"),n&&x(n)},[]),p=(0,o.useCallback)(()=>{i(!1),l(""),d("error")},[]);return(0,r.jsx)(a.Provider,{value:{isOpen:n,message:s,openPopup:h,closePopup:p,severity:c,duration:u},children:t})}let d=()=>o.useContext(a);var u=()=>{let{isOpen:e,closePopup:t,message:n,severity:i}=d();return(0,r.jsx)(s.Z,{open:e,onClose:t,anchorOrigin:{vertical:"top",horizontal:"center"},children:(0,r.jsx)(l.Z,{onClose:t,severity:i,sx:{width:"100%"},elevation:6,children:n})})},x=n(6562),h=n(8866),p=n(7622),m=n(9504),j=n(1733),f=n(9806),v=n(6548),y=n(511),Z=n(659),b=n(1656),g=n(7318),w=n(1326),S=n(8027),C=n(3983),k=n(335),T=n(468),_=n(2834),L=n(7170),W=n(8929),I=n(5911),O=n(9143);function E(e){let{moraTone:{mora:t,tone:n},onChange:i,visible:s=!0,disabled:l=!1}=e;return(0,r.jsxs)(W.Z,{direction:"column",spacing:1,sx:{textAlign:"center",visibility:s?"visible":"hidden"},children:[(0,r.jsx)(y.Z,{children:t}),(0,r.jsxs)(I.Z,{exclusive:!0,color:"primary",orientation:"vertical",value:n,onChange:(e,t)=>{null!==t&&i(t)},disabled:l,children:[(0,r.jsx)(O.Z,{value:1,children:"高"}),(0,r.jsx)(O.Z,{value:0,children:"低"})]})]})}function N(e){let{moraToneList:t,setMoraToneList:n,onChange:i,disabled:s=!1}=e,l=t&&t.length>0?t:[{mora:"ア",tone:0}],o=(e,r)=>{if(i){i(e,r);return}if(!n)return;let s=[...t];s[r]={...s[r],tone:e},n(s)};return(0,r.jsx)(S.Z,{sx:{p:1,mt:2},children:(0,r.jsx)(W.Z,{spacing:1,direction:"row",sx:{maxWidth:"100%",overflow:"auto"},children:l.map((e,n)=>(0,r.jsx)(E,{moraTone:e,onChange:e=>o(e,n),visible:t&&t.length>0,disabled:s},n))})})}var P=()=>{let[e,t]=(0,o.useState)(0),[n,r]=(0,o.useState)(0);return(0,o.useLayoutEffect)(()=>{let e=()=>{t(window.innerWidth),r(window.innerHeight)};return window.addEventListener("resize",e),e(),()=>window.removeEventListener("resize",e)},[]),{width:e,height:n}};async function V(e){let t,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},r=arguments.length>2&&void 0!==arguments[2]?arguments[2]:"json";console.log("fetchApi",e,r,n);let i="".concat("","/api").concat(e),s=await fetch(i,{headers:{"Content-Type":"application/json"},...n});if(!s.ok){let e=await s.json();throw console.error("Error code: ",s.status,"Error message: ",e.detail),Error(e.detail)}switch(r){case"json":t=await s.json();break;case"blob":t=await s.blob();break;case"text":t=await s.text();break;default:t=204===s.status?{}:await s.json()}return console.log("fetchApi result",t),t}var A=n(5253),F=n(6798),R=n(1096),B=n(824),J=n(2184),z=n(1807),M=n(7300),U=n(6917),D=n(7905),G=n(385),q=n(8549),K=n(8409),H=n(1092),Y=n(8038),Q=n(3907),X=n(1052);let $={uuid:"",surface:"",pronunciation:"",moraToneList:[{mora:"ガ",tone:0}],accentIndex:0,priority:5};function ee(e){return{uuid:e.uuid,word:{surface:e.surface,pronunciation:e.pronunciation,accent_type:e.accentIndex===e.moraToneList.length-1?0:e.accentIndex+1,priority:e.priority}}}function et(e){let t=en(e.word);return{uuid:e.uuid,surface:e.word.surface,pronunciation:e.word.pronunciation,moraToneList:t,accentIndex:0===e.word.accent_type?t.length-1:e.word.accent_type-1,priority:e.word.priority}}function en(e){let t=[],n=function(e){let t=RegExp("".concat("[イ][ェ]|[ヴ][ャュョ]|[トド][ゥ]|[テデ][ィャュョ]|[デ][ェ]|[クグ][ヮ]","|").concat("[キシチニヒミリギジビピ][ェャュョ]","|").concat("[ツフヴ][ァ]|[ウスツフヴズ][ィ]|[ウツフヴ][ェォ]","|").concat("[ァ-ヴー]"),"g");return e.match(t)||[]}(e.pronunciation),r=0===e.accent_type?n.length:e.accent_type-1;for(let i=0;i0&&i<=r?1:0;t.push({mora:s,tone:l})}return t.push({mora:"ガ",tone:0===e.accent_type?1:0}),t}let er=[{value:0,label:"最低"},{value:3,label:"低"},{value:5,label:"標準"},{value:7,label:"高"},{value:10,label:"最高"}];function ei(e){let{open:t,onClose:n}=e,[i,s]=(0,o.useState)(!0),[l,a]=(0,o.useState)({}),[c,u]=(0,o.useState)($),{surface:x,pronunciation:h,moraToneList:m,accentIndex:j,priority:f}=c,[Z,b]=(0,o.useState)(!1),[S,k]=(0,o.useState)(!1),{openPopup:T}=d();(0,o.useEffect)(()=>{(async()=>{a(await V("/user_dict"))})()},[]);let L=async()=>{b(!1);let e=await V("/normalize",{method:"POST",body:JSON.stringify({text:x})}).catch(e=>(console.error(e),T("正規化に失敗しました","error"),x)),t=(await V("/g2p",{method:"POST",body:JSON.stringify({text:h+"が"})}).catch(e=>(console.error(e),b(!0),[]))).map((e,t)=>({...e,tone:0===t?1:0})),n=t.slice(0,-1).map(e=>e.mora).join("");u({...c,surface:e,moraToneList:t,accentIndex:0,pronunciation:n}),k(!0)},I=e=>{let t=m.map((t,n)=>({...t,tone:0===e?0===n?1:0:0===n?0:n<=e?1:0}));u({...c,accentIndex:e,moraToneList:t})},O=async()=>{if(!x||!h){T("単語と読みを入力してください","error");return}let e=ee(c),t=await V("/user_dict_word",{method:"POST",body:JSON.stringify(e.word)}).catch(e=>{T("登録に失敗しました: ".concat(e),"error")});t&&(T("登録しました","success",3e3),a({...l,[t.uuid]:e.word}),u({...c,uuid:t.uuid}),s(!1))},E=async()=>{if(!x||!h){T("単語と読みを入力してください","error");return}let e=ee(c);await V("/user_dict_word/".concat(e.uuid),{method:"PUT",body:JSON.stringify(e.word)}).catch(e=>{T("更新に失敗しました: ".concat(e),"error")})&&(T("更新しました","success",3e3),a({...l,[e.uuid]:e.word}))},P=async()=>{let e=ee(c);if(!await V("/user_dict_word/".concat(e.uuid),{method:"DELETE"}).catch(e=>{T("削除に失敗しました: ".concat(e),"error")}))return;T("削除しました","success",3e3);let t={...l};delete t[e.uuid],a(t),u($),s(!0)};return(0,r.jsxs)(R.Z,{onClose:n,open:t,fullWidth:!0,maxWidth:"md",children:[(0,r.jsx)(B.Z,{children:"ユーザー辞書"}),(0,r.jsxs)(w.Z,{display:"flex",justifyContent:"space-between",height:600,children:[(0,r.jsxs)(w.Z,{minWidth:200,pb:2,px:2,border:1,borderColor:"divider",borderRadius:1,children:[(0,r.jsx)(J.Z,{children:(0,r.jsx)(z.ZP,{disablePadding:!0,children:(0,r.jsxs)(M.Z,{onClick:()=>{s(!0),u($),k(!1)},selected:i,sx:{justifyContent:"center"},children:[(0,r.jsx)(U.Z,{children:(0,r.jsx)(A.Z,{})}),(0,r.jsx)(D.Z,{primary:"新規登録"})]})})}),(0,r.jsx)(g.Z,{}),(0,r.jsx)(J.Z,{sx:{overflow:"auto",height:"90%"},children:Object.keys(l).map(e=>(0,r.jsx)(z.ZP,{disablePadding:!0,children:(0,r.jsx)(M.Z,{onClick:()=>{console.log(en(l[e])),u(et({uuid:e,word:l[e]})),console.log(et({uuid:e,word:l[e]})),s(!1)},selected:e===c.uuid,children:(0,r.jsx)(D.Z,{primary:l[e].surface})})},e))})]}),(0,r.jsxs)(w.Z,{sx:{flexGrow:1},children:[(0,r.jsxs)(G.Z,{children:[(0,r.jsx)(C.Z,{autoFocus:!0,required:!0,label:"単語(名詞)(自動的に正規化される)",fullWidth:!0,value:x,onChange:e=>u({...c,surface:e.target.value}),sx:{mb:2}}),(0,r.jsxs)(_.Z,{container:!0,spacing:2,justifyContent:"center",alignItems:"center",children:[(0,r.jsx)(_.Z,{xs:9,children:(0,r.jsx)(C.Z,{required:!0,label:"読み(平仮名かカタカナ)",error:Z,helperText:Z?"平仮名かカタカナのみで入力してください":"",fullWidth:!0,value:h,onChange:e=>{u({...c,pronunciation:e.target.value}),k(!1)},sx:{mb:2},onKeyDown:e=>{"Enter"===e.key&&L()}})}),(0,r.jsx)(_.Z,{xs:!0,children:(0,r.jsx)(v.Z,{color:"primary",variant:"outlined",onClick:L,startIcon:(0,r.jsx)(F.Z,{}),sx:{mb:2},fullWidth:!0,children:"情報取得"})})]}),(0,r.jsxs)(W.Z,{children:[(0,r.jsxs)(q.Z,{children:[(0,r.jsx)(K.Z,{children:"アクセント位置(最後に助詞「が」が追加されています)"}),(0,r.jsx)(H.Z,{row:!0,value:j,onChange:e=>I(Number(e.target.value)),sx:{flexWrap:"nowrap",overflow:"auto"},children:m.map((e,t)=>(0,r.jsx)(Y.Z,{value:t,control:(0,r.jsx)(Q.Z,{}),label:e.mora,labelPlacement:"bottom",sx:{mx:0}},t))})]}),(0,r.jsx)(N,{moraToneList:m,disabled:!0}),(0,r.jsx)(y.Z,{sx:{mt:1},children:"優先度"}),(0,r.jsx)(w.Z,{sx:{textAlign:"center"},children:(0,r.jsx)(X.ZP,{value:f,onChange:(e,t)=>{u({...c,priority:t})},marks:er,step:1,min:0,max:10,sx:{mt:2,width:"80%"}})})]})]}),(0,r.jsxs)(W.Z,{direction:"row",spacing:2,justifyContent:"space-around",children:[i&&(0,r.jsx)(v.Z,{type:"submit",variant:"outlined",onClick:O,disabled:!S,children:"登録"}),!i&&(0,r.jsxs)(r.Fragment,{children:[(0,r.jsx)(v.Z,{type:"submit",variant:"outlined",onClick:E,startIcon:(0,r.jsx)(F.Z,{}),children:"更新"}),(0,r.jsx)(v.Z,{type:"submit",variant:"outlined",onClick:P,startIcon:(0,r.jsx)(p.Z,{}),children:"削除"})]}),(0,r.jsx)(v.Z,{onClick:()=>{n(),u($),k(!1),b(!1),s(!0)},children:"閉じる"})]})]})]})]})}var es=n(1236),el=n(888),eo=n(7351),ea=n(4893);function ec(e){let{value:t,setValue:n,step:i,min:s,max:l,label:o}=e;return(0,r.jsx)(w.Z,{children:(0,r.jsxs)(_.Z,{container:!0,spacing:2,alignItems:"center",justifyContent:"space-between",children:[(0,r.jsxs)(_.Z,{xs:9,children:[(0,r.jsx)(y.Z,{id:"input-slider",gutterBottom:!0,children:o}),(0,r.jsx)(X.ZP,{value:"number"==typeof t?t:s,onChange:(e,t)=>{n(t)},"aria-labelledby":"input-slider",step:i,min:s,max:l})]}),(0,r.jsx)(_.Z,{xs:3,children:(0,r.jsx)(es.Z,{value:t,onChange:e=>{n(""===e.target.value?0:Number(e.target.value))},onBlur:()=>{tl&&n(l)},inputProps:{step:i,min:s,max:l,type:"number"}})})]})})}function ed(e){var t,n,i,s;let{modelList:l,lines:a,setLines:c,currentIndex:d}=e,[u,x]=(0,o.useState)(10),h=e=>{c(a.map((t,n)=>n===d?{...t,...e}:t))},p=e=>{var t;let n=null==l?void 0:l.find(t=>t.name===e);h({model:e,modelFile:(null==n?void 0:n.files[0])||"",style:(null==n?void 0:n.styles[0])||"",speaker:(null==n?void 0:null===(t=n.speakers)||void 0===t?void 0:t[0])||""})};return(0,r.jsxs)(S.Z,{sx:{p:2},children:[(0,r.jsxs)(w.Z,{sx:{display:"flex",justifyContent:"space-between",mb:1,alignItems:"center"},children:[(0,r.jsxs)(y.Z,{children:["テキスト",d+1,"の設定"]}),(0,r.jsx)(el.Z,{title:"デフォルト設定に戻す",placement:"left",children:(0,r.jsx)(k.Z,{onClick:()=>{var e,t;h({...ej,model:a[d].model,modelFile:a[d].modelFile,text:a[d].text,speaker:a[d].speaker,style:(null===(e=l.find(e=>e.name===a[d].model))||void 0===e?void 0:e.styles.includes("Neutral"))?"Neutral":(null===(t=l.find(e=>e.name===a[d].model))||void 0===t?void 0:t.styles[0])||""})},children:(0,r.jsx)(F.Z,{})})})]}),(0,r.jsxs)(q.Z,{fullWidth:!0,variant:"standard",sx:{mb:1,minWidth:120},children:[(0,r.jsx)(eo.Z,{children:"モデル"}),(0,r.jsx)(ea.Z,{value:a[d].model,onChange:e=>p(e.target.value),children:l.map((e,t)=>(0,r.jsx)(b.Z,{value:e.name,children:e.name},t))})]}),(0,r.jsxs)(q.Z,{fullWidth:!0,variant:"standard",sx:{mb:1,minWidth:120},children:[(0,r.jsx)(eo.Z,{children:"モデルファイル"}),(0,r.jsx)(ea.Z,{value:a[d].modelFile,onChange:e=>h({modelFile:e.target.value}),children:null===(t=l.find(e=>e.name===a[d].model))||void 0===t?void 0:t.files.map((e,t)=>(0,r.jsx)(b.Z,{value:e,children:e},t))})]}),(0,r.jsxs)(q.Z,{fullWidth:!0,variant:"standard",sx:{mb:1,minWidth:120},children:[(0,r.jsx)(eo.Z,{children:"話者"}),(0,r.jsx)(ea.Z,{value:a[d].speaker,onChange:e=>h({speaker:e.target.value}),children:null===(i=l.find(e=>e.name===a[d].model))||void 0===i?void 0:null===(n=i.speakers)||void 0===n?void 0:n.map((e,t)=>(0,r.jsx)(b.Z,{value:e,children:e},t))})]}),(0,r.jsxs)(q.Z,{fullWidth:!0,variant:"standard",sx:{mb:2,minWidth:120},children:[(0,r.jsx)(eo.Z,{children:"スタイル"}),(0,r.jsx)(ea.Z,{value:a[d].style,onChange:e=>h({style:e.target.value}),children:null===(s=l.find(e=>e.name===a[d].model))||void 0===s?void 0:s.styles.map((e,t)=>(0,r.jsx)(b.Z,{value:e,children:e},t))})]}),(0,r.jsx)(ec,{label:"スタイルの強さ上限設定",value:u,setValue:e=>x(e),step:.1,min:1,max:20}),(0,r.jsx)(ec,{label:"スタイルの強さ(崩壊したら下げて)",value:a[d].styleWeight,setValue:e=>h({styleWeight:e}),step:.1,min:0,max:u}),(0,r.jsx)(ec,{label:"話速",value:a[d].speed,setValue:e=>h({speed:e}),step:.05,min:.5,max:2}),(0,r.jsx)(ec,{label:"テンポの緩急",value:a[d].sdpRatio,setValue:e=>h({sdpRatio:e}),step:.05,min:0,max:1}),(0,r.jsx)(ec,{label:"Noise",value:a[d].noise,setValue:e=>h({noise:e}),step:.05,min:0,max:1}),(0,r.jsx)(ec,{label:"NoiseW",value:a[d].noisew,setValue:e=>h({noisew:e}),step:.05,min:0,max:1}),(0,r.jsx)(ec,{label:"音高(1以外では音質劣化)",value:a[d].pitchScale,setValue:e=>h({pitchScale:e}),step:.05,min:.7,max:1.3}),(0,r.jsx)(ec,{label:"抑揚(1以外では音質劣化)",value:a[d].intonationScale,setValue:e=>h({intonationScale:e}),step:.05,min:.7,max:1.3}),(0,r.jsx)(ec,{label:"次のテキストとの間の無音",value:a[d].silenceAfter,setValue:e=>h({silenceAfter:e}),step:.05,min:0,max:1.5})]})}var eu=n(4593);function ex(e){let{open:t}=e;return(0,r.jsx)(eu.Z,{sx:{color:"#fff",zIndex:e=>e.zIndex.drawer+1},open:t,children:(0,r.jsx)(T.Z,{color:"inherit"})})}var eh=n(1665),ep=n(8784);function em(e){let{open:t,onClose:n}=e;return(0,r.jsxs)(R.Z,{open:t,fullWidth:!0,maxWidth:"md",children:[(0,r.jsx)(B.Z,{children:"利用規約"}),(0,r.jsxs)(G.Z,{children:[(0,r.jsxs)(y.Z,{children:["Style-Bert-VITS2を利用する際は、",(0,r.jsx)(eh.Z,{href:"https://github.com/litagin02/Style-Bert-VITS2/blob/master/docs/TERMS_OF_USE.md",target:"_blank",rel:"noopener noreferrer",children:"Style-Bert-VITS2の利用規約"}),"を遵守してください。特に、利用するモデルの利用規約がある場合はそれに従わなければなりません。 初期からあるデフォルトモデルの利用規約の抜粋は以下の通りです(完全な利用規約は上記リンクにあります)。"]}),(0,r.jsx)(w.Z,{sx:{fontWeight:"bold"},children:"JVNV"}),(0,r.jsxs)(y.Z,{children:[(0,r.jsx)(eh.Z,{href:"https://huggingface.co/litagin/style_bert_vits2_jvnv",target:"_blank",rel:"noopener noreferrer",children:"「jvnv-」から始まるモデル"}),"は、",(0,r.jsx)(eh.Z,{href:"https://sites.google.com/site/shinnosuketakamichi/research-topics/jvnv_corpus",target:"_blank",rel:"noopener noreferrer",children:"JVNVコーパス"}),"の音声で学習されました。このコーパスのライセンスは",(0,r.jsx)(eh.Z,{href:"https://creativecommons.org/licenses/by-sa/4.0/deed.ja",target:"_blank",rel:"noopener noreferrer",children:"CC BY-SA 4.0"}),"ですので、jvnv-で始まるモデルの利用規約はこれを継承します。"]}),(0,r.jsx)(w.Z,{sx:{fontWeight:"bold"},children:"小春音アミ・あみたろ"}),(0,r.jsxs)(y.Z,{children:["「koharune-ami / amitaro」モデルは、",(0,r.jsx)(eh.Z,{href:"https://amitaro.net/",target:"_blank",rel:"noopener noreferrer",children:"あみたろの声素材工房"}),"のコーパス音声・ライブ配信音声から許可を得て学習されました(Ver 2.5.0で追加されたモデルです、アップデートした方は`Initialize.bat`ファイルをダブルクリックするとモデルのダウンロードができます)。利用の際には、",(0,r.jsx)(eh.Z,{href:"https://amitaro.net/voice/voice_rule/",target:"_blank",rel:"noopener noreferrer",children:"あみたろの声素材工房の規約"}),"と",(0,r.jsx)(eh.Z,{href:"https://amitaro.net/voice/livevoice/#index_id6",target:"_blank",rel:"noopener noreferrer",children:"あみたろのライブ配信音声・利用規約"}),"を遵守してください。"]}),(0,r.jsx)(y.Z,{children:"特に、年齢制限がかかりそうなセリフやセンシティブな用途には使用できません。"}),(0,r.jsx)(y.Z,{children:"生成音声を公開する際は(媒体は問わない)、必ず分かりやすい場所に 「あみたろの声素材工房 (https://amitaro.net/)」 の声を元にした音声モデルを使用していることが分かるようなクレジット表記を記載してください: 「Style-BertVITS2モデル: 小春音アミ、あみたろの声素材工房 (https://amitaro.net/)」 「Style-BertVITS2モデル: あみたろ、あみたろの声素材工房 (https://amitaro.net/)」"}),(0,r.jsxs)(y.Z,{children:["完全なモデルの利用規約は",(0,r.jsx)(eh.Z,{href:"https://github.com/litagin02/Style-Bert-VITS2/blob/master/docs/TERMS_OF_USE.md",target:"_blank",rel:"noopener noreferrer",children:"Style-Bert-VITS2の利用規約"}),"をお読みください。"]})]}),(0,r.jsx)(g.Z,{}),(0,r.jsx)(ep.Z,{children:(0,r.jsx)(v.Z,{onClick:n,children:"同意する"})})]})}let ej={text:"",model:"",modelFile:"",style:"",speaker:"",moraToneList:[],accentModified:!1,styleWeight:1,speed:1,sdpRatio:.2,noise:.6,noisew:.8,pitchScale:1,intonationScale:1,silenceAfter:.5};function ef(e){return"string"==typeof e.mora&&(0===e.tone||1===e.tone)}function ev(e){return"string"==typeof e.text&&"string"==typeof e.model&&"string"==typeof e.modelFile&&"string"==typeof e.style&&Array.isArray(e.moraToneList)&&e.moraToneList.every(ef)&&"boolean"==typeof e.accentModified&&"number"==typeof e.styleWeight&&"number"==typeof e.speed&&"number"==typeof e.sdpRatio&&"number"==typeof e.noise&&"number"==typeof e.noisew&&"number"==typeof e.silenceAfter&&"number"==typeof e.pitchScale&&"number"==typeof e.intonationScale}function ey(){let[e,t]=(0,o.useState)([]),[n,i]=(0,o.useState)([ej]),[s,l]=(0,o.useState)(0),{openPopup:a}=d(),[c,u]=(0,o.useState)(""),[W,I]=(0,o.useState)(!1),[O,E]=(0,o.useState)(!1),[A,F]=(0,o.useState)(!1),[R,B]=(0,o.useState)(!0),[J,z]=(0,o.useState)(""),{height:M}=P(),[U,D]=(0,o.useState)(!1),G=()=>D(!0),q=()=>D(!1),K=(0,o.useRef)([]);(0,o.useEffect)(()=>{let e;I(!0);let n=0,r=()=>{V("/models_info").then(e=>{var n;t(e),i([{...ej,model:e[0].name||"",modelFile:e[0].files[0]||"",style:e[0].styles[0]||"",speaker:(null===(n=e[0].speakers)||void 0===n?void 0:n[0])||""}]),I(!1)}).catch(t=>{n<10?(console.log(t),n++,console.log("モデル情報の取得に失敗しました。リトライします。".concat(n,"回目...")),e=setTimeout(r,1e3)):(console.log("モデル情報の取得に失敗しました。リトライ回数: ".concat(n)),console.log(t),a("モデル情報の取得に失敗しました。\n".concat(t),"error"),I(!1))})};return r(),()=>{e&&clearTimeout(e)}},[a]),(0,o.useEffect)(()=>{let e,t=0,n=()=>{V("/version").then(e=>{z(e)}).catch(r=>{t<10?(console.log(r),t++,console.log("バージョン情報の取得に失敗しました。リトライします。".concat(t,"回目...")),e=setTimeout(n,1e3)):(console.log("バージョン情報の取得に失敗しました。リトライ回数: ".concat(t)),console.log(r))})};return n(),()=>{e&&clearTimeout(e)}},[]),(0,o.useEffect)(()=>{console.log("currentLineIndex:",s),K.current[s]&&K.current[s].focus()},[s]);let H=e=>{let t={...n[e],text:"",moraToneList:[],accentModified:!1},r=[...n];r.splice(e+1,0,t),i(r),l(e+1)},Y=e=>{i(n.map((t,n)=>n===s?{...t,...e}:t))},Q=async()=>V("/g2p",{method:"POST",body:JSON.stringify({text:n[s].text})}),X=e=>{Y({text:e,moraToneList:[],accentModified:!1})},$=async()=>{E(!0);let e=n[s].accentModified?n[s].moraToneList:await Q();Y({moraToneList:e});let t={...n[s],moraToneList:e};await V("/synthesis",{method:"POST",body:JSON.stringify(t)},"blob").then(e=>{u(URL.createObjectURL(e))}).catch(e=>{console.error(e),a("音声合成に失敗しました。".concat(e),"error")}).finally(()=>{E(!1)})},ee=async()=>{E(!0);let e=await Promise.all(n.map(async e=>e.accentModified?e.moraToneList:await V("/g2p",{method:"POST",body:JSON.stringify({text:e.text})}))),t=n.map((t,n)=>({...t,moraToneList:e[n]}));i(t),await V("/multi_synthesis",{method:"POST",body:JSON.stringify({lines:t})},"blob").then(e=>{u(URL.createObjectURL(e))}).catch(e=>{console.error(e),a("音声合成に失敗しました。".concat(e),"error")}).finally(()=>{E(!1)})},et=e=>{"Enter"!==e.key||U?"ArrowDown"===e.key?s0&&l(s-1):$()},en=e=>{i([...n.slice(0,e),...n.slice(e+1)]),e<=s&&s>0&&l(s-1)},er=e=>{let t=e.clipboardData.getData("text");if(t){let r=t.split(/[\r\n]+/);r.length>1&&(e.preventDefault(),i([...n.slice(0,s),...r.map((e,t)=>0===t?{...n[s],text:n[s].text+e}:{...n[s],text:e}),...n.slice(s+1)]),l(s+r.length-1))}},[es,el]=(0,o.useState)(null),eo=()=>{el(null)};return(0,r.jsxs)(r.Fragment,{children:[(0,r.jsx)(j.Z,{position:"static",children:(0,r.jsxs)(f.Z,{children:[(0,r.jsx)(v.Z,{onClick:e=>{el(e.currentTarget)},color:"inherit",startIcon:(0,r.jsx)(m.Z,{}),children:"メニュー"}),(0,r.jsx)(y.Z,{variant:"h6",sx:{flexGrow:3,textAlign:"center"},children:"Style-Bert-VITS2 エディター"}),(0,r.jsxs)(y.Z,{variant:"subtitle1",children:["SBV2 ver: ",J,", editor ver: ","0.4.2"]}),(0,r.jsxs)(Z.Z,{anchorEl:es,open:!!es,onClose:eo,children:[(0,r.jsx)(b.Z,{onClick:()=>{eo(),I(!0),V("/models_info").then(e=>{t(e),I(!1)}).catch(e=>{console.error(e),a("モデル情報の取得に失敗しました。\n".concat(e),"error"),I(!1)})},children:"モデル情報をリロード"}),(0,r.jsx)(g.Z,{}),(0,r.jsx)(b.Z,{onClick:()=>{let e=new Blob([JSON.stringify(n)],{type:"application/json"});(0,L.saveAs)(e,"project.json"),eo()},children:"プロジェクトの保存"}),(0,r.jsxs)(b.Z,{component:"label",children:["プロジェクトの読み込み",(0,r.jsx)("input",{type:"file",onChange:e=>{var t;eo();let n=null===(t=e.target.files)||void 0===t?void 0:t[0];if(!n)return;let r=new FileReader;r.onload=e=>{var t;l(0);let n=null===(t=e.target)||void 0===t?void 0:t.result;if("string"==typeof n)try{let e=JSON.parse(n);if(!Array.isArray(e)||!e.every(ev)){console.error("データがLineState[]型と一致しません。"),a("データが有効な形式ではありません。","error");return}i(e)}catch(e){console.error(e),a("プロジェクトの読み込みに失敗しました。".concat(e),"error")}else console.error("typeof content",typeof n),a("ファイルの読み込みに失敗しました。","error")},r.readAsText(n)},hidden:!0,accept:".json"})]}),(0,r.jsx)(g.Z,{}),(0,r.jsx)(b.Z,{onClick:()=>{F(!0),eo()},children:"ユーザー辞書の編集"}),(0,r.jsx)(g.Z,{}),(0,r.jsx)(b.Z,{onClick:()=>{B(!0),eo()},children:"利用規約"})]})]})}),(0,r.jsxs)(w.Z,{display:"flex",justifyContent:"space-between",gap:2,mt:2,children:[(0,r.jsxs)(w.Z,{flexGrow:1,width:"100%",overflow:"auto",children:[(0,r.jsx)(S.Z,{sx:{p:2,height:M/2,overflow:"auto"},elevation:2,children:n.map((e,t)=>(0,r.jsxs)(_.Z,{container:!0,spacing:1,mt:2,alignItems:"center",justifyContent:"space-between",sx:{"& .delete-button":{display:"none"},"&:hover .delete-button":{display:"block"},"& .add-line-button":{display:"none"},"&:hover .add-line-button":{display:"block"}},children:[(0,r.jsx)(_.Z,{xs:"auto",children:(0,r.jsx)(h.Z,{fontSize:"small",sx:{display:s===t?"block":"none"}})}),(0,r.jsx)(_.Z,{xs:!0,children:(0,r.jsx)(C.Z,{label:"テキスト".concat(t+1),fullWidth:!0,value:e.text,onFocus:()=>l(t),onChange:e=>X(e.target.value),onKeyDown:et,onCompositionStart:G,onCompositionEnd:q,focused:s===t,onPaste:er,inputRef:e=>K.current[t]=e})}),(0,r.jsx)(_.Z,{xs:"auto",children:(0,r.jsx)(k.Z,{className:"delete-button",disabled:1===n.length,onClick:()=>en(t),title:"この行を削除する",children:(0,r.jsx)(p.Z,{})})}),(0,r.jsx)(_.Z,{xs:"auto",children:(0,r.jsx)(k.Z,{className:"add-line-button",onClick:()=>H(t),title:"行を追加する",children:(0,r.jsx)(x.Z,{})})})]},t))}),(0,r.jsx)(N,{moraToneList:n[s].moraToneList,setMoraToneList:e=>Y({moraToneList:e,accentModified:!0})}),(0,r.jsxs)(w.Z,{mt:2,sx:{position:"relative",display:"flex",justifyContent:"center",alignItems:"center"},children:[(0,r.jsx)(v.Z,{variant:"contained",color:"primary",disabled:O,onClick:$,children:"音声合成"}),O&&(0,r.jsx)(T.Z,{size:24,sx:{position:"absolute"}})]}),(0,r.jsxs)(w.Z,{mt:2,sx:{position:"relative",display:"flex",justifyContent:"center",alignItems:"center"},children:[(0,r.jsx)(v.Z,{variant:"outlined",color:"primary",disabled:O,onClick:ee,children:"全てのテキストを音声合成"}),O&&(0,r.jsx)(T.Z,{size:24,sx:{position:"absolute"}})]}),c&&(0,r.jsx)("audio",{src:c,controls:!0,autoPlay:!0})]}),(0,r.jsx)(w.Z,{width:"30%",maxWidth:350,minWidth:200,children:(0,r.jsx)(ed,{modelList:e,lines:n,currentIndex:s,setLines:i})})]}),(0,r.jsx)(ex,{open:W}),(0,r.jsx)(ei,{open:A,onClose:()=>F(!1)}),(0,r.jsx)(em,{open:R,onClose:()=>B(!1)})]})}function eZ(){return(0,r.jsx)(i.Z,{maxWidth:"xl",children:(0,r.jsxs)(c,{children:[(0,r.jsx)(u,{}),(0,r.jsx)(ey,{})]})})}}},function(e){e.O(0,[154,257,971,23,744],function(){return e(e.s=9987)}),_N_E=e.O()}]); \ No newline at end of file diff --git a/static/_next/static/chunks/app/page-08720ec85a230405.js b/static/_next/static/chunks/app/page-08720ec85a230405.js new file mode 100644 index 0000000000000000000000000000000000000000..58ce5fb7137e7b6b8331de82fe3a8dc240380204 --- /dev/null +++ b/static/_next/static/chunks/app/page-08720ec85a230405.js @@ -0,0 +1 @@ +(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[931],{9987:function(e,t,n){Promise.resolve().then(n.bind(n,142))},142:function(e,t,n){"use strict";n.r(t),n.d(t,{default:function(){return eZ}});var r=n(7437),i=n(2197),s=n(1520),o=n(8165),l=n(2265);let a=(0,l.createContext)({isOpen:!1,message:"",severity:"error",duration:null,openPopup:()=>{},closePopup:()=>{}});function c(e){let{children:t}=e,[n,i]=(0,l.useState)(!1),[s,o]=(0,l.useState)(""),[c,d]=(0,l.useState)("error"),[u,x]=(0,l.useState)(null),h=(0,l.useCallback)((e,t,n)=>{i(!0),o(e),t?d(t):d("error"),n&&x(n)},[]),p=(0,l.useCallback)(()=>{i(!1),o(""),d("error")},[]);return(0,r.jsx)(a.Provider,{value:{isOpen:n,message:s,openPopup:h,closePopup:p,severity:c,duration:u},children:t})}let d=()=>l.useContext(a);var u=()=>{let{isOpen:e,closePopup:t,message:n,severity:i}=d();return(0,r.jsx)(s.Z,{open:e,onClose:t,anchorOrigin:{vertical:"top",horizontal:"center"},children:(0,r.jsx)(o.Z,{onClose:t,severity:i,sx:{width:"100%"},elevation:6,children:n})})},x=n(6562),h=n(8866),p=n(7622),m=n(9504),j=n(1733),f=n(9806),v=n(6548),y=n(511),Z=n(659),b=n(1656),g=n(7318),w=n(1326),S=n(8027),C=n(3983),k=n(335),T=n(468),_=n(2834),L=n(7170),W=n(8929),I=n(5911),O=n(9143);function E(e){let{moraTone:{mora:t,tone:n},onChange:i,visible:s=!0,disabled:o=!1}=e;return(0,r.jsxs)(W.Z,{direction:"column",spacing:1,sx:{textAlign:"center",visibility:s?"visible":"hidden"},children:[(0,r.jsx)(y.Z,{children:t}),(0,r.jsxs)(I.Z,{exclusive:!0,color:"primary",orientation:"vertical",value:n,onChange:(e,t)=>{null!==t&&i(t)},disabled:o,children:[(0,r.jsx)(O.Z,{value:1,children:"高"}),(0,r.jsx)(O.Z,{value:0,children:"低"})]})]})}function N(e){let{moraToneList:t,setMoraToneList:n,onChange:i,disabled:s=!1}=e,o=t&&t.length>0?t:[{mora:"ア",tone:0}],l=(e,r)=>{if(i){i(e,r);return}if(!n)return;let s=[...t];s[r]={...s[r],tone:e},n(s)};return(0,r.jsx)(S.Z,{sx:{p:1,mt:2},children:(0,r.jsx)(W.Z,{spacing:1,direction:"row",sx:{maxWidth:"100%",overflow:"auto"},children:o.map((e,n)=>(0,r.jsx)(E,{moraTone:e,onChange:e=>l(e,n),visible:t&&t.length>0,disabled:s},n))})})}var P=()=>{let[e,t]=(0,l.useState)(0),[n,r]=(0,l.useState)(0);return(0,l.useLayoutEffect)(()=>{let e=()=>{t(window.innerWidth),r(window.innerHeight)};return window.addEventListener("resize",e),e(),()=>window.removeEventListener("resize",e)},[]),{width:e,height:n}};async function V(e){let t,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},r=arguments.length>2&&void 0!==arguments[2]?arguments[2]:"json";console.log("fetchApi",e,r,n);let i="".concat("","/api").concat(e),s=await fetch(i,{headers:{"Content-Type":"application/json"},...n});if(!s.ok){let e=await s.json();throw console.error("Error code: ",s.status,"Error message: ",e.detail),Error(e.detail)}switch(r){case"json":t=await s.json();break;case"blob":t=await s.blob();break;case"text":t=await s.text();break;default:t=204===s.status?{}:await s.json()}return console.log("fetchApi result",t),t}var A=n(5253),F=n(6798),R=n(1096),B=n(824),J=n(2184),M=n(1807),z=n(7300),U=n(6917),D=n(7905),G=n(385),q=n(8549),K=n(8409),H=n(1092),Y=n(8038),Q=n(3907),X=n(1052);let $={uuid:"",surface:"",pronunciation:"",moraToneList:[{mora:"ガ",tone:0}],accentIndex:0,priority:5};function ee(e){return{uuid:e.uuid,word:{surface:e.surface,pronunciation:e.pronunciation,accent_type:e.accentIndex===e.moraToneList.length-1?0:e.accentIndex+1,priority:e.priority}}}function et(e){let t=en(e.word);return{uuid:e.uuid,surface:e.word.surface,pronunciation:e.word.pronunciation,moraToneList:t,accentIndex:0===e.word.accent_type?t.length-1:e.word.accent_type-1,priority:e.word.priority}}function en(e){let t=[],n=function(e){let t=RegExp("".concat("[イ][ェ]|[ヴ][ャュョ]|[トド][ゥ]|[テデ][ィャュョ]|[デ][ェ]|[クグ][ヮ]","|").concat("[キシチニヒミリギジビピ][ェャュョ]","|").concat("[ツフヴ][ァ]|[ウスツフヴズ][ィ]|[ウツフヴ][ェォ]","|").concat("[ァ-ヴー]"),"g");return e.match(t)||[]}(e.pronunciation),r=0===e.accent_type?n.length:e.accent_type-1;for(let i=0;i0&&i<=r?1:0;t.push({mora:s,tone:o})}return t.push({mora:"ガ",tone:0===e.accent_type?1:0}),t}let er=[{value:0,label:"最低"},{value:3,label:"低"},{value:5,label:"標準"},{value:7,label:"高"},{value:10,label:"最高"}];function ei(e){let{open:t,onClose:n}=e,[i,s]=(0,l.useState)(!0),[o,a]=(0,l.useState)({}),[c,u]=(0,l.useState)($),{surface:x,pronunciation:h,moraToneList:m,accentIndex:j,priority:f}=c,[Z,b]=(0,l.useState)(!1),[S,k]=(0,l.useState)(!1),{openPopup:T}=d();(0,l.useEffect)(()=>{(async()=>{a(await V("/user_dict"))})()},[]);let L=async()=>{b(!1);let e=await V("/normalize",{method:"POST",body:JSON.stringify({text:x})}).catch(e=>(console.error(e),T("正規化に失敗しました","error"),x)),t=(await V("/g2p",{method:"POST",body:JSON.stringify({text:h+"が"})}).catch(e=>(console.error(e),b(!0),[]))).map((e,t)=>({...e,tone:0===t?1:0})),n=t.slice(0,-1).map(e=>e.mora).join("");u({...c,surface:e,moraToneList:t,accentIndex:0,pronunciation:n}),k(!0)},I=e=>{let t=m.map((t,n)=>({...t,tone:0===e?0===n?1:0:0===n?0:n<=e?1:0}));u({...c,accentIndex:e,moraToneList:t})},O=async()=>{if(!x||!h){T("単語と読みを入力してください","error");return}let e=ee(c),t=await V("/user_dict_word",{method:"POST",body:JSON.stringify(e.word)}).catch(e=>{T("登録に失敗しました: ".concat(e),"error")});t&&(T("登録しました","success",3e3),a({...o,[t.uuid]:e.word}),u({...c,uuid:t.uuid}),s(!1))},E=async()=>{if(!x||!h){T("単語と読みを入力してください","error");return}let e=ee(c);await V("/user_dict_word/".concat(e.uuid),{method:"PUT",body:JSON.stringify(e.word)}).catch(e=>{T("更新に失敗しました: ".concat(e),"error")})&&(T("更新しました","success",3e3),a({...o,[e.uuid]:e.word}))},P=async()=>{let e=ee(c);if(!await V("/user_dict_word/".concat(e.uuid),{method:"DELETE"}).catch(e=>{T("削除に失敗しました: ".concat(e),"error")}))return;T("削除しました","success",3e3);let t={...o};delete t[e.uuid],a(t),u($),s(!0)};return(0,r.jsxs)(R.Z,{onClose:n,open:t,fullWidth:!0,maxWidth:"md",children:[(0,r.jsx)(B.Z,{children:"ユーザー辞書"}),(0,r.jsxs)(w.Z,{display:"flex",justifyContent:"space-between",height:600,children:[(0,r.jsxs)(w.Z,{minWidth:200,pb:2,px:2,border:1,borderColor:"divider",borderRadius:1,children:[(0,r.jsx)(J.Z,{children:(0,r.jsx)(M.ZP,{disablePadding:!0,children:(0,r.jsxs)(z.Z,{onClick:()=>{s(!0),u($),k(!1)},selected:i,sx:{justifyContent:"center"},children:[(0,r.jsx)(U.Z,{children:(0,r.jsx)(A.Z,{})}),(0,r.jsx)(D.Z,{primary:"新規登録"})]})})}),(0,r.jsx)(g.Z,{}),(0,r.jsx)(J.Z,{sx:{overflow:"auto",height:"90%"},children:Object.keys(o).map(e=>(0,r.jsx)(M.ZP,{disablePadding:!0,children:(0,r.jsx)(z.Z,{onClick:()=>{console.log(en(o[e])),u(et({uuid:e,word:o[e]})),console.log(et({uuid:e,word:o[e]})),s(!1)},selected:e===c.uuid,children:(0,r.jsx)(D.Z,{primary:o[e].surface})})},e))})]}),(0,r.jsxs)(w.Z,{sx:{flexGrow:1},children:[(0,r.jsxs)(G.Z,{children:[(0,r.jsx)(C.Z,{autoFocus:!0,required:!0,label:"単語(名詞)(自動的に正規化される)",fullWidth:!0,value:x,onChange:e=>u({...c,surface:e.target.value}),sx:{mb:2}}),(0,r.jsxs)(_.Z,{container:!0,spacing:2,justifyContent:"center",alignItems:"center",children:[(0,r.jsx)(_.Z,{xs:9,children:(0,r.jsx)(C.Z,{required:!0,label:"読み(平仮名かカタカナ)",error:Z,helperText:Z?"平仮名かカタカナのみで入力してください":"",fullWidth:!0,value:h,onChange:e=>{u({...c,pronunciation:e.target.value}),k(!1)},sx:{mb:2},onKeyDown:e=>{"Enter"===e.key&&L()}})}),(0,r.jsx)(_.Z,{xs:!0,children:(0,r.jsx)(v.Z,{color:"primary",variant:"outlined",onClick:L,startIcon:(0,r.jsx)(F.Z,{}),sx:{mb:2},fullWidth:!0,children:"情報取得"})})]}),(0,r.jsxs)(W.Z,{children:[(0,r.jsxs)(q.Z,{children:[(0,r.jsx)(K.Z,{children:"アクセント位置(最後に助詞「が」が追加されています)"}),(0,r.jsx)(H.Z,{row:!0,value:j,onChange:e=>I(Number(e.target.value)),sx:{flexWrap:"nowrap",overflow:"auto"},children:m.map((e,t)=>(0,r.jsx)(Y.Z,{value:t,control:(0,r.jsx)(Q.Z,{}),label:e.mora,labelPlacement:"bottom",sx:{mx:0}},t))})]}),(0,r.jsx)(N,{moraToneList:m,disabled:!0}),(0,r.jsx)(y.Z,{sx:{mt:1},children:"優先度"}),(0,r.jsx)(w.Z,{sx:{textAlign:"center"},children:(0,r.jsx)(X.ZP,{value:f,onChange:(e,t)=>{u({...c,priority:t})},marks:er,step:1,min:0,max:10,sx:{mt:2,width:"80%"}})})]})]}),(0,r.jsxs)(W.Z,{direction:"row",spacing:2,justifyContent:"space-around",children:[i&&(0,r.jsx)(v.Z,{type:"submit",variant:"outlined",onClick:O,disabled:!S,children:"登録"}),!i&&(0,r.jsxs)(r.Fragment,{children:[(0,r.jsx)(v.Z,{type:"submit",variant:"outlined",onClick:E,startIcon:(0,r.jsx)(F.Z,{}),children:"更新"}),(0,r.jsx)(v.Z,{type:"submit",variant:"outlined",onClick:P,startIcon:(0,r.jsx)(p.Z,{}),children:"削除"})]}),(0,r.jsx)(v.Z,{onClick:()=>{n(),u($),k(!1),b(!1),s(!0)},children:"閉じる"})]})]})]})]})}var es=n(1236),eo=n(888),el=n(7351),ea=n(4893);function ec(e){let{value:t,setValue:n,step:i,min:s,max:o,label:l}=e;return(0,r.jsx)(w.Z,{children:(0,r.jsxs)(_.Z,{container:!0,spacing:2,alignItems:"center",justifyContent:"space-between",children:[(0,r.jsxs)(_.Z,{xs:9,children:[(0,r.jsx)(y.Z,{id:"input-slider",gutterBottom:!0,children:l}),(0,r.jsx)(X.ZP,{value:"number"==typeof t?t:s,onChange:(e,t)=>{n(t)},"aria-labelledby":"input-slider",step:i,min:s,max:o})]}),(0,r.jsx)(_.Z,{xs:3,children:(0,r.jsx)(es.Z,{value:t,onChange:e=>{n(""===e.target.value?0:Number(e.target.value))},onBlur:()=>{to&&n(o)},inputProps:{step:i,min:s,max:o,type:"number"}})})]})})}function ed(e){var t,n,i,s;let{modelList:o,lines:a,setLines:c,currentIndex:d}=e,[u,x]=(0,l.useState)(10),h=e=>{c(a.map((t,n)=>n===d?{...t,...e}:t))},p=e=>{var t;let n=null==o?void 0:o.find(t=>t.name===e);h({model:e,modelFile:(null==n?void 0:n.files[0])||"",style:(null==n?void 0:n.styles[0])||"",speaker:(null==n?void 0:null===(t=n.speakers)||void 0===t?void 0:t[0])||""})};return(0,r.jsxs)(S.Z,{sx:{p:2},children:[(0,r.jsxs)(w.Z,{sx:{display:"flex",justifyContent:"space-between",mb:1,alignItems:"center"},children:[(0,r.jsxs)(y.Z,{children:["テキスト",d+1,"の設定"]}),(0,r.jsx)(eo.Z,{title:"デフォルト設定に戻す",placement:"left",children:(0,r.jsx)(k.Z,{onClick:()=>{var e,t;h({...ej,model:a[d].model,modelFile:a[d].modelFile,text:a[d].text,speaker:a[d].speaker,style:(null===(e=o.find(e=>e.name===a[d].model))||void 0===e?void 0:e.styles.includes("Neutral"))?"Neutral":(null===(t=o.find(e=>e.name===a[d].model))||void 0===t?void 0:t.styles[0])||""})},children:(0,r.jsx)(F.Z,{})})})]}),(0,r.jsxs)(q.Z,{fullWidth:!0,variant:"standard",sx:{mb:1,minWidth:120},children:[(0,r.jsx)(el.Z,{children:"モデル"}),(0,r.jsx)(ea.Z,{value:a[d].model,onChange:e=>p(e.target.value),children:o.map((e,t)=>(0,r.jsx)(b.Z,{value:e.name,children:e.name},t))})]}),(0,r.jsxs)(q.Z,{fullWidth:!0,variant:"standard",sx:{mb:1,minWidth:120},children:[(0,r.jsx)(el.Z,{children:"モデルファイル"}),(0,r.jsx)(ea.Z,{value:a[d].modelFile,onChange:e=>h({modelFile:e.target.value}),children:null===(t=o.find(e=>e.name===a[d].model))||void 0===t?void 0:t.files.map((e,t)=>(0,r.jsx)(b.Z,{value:e,children:e},t))})]}),(0,r.jsxs)(q.Z,{fullWidth:!0,variant:"standard",sx:{mb:1,minWidth:120},children:[(0,r.jsx)(el.Z,{children:"話者"}),(0,r.jsx)(ea.Z,{value:a[d].speaker,onChange:e=>h({speaker:e.target.value}),children:null===(i=o.find(e=>e.name===a[d].model))||void 0===i?void 0:null===(n=i.speakers)||void 0===n?void 0:n.map((e,t)=>(0,r.jsx)(b.Z,{value:e,children:e},t))})]}),(0,r.jsxs)(q.Z,{fullWidth:!0,variant:"standard",sx:{mb:2,minWidth:120},children:[(0,r.jsx)(el.Z,{children:"スタイル"}),(0,r.jsx)(ea.Z,{value:a[d].style,onChange:e=>h({style:e.target.value}),children:null===(s=o.find(e=>e.name===a[d].model))||void 0===s?void 0:s.styles.map((e,t)=>(0,r.jsx)(b.Z,{value:e,children:e},t))})]}),(0,r.jsx)(ec,{label:"スタイルの強さ上限設定",value:u,setValue:e=>x(e),step:.1,min:1,max:20}),(0,r.jsx)(ec,{label:"スタイルの強さ(崩壊したら下げて)",value:a[d].styleWeight,setValue:e=>h({styleWeight:e}),step:.1,min:0,max:u}),(0,r.jsx)(ec,{label:"話速",value:a[d].speed,setValue:e=>h({speed:e}),step:.05,min:.5,max:2}),(0,r.jsx)(ec,{label:"テンポの緩急",value:a[d].sdpRatio,setValue:e=>h({sdpRatio:e}),step:.05,min:0,max:1}),(0,r.jsx)(ec,{label:"Noise",value:a[d].noise,setValue:e=>h({noise:e}),step:.05,min:0,max:1}),(0,r.jsx)(ec,{label:"NoiseW",value:a[d].noisew,setValue:e=>h({noisew:e}),step:.05,min:0,max:1}),(0,r.jsx)(ec,{label:"音高(1以外では音質劣化)",value:a[d].pitchScale,setValue:e=>h({pitchScale:e}),step:.05,min:.7,max:1.3}),(0,r.jsx)(ec,{label:"抑揚(1以外では音質劣化)",value:a[d].intonationScale,setValue:e=>h({intonationScale:e}),step:.05,min:.7,max:1.3}),(0,r.jsx)(ec,{label:"次のテキストとの間の無音",value:a[d].silenceAfter,setValue:e=>h({silenceAfter:e}),step:.05,min:0,max:1.5})]})}var eu=n(4593);function ex(e){let{open:t}=e;return(0,r.jsx)(eu.Z,{sx:{color:"#fff",zIndex:e=>e.zIndex.drawer+1},open:t,children:(0,r.jsx)(T.Z,{color:"inherit"})})}var eh=n(1665),ep=n(8784);function em(e){let{open:t,onClose:n}=e;return(0,r.jsxs)(R.Z,{open:t,fullWidth:!0,maxWidth:"md",children:[(0,r.jsx)(B.Z,{children:"利用規約"}),(0,r.jsxs)(G.Z,{children:[(0,r.jsxs)(y.Z,{children:["Style-Bert-VITS2を利用する際は、",(0,r.jsx)(eh.Z,{href:"https://github.com/litagin02/Style-Bert-VITS2/blob/master/docs/TERMS_OF_USE.md",target:"_blank",rel:"noopener noreferrer",children:"Style-Bert-VITS2の利用規約"}),"を遵守してください。特に、利用するモデルの利用規約がある場合はそれに従わなければなりません。 初期からあるデフォルトモデルの利用規約の抜粋は以下の通りです(完全な利用規約は上記リンクにあります)。"]}),(0,r.jsx)(w.Z,{sx:{fontWeight:"bold"},children:"JVNV"}),(0,r.jsxs)(y.Z,{children:[(0,r.jsx)(eh.Z,{href:"https://huggingface.co/litagin/style_bert_vits2_jvnv",target:"_blank",rel:"noopener noreferrer",children:"「jvnv-」から始まるモデル"}),"は、",(0,r.jsx)(eh.Z,{href:"https://sites.google.com/site/shinnosuketakamichi/research-topics/jvnv_corpus",target:"_blank",rel:"noopener noreferrer",children:"JVNVコーパス"}),"の音声で学習されました。このコーパスのライセンスは",(0,r.jsx)(eh.Z,{href:"https://creativecommons.org/licenses/by-sa/4.0/deed.ja",target:"_blank",rel:"noopener noreferrer",children:"CC BY-SA 4.0"}),"ですので、jvnv-で始まるモデルの利用規約はこれを継承します。"]}),(0,r.jsx)(w.Z,{sx:{fontWeight:"bold"},children:"小春音アミ・あみたろ"}),(0,r.jsxs)(y.Z,{children:["「koharune-ami / amitaro」モデルは、",(0,r.jsx)(eh.Z,{href:"https://amitaro.net/",target:"_blank",rel:"noopener noreferrer",children:"あみたろの声素材工房"}),"のコーパス音声・ライブ配信音声から許可を得て学習されました。利用の際には、",(0,r.jsx)(eh.Z,{href:"https://amitaro.net/voice/voice_rule/",target:"_blank",rel:"noopener noreferrer",children:"あみたろの声素材工房の規約"}),"と",(0,r.jsx)(eh.Z,{href:"https://amitaro.net/voice/livevoice/#index_id6",target:"_blank",rel:"noopener noreferrer",children:"あみたろのライブ配信音声・利用規約"}),"を遵守してください。"]}),(0,r.jsx)(y.Z,{children:"特に、年齢制限がかかりそうなセリフやセンシティブな用途には使用できません。"}),(0,r.jsx)(y.Z,{children:"生成音声を公開する際は(媒体は問わない)、必ず分かりやすい場所に 「あみたろの声素材工房 (https://amitaro.net/)」 の声を元にした音声モデルを使用していることが分かるようなクレジット表記を記載してください: 「Style-BertVITS2モデル: 小春音アミ、あみたろの声素材工房 (https://amitaro.net/)」 「Style-BertVITS2モデル: あみたろ、あみたろの声素材工房 (https://amitaro.net/)」"}),(0,r.jsxs)(y.Z,{children:["完全なモデルの利用規約は",(0,r.jsx)(eh.Z,{href:"https://github.com/litagin02/Style-Bert-VITS2/blob/master/docs/TERMS_OF_USE.md",target:"_blank",rel:"noopener noreferrer",children:"Style-Bert-VITS2の利用規約"}),"をお読みください。"]})]}),(0,r.jsx)(g.Z,{}),(0,r.jsx)(ep.Z,{children:(0,r.jsx)(v.Z,{onClick:n,children:"同意する"})})]})}let ej={text:"",model:"",modelFile:"",style:"",speaker:"",moraToneList:[],accentModified:!1,styleWeight:1,speed:1,sdpRatio:.2,noise:.6,noisew:.8,pitchScale:1,intonationScale:1,silenceAfter:.5};function ef(e){return"string"==typeof e.mora&&(0===e.tone||1===e.tone)}function ev(e){return"string"==typeof e.text&&"string"==typeof e.model&&"string"==typeof e.modelFile&&"string"==typeof e.style&&Array.isArray(e.moraToneList)&&e.moraToneList.every(ef)&&"boolean"==typeof e.accentModified&&"number"==typeof e.styleWeight&&"number"==typeof e.speed&&"number"==typeof e.sdpRatio&&"number"==typeof e.noise&&"number"==typeof e.noisew&&"number"==typeof e.silenceAfter&&"number"==typeof e.pitchScale&&"number"==typeof e.intonationScale}function ey(){let[e,t]=(0,l.useState)([]),[n,i]=(0,l.useState)([ej]),[s,o]=(0,l.useState)(0),{openPopup:a}=d(),[c,u]=(0,l.useState)(""),[W,I]=(0,l.useState)(!1),[O,E]=(0,l.useState)(!1),[A,F]=(0,l.useState)(!1),[R,B]=(0,l.useState)(!0),[J,M]=(0,l.useState)(""),{height:z}=P(),[U,D]=(0,l.useState)(!1),G=()=>D(!0),q=()=>D(!1),K=(0,l.useRef)([]);(0,l.useEffect)(()=>{let e;I(!0);let n=0,r=()=>{V("/models_info").then(e=>{var n;t(e),i([{...ej,model:e[0].name||"",modelFile:e[0].files[0]||"",style:e[0].styles[0]||"",speaker:(null===(n=e[0].speakers)||void 0===n?void 0:n[0])||""}]),I(!1)}).catch(t=>{n<10?(console.log(t),n++,console.log("モデル情報の取得に失敗しました。リトライします。".concat(n,"回目...")),e=setTimeout(r,1e3)):(console.log("モデル情報の取得に失敗しました。リトライ回数: ".concat(n)),console.log(t),a("モデル情報の取得に失敗しました。\n".concat(t),"error"),I(!1))})};return r(),()=>{e&&clearTimeout(e)}},[a]),(0,l.useEffect)(()=>{let e,t=0,n=()=>{V("/version").then(e=>{M(e)}).catch(r=>{t<10?(console.log(r),t++,console.log("バージョン情報の取得に失敗しました。リトライします。".concat(t,"回目...")),e=setTimeout(n,1e3)):(console.log("バージョン情報の取得に失敗しました。リトライ回数: ".concat(t)),console.log(r))})};return n(),()=>{e&&clearTimeout(e)}},[]),(0,l.useEffect)(()=>{console.log("currentLineIndex:",s),K.current[s]&&K.current[s].focus()},[s]);let H=e=>{let t={...n[e],text:"",moraToneList:[],accentModified:!1},r=[...n];r.splice(e+1,0,t),i(r),o(e+1)},Y=e=>{i(n.map((t,n)=>n===s?{...t,...e}:t))},Q=async()=>V("/g2p",{method:"POST",body:JSON.stringify({text:n[s].text})}),X=e=>{Y({text:e,moraToneList:[],accentModified:!1})},$=async()=>{E(!0);let e=n[s].accentModified?n[s].moraToneList:await Q();Y({moraToneList:e});let t={...n[s],moraToneList:e};await V("/synthesis",{method:"POST",body:JSON.stringify(t)},"blob").then(e=>{u(URL.createObjectURL(e))}).catch(e=>{console.error(e),a("音声合成に失敗しました。".concat(e),"error")}).finally(()=>{E(!1)})},ee=async()=>{E(!0);let e=await Promise.all(n.map(async e=>e.accentModified?e.moraToneList:await V("/g2p",{method:"POST",body:JSON.stringify({text:e.text})}))),t=n.map((t,n)=>({...t,moraToneList:e[n]}));i(t),await V("/multi_synthesis",{method:"POST",body:JSON.stringify({lines:t})},"blob").then(e=>{u(URL.createObjectURL(e))}).catch(e=>{console.error(e),a("音声合成に失敗しました。".concat(e),"error")}).finally(()=>{E(!1)})},et=e=>{"Enter"!==e.key||U?"ArrowDown"===e.key?s0&&o(s-1):$()},en=e=>{i([...n.slice(0,e),...n.slice(e+1)]),e<=s&&s>0&&o(s-1)},er=e=>{let t=e.clipboardData.getData("text");if(t){let r=t.split(/[\r\n]+/);r.length>1&&(e.preventDefault(),i([...n.slice(0,s),...r.map((e,t)=>0===t?{...n[s],text:n[s].text+e}:{...n[s],text:e}),...n.slice(s+1)]),o(s+r.length-1))}},[es,eo]=(0,l.useState)(null),el=()=>{eo(null)};return(0,r.jsxs)(r.Fragment,{children:[(0,r.jsx)(j.Z,{position:"static",children:(0,r.jsxs)(f.Z,{children:[(0,r.jsx)(v.Z,{onClick:e=>{eo(e.currentTarget)},color:"inherit",startIcon:(0,r.jsx)(m.Z,{}),children:"メニュー"}),(0,r.jsx)(y.Z,{variant:"h6",sx:{flexGrow:3,textAlign:"center"},children:"Style-Bert-VITS2 エディター"}),(0,r.jsxs)(y.Z,{variant:"subtitle1",children:["SBV2 ver: ",J,", editor ver: ","0.4.1"]}),(0,r.jsxs)(Z.Z,{anchorEl:es,open:!!es,onClose:el,children:[(0,r.jsx)(b.Z,{onClick:()=>{el(),I(!0),V("/models_info").then(e=>{t(e),I(!1)}).catch(e=>{console.error(e),a("モデル情報の取得に失敗しました。\n".concat(e),"error"),I(!1)})},children:"モデル情報をリロード"}),(0,r.jsx)(g.Z,{}),(0,r.jsx)(b.Z,{onClick:()=>{let e=new Blob([JSON.stringify(n)],{type:"application/json"});(0,L.saveAs)(e,"project.json"),el()},children:"プロジェクトの保存"}),(0,r.jsxs)(b.Z,{component:"label",children:["プロジェクトの読み込み",(0,r.jsx)("input",{type:"file",onChange:e=>{var t;el();let n=null===(t=e.target.files)||void 0===t?void 0:t[0];if(!n)return;let r=new FileReader;r.onload=e=>{var t;o(0);let n=null===(t=e.target)||void 0===t?void 0:t.result;if("string"==typeof n)try{let e=JSON.parse(n);if(!Array.isArray(e)||!e.every(ev)){console.error("データがLineState[]型と一致しません。"),a("データが有効な形式ではありません。","error");return}i(e)}catch(e){console.error(e),a("プロジェクトの読み込みに失敗しました。".concat(e),"error")}else console.error("typeof content",typeof n),a("ファイルの読み込みに失敗しました。","error")},r.readAsText(n)},hidden:!0,accept:".json"})]}),(0,r.jsx)(g.Z,{}),(0,r.jsx)(b.Z,{onClick:()=>{F(!0),el()},children:"ユーザー辞書の編集"}),(0,r.jsx)(g.Z,{}),(0,r.jsx)(b.Z,{onClick:()=>{B(!0),el()},children:"利用規約"})]})]})}),(0,r.jsxs)(w.Z,{display:"flex",justifyContent:"space-between",gap:2,mt:2,children:[(0,r.jsxs)(w.Z,{flexGrow:1,width:"100%",overflow:"auto",children:[(0,r.jsx)(S.Z,{sx:{p:2,height:z/2,overflow:"auto"},elevation:2,children:n.map((e,t)=>(0,r.jsxs)(_.Z,{container:!0,spacing:1,mt:2,alignItems:"center",justifyContent:"space-between",sx:{"& .delete-button":{display:"none"},"&:hover .delete-button":{display:"block"},"& .add-line-button":{display:"none"},"&:hover .add-line-button":{display:"block"}},children:[(0,r.jsx)(_.Z,{xs:"auto",children:(0,r.jsx)(h.Z,{fontSize:"small",sx:{display:s===t?"block":"none"}})}),(0,r.jsx)(_.Z,{xs:!0,children:(0,r.jsx)(C.Z,{label:"テキスト".concat(t+1),fullWidth:!0,value:e.text,onFocus:()=>o(t),onChange:e=>X(e.target.value),onKeyDown:et,onCompositionStart:G,onCompositionEnd:q,focused:s===t,onPaste:er,inputRef:e=>K.current[t]=e})}),(0,r.jsx)(_.Z,{xs:"auto",children:(0,r.jsx)(k.Z,{className:"delete-button",disabled:1===n.length,onClick:()=>en(t),title:"この行を削除する",children:(0,r.jsx)(p.Z,{})})}),(0,r.jsx)(_.Z,{xs:"auto",children:(0,r.jsx)(k.Z,{className:"add-line-button",onClick:()=>H(t),title:"行を追加する",children:(0,r.jsx)(x.Z,{})})})]},t))}),(0,r.jsx)(N,{moraToneList:n[s].moraToneList,setMoraToneList:e=>Y({moraToneList:e,accentModified:!0})}),(0,r.jsxs)(w.Z,{mt:2,sx:{position:"relative",display:"flex",justifyContent:"center",alignItems:"center"},children:[(0,r.jsx)(v.Z,{variant:"contained",color:"primary",disabled:O,onClick:$,children:"音声合成"}),O&&(0,r.jsx)(T.Z,{size:24,sx:{position:"absolute"}})]}),(0,r.jsxs)(w.Z,{mt:2,sx:{position:"relative",display:"flex",justifyContent:"center",alignItems:"center"},children:[(0,r.jsx)(v.Z,{variant:"outlined",color:"primary",disabled:O,onClick:ee,children:"全てのテキストを音声合成"}),O&&(0,r.jsx)(T.Z,{size:24,sx:{position:"absolute"}})]}),c&&(0,r.jsx)("audio",{src:c,controls:!0,autoPlay:!0})]}),(0,r.jsx)(w.Z,{width:"30%",maxWidth:350,minWidth:200,children:(0,r.jsx)(ed,{modelList:e,lines:n,currentIndex:s,setLines:i})})]}),(0,r.jsx)(ex,{open:W}),(0,r.jsx)(ei,{open:A,onClose:()=>F(!1)}),(0,r.jsx)(em,{open:R,onClose:()=>B(!1)})]})}function eZ(){return(0,r.jsx)(i.Z,{maxWidth:"xl",children:(0,r.jsxs)(c,{children:[(0,r.jsx)(u,{}),(0,r.jsx)(ey,{})]})})}}},function(e){e.O(0,[154,257,971,23,744],function(){return e(e.s=9987)}),_N_E=e.O()}]); \ No newline at end of file diff --git a/static/_next/static/chunks/fd9d1056-90960e0a7e77703c.js b/static/_next/static/chunks/fd9d1056-90960e0a7e77703c.js new file mode 100644 index 0000000000000000000000000000000000000000..fa8340dba61c0c86718e383cc46e76e41837a982 --- /dev/null +++ b/static/_next/static/chunks/fd9d1056-90960e0a7e77703c.js @@ -0,0 +1 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[971],{4417:function(e,t,n){var r,l=n(2265),a=n(5689),o={usingClientEntryPoint:!1,Events:null,Dispatcher:{current:null}};function i(e){var t="https://react.dev/errors/"+e;if(1p||(e.current=d[p],d[p]=null,p--)}function g(e,t){d[++p]=e.current,e.current=t}var y=Symbol.for("react.element"),v=Symbol.for("react.portal"),b=Symbol.for("react.fragment"),k=Symbol.for("react.strict_mode"),w=Symbol.for("react.profiler"),S=Symbol.for("react.provider"),C=Symbol.for("react.consumer"),E=Symbol.for("react.context"),x=Symbol.for("react.forward_ref"),z=Symbol.for("react.suspense"),P=Symbol.for("react.suspense_list"),N=Symbol.for("react.memo"),_=Symbol.for("react.lazy"),L=Symbol.for("react.scope");Symbol.for("react.debug_trace_mode");var T=Symbol.for("react.offscreen"),F=Symbol.for("react.legacy_hidden"),M=Symbol.for("react.cache");Symbol.for("react.tracing_marker");var O=Symbol.iterator;function R(e){return null===e||"object"!=typeof e?null:"function"==typeof(e=O&&e[O]||e["@@iterator"])?e:null}var D=m(null),A=m(null),I=m(null),U=m(null),B={$$typeof:E,_currentValue:null,_currentValue2:null,_threadCount:0,Provider:null,Consumer:null};function V(e,t){switch(g(I,t),g(A,e),g(D,null),e=t.nodeType){case 9:case 11:t=(t=t.documentElement)&&(t=t.namespaceURI)?s2(t):0;break;default:if(t=(e=8===e?t.parentNode:t).tagName,e=e.namespaceURI)t=s3(e=s2(e),t);else switch(t){case"svg":t=1;break;case"math":t=2;break;default:t=0}}h(D),g(D,t)}function Q(){h(D),h(A),h(I)}function $(e){null!==e.memoizedState&&g(U,e);var t=D.current,n=s3(t,e.type);t!==n&&(g(A,e),g(D,n))}function j(e){A.current===e&&(h(D),h(A)),U.current===e&&(h(U),B._currentValue=null)}var W=a.unstable_scheduleCallback,H=a.unstable_cancelCallback,q=a.unstable_shouldYield,K=a.unstable_requestPaint,Y=a.unstable_now,X=a.unstable_getCurrentPriorityLevel,G=a.unstable_ImmediatePriority,Z=a.unstable_UserBlockingPriority,J=a.unstable_NormalPriority,ee=a.unstable_LowPriority,et=a.unstable_IdlePriority,en=a.log,er=a.unstable_setDisableYieldValue,el=null,ea=null;function eo(e){if("function"==typeof en&&er(e),ea&&"function"==typeof ea.setStrictMode)try{ea.setStrictMode(el,e)}catch(e){}}var ei=Math.clz32?Math.clz32:function(e){return 0==(e>>>=0)?32:31-(eu(e)/es|0)|0},eu=Math.log,es=Math.LN2,ec=128,ef=4194304;function ed(e){var t=42&e;if(0!==t)return t;switch(e&-e){case 1:return 1;case 2:return 2;case 4:return 4;case 8:return 8;case 16:return 16;case 32:return 32;case 64:return 64;case 128:case 256:case 512:case 1024:case 2048:case 4096:case 8192:case 16384:case 32768:case 65536:case 131072:case 262144:case 524288:case 1048576:case 2097152:return 4194176&e;case 4194304:case 8388608:case 16777216:case 33554432:return 62914560&e;case 67108864:return 67108864;case 134217728:return 134217728;case 268435456:return 268435456;case 536870912:return 536870912;case 1073741824:return 0;default:return e}}function ep(e,t){var n=e.pendingLanes;if(0===n)return 0;var r=0,l=e.suspendedLanes;e=e.pingedLanes;var a=134217727&n;return 0!==a?0!=(n=a&~l)?r=ed(n):0!=(e&=a)&&(r=ed(e)):0!=(n&=~l)?r=ed(n):0!==e&&(r=ed(e)),0===r?0:0!==t&&t!==r&&0==(t&l)&&((l=r&-r)>=(e=t&-t)||32===l&&0!=(4194176&e))?t:r}function em(e,t){return e.errorRecoveryDisabledLanes&t?0:0!=(e=-536870913&e.pendingLanes)?e:536870912&e?536870912:0}function eh(){var e=ec;return 0==(4194176&(ec<<=1))&&(ec=128),e}function eg(){var e=ef;return 0==(62914560&(ef<<=1))&&(ef=4194304),e}function ey(e){for(var t=[],n=0;31>n;n++)t.push(e);return t}function ev(e,t,n){e.pendingLanes|=t,e.suspendedLanes&=~t;var r=31-ei(t);e.entangledLanes|=t,e.entanglements[r]=1073741824|e.entanglements[r]|4194218&n}function eb(e,t){var n=e.entangledLanes|=t;for(e=e.entanglements;n;){var r=31-ei(n),l=1<l||u[r]!==s[l]){var c="\n"+u[r].replace(" at new "," at ");return e.displayName&&c.includes("")&&(c=c.replace("",e.displayName)),c}while(1<=r&&0<=l);break}}}finally{eG=!1,Error.prepareStackTrace=n}return(n=e?e.displayName||e.name:"")?eX(n):""}function eJ(e){try{var t="";do t+=function(e){switch(e.tag){case 26:case 27:case 5:return eX(e.type);case 16:return eX("Lazy");case 13:return eX("Suspense");case 19:return eX("SuspenseList");case 0:case 2:case 15:return e=eZ(e.type,!1);case 11:return e=eZ(e.type.render,!1);case 1:return e=eZ(e.type,!0);default:return""}}(e),e=e.return;while(e);return t}catch(e){return"\nError generating stack: "+e.message+"\n"+e.stack}}var e0=Symbol.for("react.client.reference");function e1(e){switch(typeof e){case"boolean":case"number":case"string":case"undefined":case"object":return e;default:return""}}function e2(e){var t=e.type;return(e=e.nodeName)&&"input"===e.toLowerCase()&&("checkbox"===t||"radio"===t)}function e3(e){e._valueTracker||(e._valueTracker=function(e){var t=e2(e)?"checked":"value",n=Object.getOwnPropertyDescriptor(e.constructor.prototype,t),r=""+e[t];if(!e.hasOwnProperty(t)&&void 0!==n&&"function"==typeof n.get&&"function"==typeof n.set){var l=n.get,a=n.set;return Object.defineProperty(e,t,{configurable:!0,get:function(){return l.call(this)},set:function(e){r=""+e,a.call(this,e)}}),Object.defineProperty(e,t,{enumerable:n.enumerable}),{getValue:function(){return r},setValue:function(e){r=""+e},stopTracking:function(){e._valueTracker=null,delete e[t]}}}}(e))}function e4(e){if(!e)return!1;var t=e._valueTracker;if(!t)return!0;var n=t.getValue(),r="";return e&&(r=e2(e)?e.checked?"true":"false":e.value),(e=r)!==n&&(t.setValue(e),!0)}function e6(e){if(void 0===(e=e||("undefined"!=typeof document?document:void 0)))return null;try{return e.activeElement||e.body}catch(t){return e.body}}var e8=/[\n"\\]/g;function e5(e){return e.replace(e8,function(e){return"\\"+e.charCodeAt(0).toString(16)+" "})}function e7(e,t,n,r,l,a,o,i){e.name="",null!=o&&"function"!=typeof o&&"symbol"!=typeof o&&"boolean"!=typeof o?e.type=o:e.removeAttribute("type"),null!=t?"number"===o?(0===t&&""===e.value||e.value!=t)&&(e.value=""+e1(t)):e.value!==""+e1(t)&&(e.value=""+e1(t)):"submit"!==o&&"reset"!==o||e.removeAttribute("value"),null!=t?te(e,o,e1(t)):null!=n?te(e,o,e1(n)):null!=r&&e.removeAttribute("value"),null==l&&null!=a&&(e.defaultChecked=!!a),null!=l&&(e.checked=l&&"function"!=typeof l&&"symbol"!=typeof l),null!=i&&"function"!=typeof i&&"symbol"!=typeof i&&"boolean"!=typeof i?e.name=""+e1(i):e.removeAttribute("name")}function e9(e,t,n,r,l,a,o,i){if(null!=a&&"function"!=typeof a&&"symbol"!=typeof a&&"boolean"!=typeof a&&(e.type=a),null!=t||null!=n){if(!("submit"!==a&&"reset"!==a||null!=t))return;n=null!=n?""+e1(n):"",t=null!=t?""+e1(t):n,i||t===e.value||(e.value=t),e.defaultValue=t}r="function"!=typeof(r=null!=r?r:l)&&"symbol"!=typeof r&&!!r,e.checked=i?e.checked:!!r,e.defaultChecked=!!r,null!=o&&"function"!=typeof o&&"symbol"!=typeof o&&"boolean"!=typeof o&&(e.name=o)}function te(e,t,n){"number"===t&&e6(e.ownerDocument)===e||e.defaultValue===""+n||(e.defaultValue=""+n)}var tt=Array.isArray;function tn(e,t,n,r){if(e=e.options,t){t={};for(var l=0;l"+t.valueOf().toString()+"",t=iX.firstChild;e.firstChild;)e.removeChild(e.firstChild);for(;t.firstChild;)e.appendChild(t.firstChild)}}var to=ta;"undefined"!=typeof MSApp&&MSApp.execUnsafeLocalFunction&&(to=function(e,t){return MSApp.execUnsafeLocalFunction(function(){return ta(e,t)})});var ti=to;function tu(e,t){if(t){var n=e.firstChild;if(n&&n===e.lastChild&&3===n.nodeType){n.nodeValue=t;return}}e.textContent=t}var ts=new Set("animationIterationCount aspectRatio borderImageOutset borderImageSlice borderImageWidth boxFlex boxFlexGroup boxOrdinalGroup columnCount columns flex flexGrow flexPositive flexShrink flexNegative flexOrder gridArea gridRow gridRowEnd gridRowSpan gridRowStart gridColumn gridColumnEnd gridColumnSpan gridColumnStart fontWeight lineClamp lineHeight opacity order orphans scale tabSize widows zIndex zoom fillOpacity floodOpacity stopOpacity strokeDasharray strokeDashoffset strokeMiterlimit strokeOpacity strokeWidth MozAnimationIterationCount MozBoxFlex MozBoxFlexGroup MozLineClamp msAnimationIterationCount msFlex msZoom msFlexGrow msFlexNegative msFlexOrder msFlexPositive msFlexShrink msGridColumn msGridColumnSpan msGridRow msGridRowSpan WebkitAnimationIterationCount WebkitBoxFlex WebKitBoxFlexGroup WebkitBoxOrdinalGroup WebkitColumnCount WebkitColumns WebkitFlex WebkitFlexGrow WebkitFlexPositive WebkitFlexShrink WebkitLineClamp".split(" "));function tc(e,t,n){var r=0===t.indexOf("--");null==n||"boolean"==typeof n||""===n?r?e.setProperty(t,""):"float"===t?e.cssFloat="":e[t]="":r?e.setProperty(t,n):"number"!=typeof n||0===n||ts.has(t)?"float"===t?e.cssFloat=n:e[t]=(""+n).trim():e[t]=n+"px"}function tf(e,t,n){if(null!=t&&"object"!=typeof t)throw Error(i(62));if(e=e.style,null!=n){for(var r in n)!n.hasOwnProperty(r)||null!=t&&t.hasOwnProperty(r)||(0===r.indexOf("--")?e.setProperty(r,""):"float"===r?e.cssFloat="":e[r]="");for(var l in t)r=t[l],t.hasOwnProperty(l)&&n[l]!==r&&tc(e,l,r)}else for(var a in t)t.hasOwnProperty(a)&&tc(e,a,t[a])}function td(e){if(-1===e.indexOf("-"))return!1;switch(e){case"annotation-xml":case"color-profile":case"font-face":case"font-face-src":case"font-face-uri":case"font-face-format":case"font-face-name":case"missing-glyph":return!1;default:return!0}}var tp=new Map([["acceptCharset","accept-charset"],["htmlFor","for"],["httpEquiv","http-equiv"],["crossOrigin","crossorigin"],["accentHeight","accent-height"],["alignmentBaseline","alignment-baseline"],["arabicForm","arabic-form"],["baselineShift","baseline-shift"],["capHeight","cap-height"],["clipPath","clip-path"],["clipRule","clip-rule"],["colorInterpolation","color-interpolation"],["colorInterpolationFilters","color-interpolation-filters"],["colorProfile","color-profile"],["colorRendering","color-rendering"],["dominantBaseline","dominant-baseline"],["enableBackground","enable-background"],["fillOpacity","fill-opacity"],["fillRule","fill-rule"],["floodColor","flood-color"],["floodOpacity","flood-opacity"],["fontFamily","font-family"],["fontSize","font-size"],["fontSizeAdjust","font-size-adjust"],["fontStretch","font-stretch"],["fontStyle","font-style"],["fontVariant","font-variant"],["fontWeight","font-weight"],["glyphName","glyph-name"],["glyphOrientationHorizontal","glyph-orientation-horizontal"],["glyphOrientationVertical","glyph-orientation-vertical"],["horizAdvX","horiz-adv-x"],["horizOriginX","horiz-origin-x"],["imageRendering","image-rendering"],["letterSpacing","letter-spacing"],["lightingColor","lighting-color"],["markerEnd","marker-end"],["markerMid","marker-mid"],["markerStart","marker-start"],["overlinePosition","overline-position"],["overlineThickness","overline-thickness"],["paintOrder","paint-order"],["panose-1","panose-1"],["pointerEvents","pointer-events"],["renderingIntent","rendering-intent"],["shapeRendering","shape-rendering"],["stopColor","stop-color"],["stopOpacity","stop-opacity"],["strikethroughPosition","strikethrough-position"],["strikethroughThickness","strikethrough-thickness"],["strokeDasharray","stroke-dasharray"],["strokeDashoffset","stroke-dashoffset"],["strokeLinecap","stroke-linecap"],["strokeLinejoin","stroke-linejoin"],["strokeMiterlimit","stroke-miterlimit"],["strokeOpacity","stroke-opacity"],["strokeWidth","stroke-width"],["textAnchor","text-anchor"],["textDecoration","text-decoration"],["textRendering","text-rendering"],["transformOrigin","transform-origin"],["underlinePosition","underline-position"],["underlineThickness","underline-thickness"],["unicodeBidi","unicode-bidi"],["unicodeRange","unicode-range"],["unitsPerEm","units-per-em"],["vAlphabetic","v-alphabetic"],["vHanging","v-hanging"],["vIdeographic","v-ideographic"],["vMathematical","v-mathematical"],["vectorEffect","vector-effect"],["vertAdvY","vert-adv-y"],["vertOriginX","vert-origin-x"],["vertOriginY","vert-origin-y"],["wordSpacing","word-spacing"],["writingMode","writing-mode"],["xmlnsXlink","xmlns:xlink"],["xHeight","x-height"]]),tm=null;function th(e){return(e=e.target||e.srcElement||window).correspondingUseElement&&(e=e.correspondingUseElement),3===e.nodeType?e.parentNode:e}var tg=null,ty=null;function tv(e){var t=eO(e);if(t&&(e=t.stateNode)){var n=eD(e);switch(e=t.stateNode,t.type){case"input":if(e7(e,n.value,n.defaultValue,n.defaultValue,n.checked,n.defaultChecked,n.type,n.name),t=n.name,"radio"===n.type&&null!=t){for(n=e;n.parentNode;)n=n.parentNode;for(n=n.querySelectorAll('input[name="'+e5(""+t)+'"][type="radio"]'),t=0;t>=o,l-=o,tj=1<<32-ei(t)+l|n<h?(g=f,f=null):g=f.sibling;var y=p(l,f,i[h],u);if(null===y){null===f&&(f=g);break}e&&f&&null===y.alternate&&t(l,f),o=a(y,o,h),null===c?s=y:c.sibling=y,c=y,f=g}if(h===i.length)return n(l,f),tZ&&tH(l,h),s;if(null===f){for(;hg?(y=h,h=null):y=h.sibling;var b=p(l,h,v.value,s);if(null===b){null===h&&(h=y);break}e&&h&&null===b.alternate&&t(l,h),o=a(b,o,g),null===f?c=b:f.sibling=b,f=b,h=y}if(v.done)return n(l,h),tZ&&tH(l,g),c;if(null===h){for(;!v.done;g++,v=u.next())null!==(v=d(l,v.value,s))&&(o=a(v,o,g),null===f?c=v:f.sibling=v,f=v);return tZ&&tH(l,g),c}for(h=r(l,h);!v.done;g++,v=u.next())null!==(v=m(h,l,g,v.value,s))&&(e&&null!==v.alternate&&h.delete(null===v.key?g:v.key),o=a(v,o,g),null===f?c=v:f.sibling=v,f=v);return e&&h.forEach(function(e){return t(l,e)}),tZ&&tH(l,g),c}(s,c,f,h);if("function"==typeof f.then)return u(s,c,nJ(f),h);if(f.$$typeof===E)return u(s,c,ai(s,f,h),h);n1(s,f)}return"string"==typeof f&&""!==f||"number"==typeof f?(f=""+f,null!==c&&6===c.tag?(n(s,c.sibling),(c=l(c,f)).return=s):(n(s,c),(c=i_(f,s.mode,h)).return=s),o(s=c)):n(s,c)}(u,s,c,f),nG=null,u}}var n4=n3(!0),n6=n3(!1),n8=m(null),n5=m(0);function n7(e,t){g(n5,e=oz),g(n8,t),oz=e|t.baseLanes}function n9(){g(n5,oz),g(n8,n8.current)}function re(){oz=n5.current,h(n8),h(n5)}var rt=m(null),rn=null;function rr(e){var t=e.alternate;g(ri,1&ri.current),g(rt,e),null===rn&&(null===t||null!==n8.current?rn=e:null!==t.memoizedState&&(rn=e))}function rl(e){if(22===e.tag){if(g(ri,ri.current),g(rt,e),null===rn){var t=e.alternate;null!==t&&null!==t.memoizedState&&(rn=e)}}else ra(e)}function ra(){g(ri,ri.current),g(rt,rt.current)}function ro(e){h(rt),rn===e&&(rn=null),h(ri)}var ri=m(0);function ru(e){for(var t=e;null!==t;){if(13===t.tag){var n=t.memoizedState;if(null!==n&&(null===(n=n.dehydrated)||"$?"===n.data||"$!"===n.data))return t}else if(19===t.tag&&void 0!==t.memoizedProps.revealOrder){if(0!=(128&t.flags))return t}else if(null!==t.child){t.child.return=t,t=t.child;continue}if(t===e)break;for(;null===t.sibling;){if(null===t.return||t.return===e)return null;t=t.return}t.sibling.return=t.return,t=t.sibling}return null}var rs=s.ReactCurrentDispatcher,rc=s.ReactCurrentBatchConfig,rf=0,rd=null,rp=null,rm=null,rh=!1,rg=!1,ry=!1,rv=0,rb=0,rk=null,rw=0;function rS(){throw Error(i(321))}function rC(e,t){if(null===t)return!1;for(var n=0;na?a:8;var o=rc.transition,i={_callbacks:new Set};rc.transition=i,lf(e,!1,t,n);try{var u=l();if(null!==u&&"object"==typeof u&&"function"==typeof u.then){av(i,u);var s,c,f=(s=[],c={status:"pending",value:null,reason:null,then:function(e){s.push(e)}},u.then(function(){c.status="fulfilled",c.value=r;for(var e=0;e title"))),sG(l,n,r),l[eE]=e,eI(l),n=l;break e;case"link":var a=cE("link","href",t).get(n+(r.href||""));if(a){for(var o=0;o",e=e.removeChild(e.firstChild);break;case"select":e="string"==typeof r.is?l.createElement("select",{is:r.is}):l.createElement("select"),r.multiple?e.multiple=!0:r.size&&(e.size=r.size);break;default:e="string"==typeof r.is?l.createElement(n,{is:r.is}):l.createElement(n)}}e[eE]=t,e[ex]=r;e:for(l=t.child;null!==l;){if(5===l.tag||6===l.tag)e.appendChild(l.stateNode);else if(4!==l.tag&&27!==l.tag&&null!==l.child){l.child.return=l,l=l.child;continue}if(l===t)break;for(;null===l.sibling;){if(null===l.return||l.return===t)break e;l=l.return}l.sibling.return=l.return,l=l.sibling}switch(t.stateNode=e,sG(e,n,r),n){case"button":case"input":case"select":case"textarea":e=!!r.autoFocus;break;case"img":e=!0;break;default:e=!1}e&&aC(t)}}return aP(t),t.flags&=-16777217,null;case 6:if(e&&null!=t.stateNode)e.memoizedProps!==r&&aC(t);else{if("string"!=typeof r&&null===t.stateNode)throw Error(i(166));if(e=I.current,t9(t)){e:{if(e=t.stateNode,n=t.memoizedProps,e[eE]=t,(r=e.nodeValue!==n)&&null!==(l=tX))switch(l.tag){case 3:if(l=0!=(1&l.mode),sq(e.nodeValue,n,l),l){e=!1;break e}break;case 27:case 5:var a=0!=(1&l.mode);if(!0!==l.memoizedProps.suppressHydrationWarning&&sq(e.nodeValue,n,a),a){e=!1;break e}}e=r}e&&aC(t)}else(e=s1(e).createTextNode(r))[eE]=t,t.stateNode=e}return aP(t),null;case 13:if(ro(t),r=t.memoizedState,null===e||null!==e.memoizedState&&null!==e.memoizedState.dehydrated){if(tZ&&null!==tG&&0!=(1&t.mode)&&0==(128&t.flags))ne(),nt(),t.flags|=384,l=!1;else if(l=t9(t),null!==r&&null!==r.dehydrated){if(null===e){if(!l)throw Error(i(318));if(!(l=null!==(l=t.memoizedState)?l.dehydrated:null))throw Error(i(317));l[eE]=t}else nt(),0==(128&t.flags)&&(t.memoizedState=null),t.flags|=4;aP(t),l=!1}else null!==tJ&&(o0(tJ),tJ=null),l=!0;if(!l)return 256&t.flags?t:null}if(0!=(128&t.flags))return t.lanes=n,t;return n=null!==r,e=null!==e&&null!==e.memoizedState,n&&(r=t.child,l=null,null!==r.alternate&&null!==r.alternate.memoizedState&&null!==r.alternate.memoizedState.cachePool&&(l=r.alternate.memoizedState.cachePool.pool),a=null,null!==r.memoizedState&&null!==r.memoizedState.cachePool&&(a=r.memoizedState.cachePool.pool),a!==l&&(r.flags|=2048)),n!==e&&n&&(t.child.flags|=8192),ax(t,t.updateQueue),aP(t),null;case 4:return Q(),null===e&&sA(t.stateNode.containerInfo),aP(t),null;case 10:return an(t.type._context),aP(t),null;case 19:if(h(ri),null===(l=t.memoizedState))return aP(t),null;if(r=0!=(128&t.flags),null===(a=l.rendering)){if(r)az(l,!1);else{if(0!==oP||null!==e&&0!=(128&e.flags))for(e=t.child;null!==e;){if(null!==(a=ru(e))){for(t.flags|=128,az(l,!1),e=a.updateQueue,t.updateQueue=e,ax(t,e),t.subtreeFlags=0,e=n,n=t.child;null!==n;)ix(n,e),n=n.sibling;return g(ri,1&ri.current|2),t.child}e=e.sibling}null!==l.tail&&Y()>oI&&(t.flags|=128,r=!0,az(l,!1),t.lanes=4194304)}}else{if(!r){if(null!==(e=ru(a))){if(t.flags|=128,r=!0,e=e.updateQueue,t.updateQueue=e,ax(t,e),az(l,!0),null===l.tail&&"hidden"===l.tailMode&&!a.alternate&&!tZ)return aP(t),null}else 2*Y()-l.renderingStartTime>oI&&536870912!==n&&(t.flags|=128,r=!0,az(l,!1),t.lanes=4194304)}l.isBackwards?(a.sibling=t.child,t.child=a):(null!==(e=l.last)?e.sibling=a:t.child=a,l.last=a)}if(null!==l.tail)return t=l.tail,l.rendering=t,l.tail=t.sibling,l.renderingStartTime=Y(),t.sibling=null,e=ri.current,g(ri,r?1&e|2:1&e),t;return aP(t),null;case 22:case 23:return ro(t),re(),r=null!==t.memoizedState,null!==e?null!==e.memoizedState!==r&&(t.flags|=8192):r&&(t.flags|=8192),r&&0!=(1&t.mode)?0!=(536870912&n)&&0==(128&t.flags)&&(aP(t),6&t.subtreeFlags&&(t.flags|=8192)):aP(t),null!==(n=t.updateQueue)&&ax(t,n.retryQueue),n=null,null!==e&&null!==e.memoizedState&&null!==e.memoizedState.cachePool&&(n=e.memoizedState.cachePool.pool),r=null,null!==t.memoizedState&&null!==t.memoizedState.cachePool&&(r=t.memoizedState.cachePool.pool),r!==n&&(t.flags|=2048),null!==e&&h(ab),null;case 24:return n=null,null!==e&&(n=e.memoizedState.cache),t.memoizedState.cache!==n&&(t.flags|=2048),an(ad),aP(t),null;case 25:return null}throw Error(i(156,t.tag))}(t.alternate,t,oz);if(null!==n){ow=n;return}if(null!==(t=t.sibling)){ow=t;return}ow=t=e}while(null!==t);0===oP&&(oP=5)}function is(e,t,n,r,l){var a=ek,o=ov.transition;try{ov.transition=null,ek=2,function(e,t,n,r,l,a){do id();while(null!==oj);if(0!=(6&ob))throw Error(i(327));var o,u=e.finishedWork,s=e.finishedLanes;if(null!==u){if(e.finishedWork=null,e.finishedLanes=0,u===e.current)throw Error(i(177));e.callbackNode=null,e.callbackPriority=0,e.cancelPendingCommit=null;var c=u.lanes|u.childLanes;if(function(e,t,n){var r=e.pendingLanes&~t;e.pendingLanes=t,e.suspendedLanes=0,e.pingedLanes=0,e.expiredLanes&=t,e.entangledLanes&=t,e.errorRecoveryDisabledLanes&=t,e.shellSuspendCounter=0,t=e.entanglements;for(var l=e.expirationTimes,a=e.hiddenUpdates;0r&&(l=r,r=a,a=l),l=si(n,a);var o=si(n,r);l&&o&&(1!==e.rangeCount||e.anchorNode!==l.node||e.anchorOffset!==l.offset||e.focusNode!==o.node||e.focusOffset!==o.offset)&&((t=t.createRange()).setStart(l.node,l.offset),e.removeAllRanges(),a>r?(e.addRange(t),e.extend(o.node,o.offset)):(t.setEnd(o.node,o.offset),e.addRange(t)))}}for(t=[],e=n;e=e.parentNode;)1===e.nodeType&&t.push({element:e,left:e.scrollLeft,top:e.scrollTop});for("function"==typeof n.focus&&n.focus(),n=0;nn?32:n;n=ov.transition;var l=ek;try{if(ov.transition=null,ek=r,null===oj)var a=!1;else{r=oq,oq=null;var o=oj,u=oW;if(oj=null,oW=0,0!=(6&ob))throw Error(i(331));var s=ob;if(ob|=4,of(o.current),ol(o,o.current,u,r),ob=s,nb(!1),ea&&"function"==typeof ea.onPostCommitFiberRoot)try{ea.onPostCommitFiberRoot(el,o)}catch(e){}a=!0}return a}finally{ek=l,ov.transition=n,ic(e,t)}}return!1}function ip(e,t,n){t=lL(e,t=lP(n,t),2),null!==(e=nO(e,t,2))&&(o2(e,2),nv(e))}function im(e,t,n){if(3===e.tag)ip(e,e,n);else for(;null!==t;){if(3===t.tag){ip(t,e,n);break}if(1===t.tag){var r=t.stateNode;if("function"==typeof t.type.getDerivedStateFromError||"function"==typeof r.componentDidCatch&&(null===oQ||!oQ.has(r))){e=lT(t,e=lP(n,e),2),null!==(t=nO(t,e,2))&&(o2(t,2),nv(t));break}}t=t.return}}function ih(e,t,n){var r=e.pingCache;if(null===r){r=e.pingCache=new om;var l=new Set;r.set(t,l)}else void 0===(l=r.get(t))&&(l=new Set,r.set(t,l));l.has(n)||(ox=!0,l.add(n),e=ig.bind(null,e,t,n),t.then(e,e))}function ig(e,t,n){var r=e.pingCache;null!==r&&r.delete(t),e.pingedLanes|=e.suspendedLanes&n,2&ob?oR=!0:4&ob&&(oD=!0),ik(),ok===e&&(oS&n)===n&&(4===oP||3===oP&&(62914560&oS)===oS&&300>Y()-oA?0==(2&ob)&&o5(e,0):oT|=n),nv(e)}function iy(e,t){0===t&&(t=0==(1&e.mode)?2:eg()),null!==(e=ns(e,t))&&(o2(e,t),nv(e))}function iv(e){var t=e.memoizedState,n=0;null!==t&&(n=t.retryLane),iy(e,n)}function ib(e,t){var n=0;switch(e.tag){case 13:var r=e.stateNode,l=e.memoizedState;null!==l&&(n=l.retryLane);break;case 19:r=e.stateNode;break;case 22:r=e.stateNode._retryCache;break;default:throw Error(i(314))}null!==r&&r.delete(t),iy(e,n)}function ik(){if(50=uH),uY=!1;function uX(e,t){switch(e){case"keyup":return -1!==uj.indexOf(t.keyCode);case"keydown":return 229!==t.keyCode;case"keypress":case"mousedown":case"focusout":return!0;default:return!1}}function uG(e){return"object"==typeof(e=e.detail)&&"data"in e?e.data:null}var uZ=!1,uJ={color:!0,date:!0,datetime:!0,"datetime-local":!0,email:!0,month:!0,number:!0,password:!0,range:!0,search:!0,tel:!0,text:!0,time:!0,url:!0,week:!0};function u0(e){var t=e&&e.nodeName&&e.nodeName.toLowerCase();return"input"===t?!!uJ[e.type]:"textarea"===t}function u1(e,t,n,r){tb(r),0<(t=sV(t,"onChange")).length&&(n=new i3("onChange","change",null,n,r),e.push({event:n,listeners:t}))}var u2=null,u3=null;function u4(e){sM(e,0)}function u6(e){if(e4(eR(e)))return e}function u8(e,t){if("change"===e)return t}var u5=!1;if(e$){if(e$){var u7="oninput"in document;if(!u7){var u9=document.createElement("div");u9.setAttribute("oninput","return;"),u7="function"==typeof u9.oninput}r=u7}else r=!1;u5=r&&(!document.documentMode||9=t)return{node:r,offset:t-e};e=n}e:{for(;r;){if(r.nextSibling){r=r.nextSibling;break e}r=r.parentNode}r=void 0}r=so(r)}}function su(){for(var e=window,t=e6();t instanceof e.HTMLIFrameElement;){try{var n="string"==typeof t.contentWindow.location.href}catch(e){n=!1}if(n)e=t.contentWindow;else break;t=e6(e.document)}return t}function ss(e){var t=e&&e.nodeName&&e.nodeName.toLowerCase();return t&&("input"===t&&("text"===e.type||"search"===e.type||"tel"===e.type||"url"===e.type||"password"===e.type)||"textarea"===t||"true"===e.contentEditable)}var sc=e$&&"documentMode"in document&&11>=document.documentMode,sf=null,sd=null,sp=null,sm=!1;function sh(e,t,n){var r=n.window===n?n.document:9===n.nodeType?n:n.ownerDocument;sm||null==sf||sf!==e6(r)||(r="selectionStart"in(r=sf)&&ss(r)?{start:r.selectionStart,end:r.selectionEnd}:{anchorNode:(r=(r.ownerDocument&&r.ownerDocument.defaultView||window).getSelection()).anchorNode,anchorOffset:r.anchorOffset,focusNode:r.focusNode,focusOffset:r.focusOffset},sp&&nQ(sp,r)||(sp=r,0<(r=sV(sd,"onSelect")).length&&(t=new i3("onSelect","select",null,t,n),e.push({event:t,listeners:r}),t.target=sf)))}function sg(e,t){var n={};return n[e.toLowerCase()]=t.toLowerCase(),n["Webkit"+e]="webkit"+t,n["Moz"+e]="moz"+t,n}var sy={animationend:sg("Animation","AnimationEnd"),animationiteration:sg("Animation","AnimationIteration"),animationstart:sg("Animation","AnimationStart"),transitionend:sg("Transition","TransitionEnd")},sv={},sb={};function sk(e){if(sv[e])return sv[e];if(!sy[e])return e;var t,n=sy[e];for(t in n)if(n.hasOwnProperty(t)&&t in sb)return sv[e]=n[t];return e}e$&&(sb=document.createElement("div").style,"AnimationEvent"in window||(delete sy.animationend.animation,delete sy.animationiteration.animation,delete sy.animationstart.animation),"TransitionEvent"in window||delete sy.transitionend.transition);var sw=sk("animationend"),sS=sk("animationiteration"),sC=sk("animationstart"),sE=sk("transitionend"),sx=new Map,sz="abort auxClick cancel canPlay canPlayThrough click close contextMenu copy cut drag dragEnd dragEnter dragExit dragLeave dragOver dragStart drop durationChange emptied encrypted ended error gotPointerCapture input invalid keyDown keyPress keyUp load loadedData loadedMetadata loadStart lostPointerCapture mouseDown mouseMove mouseOut mouseOver mouseUp paste pause play playing pointerCancel pointerDown pointerMove pointerOut pointerOver pointerUp progress rateChange reset resize seeked seeking stalled submit suspend timeUpdate touchCancel touchEnd touchStart volumeChange scroll scrollEnd toggle touchMove waiting wheel".split(" ");function sP(e,t){sx.set(e,t),eV(t,[e])}for(var sN=0;sN title"):null)}var cz=null;function cP(){}function cN(){if(this.count--,0===this.count){if(this.stylesheets)cL(this,this.stylesheets);else if(this.unsuspend){var e=this.unsuspend;this.unsuspend=null,e()}}}var c_=null;function cL(e,t){e.stylesheets=null,null!==e.unsuspend&&(e.count++,c_=new Map,t.forEach(cT,e),c_=null,cN.call(e))}function cT(e,t){if(!(4&t.state.loading)){var n=c_.get(e);if(n)var r=n.get(null);else{n=new Map,c_.set(e,n);for(var l=e.querySelectorAll("link[data-precedence],style[data-precedence]"),a=0;a