diff --git a/.github/workflows/test-invoke-conda.yml b/.github/workflows/test-invoke-conda.yml
deleted file mode 100644
index fd6caf47fe..0000000000
--- a/.github/workflows/test-invoke-conda.yml
+++ /dev/null
@@ -1,161 +0,0 @@
-name: Test invoke.py
-on:
- push:
- branches:
- - 'main'
- pull_request:
- branches:
- - 'main'
- types:
- - 'ready_for_review'
- - 'opened'
- - 'synchronize'
- - 'converted_to_draft'
-
-concurrency:
- group: ${{ github.workflow }}-${{ github.head_ref || github.run_id }}
- cancel-in-progress: true
-
-jobs:
- fail_if_pull_request_is_draft:
- if: github.event.pull_request.draft == true
- runs-on: ubuntu-22.04
- steps:
- - name: Fails in order to indicate that pull request needs to be marked as ready to review and unit tests workflow needs to pass.
- run: exit 1
-
- matrix:
- if: github.event.pull_request.draft == false
- strategy:
- matrix:
- stable-diffusion-model:
- - 'stable-diffusion-1.5'
- environment-yaml:
- - environment-lin-amd.yml
- - environment-lin-cuda.yml
- - environment-mac.yml
- - environment-win-cuda.yml
- include:
- - environment-yaml: environment-lin-amd.yml
- os: ubuntu-22.04
- curl-command: curl
- github-env: $GITHUB_ENV
- default-shell: bash -l {0}
- - environment-yaml: environment-lin-cuda.yml
- os: ubuntu-22.04
- curl-command: curl
- github-env: $GITHUB_ENV
- default-shell: bash -l {0}
- - environment-yaml: environment-mac.yml
- os: macos-12
- curl-command: curl
- github-env: $GITHUB_ENV
- default-shell: bash -l {0}
- - environment-yaml: environment-win-cuda.yml
- os: windows-2022
- curl-command: curl.exe
- github-env: $env:GITHUB_ENV
- default-shell: pwsh
- - stable-diffusion-model: stable-diffusion-1.5
- stable-diffusion-model-url: https://huggingface.co/runwayml/stable-diffusion-v1-5/resolve/main/v1-5-pruned-emaonly.ckpt
- stable-diffusion-model-dl-path: models/ldm/stable-diffusion-v1
- stable-diffusion-model-dl-name: v1-5-pruned-emaonly.ckpt
- name: ${{ matrix.environment-yaml }} on ${{ matrix.os }}
- runs-on: ${{ matrix.os }}
- env:
- CONDA_ENV_NAME: invokeai
- INVOKEAI_ROOT: '${{ github.workspace }}/invokeai'
- defaults:
- run:
- shell: ${{ matrix.default-shell }}
- steps:
- - name: Checkout sources
- id: checkout-sources
- uses: actions/checkout@v3
-
- - name: create models.yaml from example
- run: |
- mkdir -p ${{ env.INVOKEAI_ROOT }}/configs
- cp configs/models.yaml.example ${{ env.INVOKEAI_ROOT }}/configs/models.yaml
-
- - name: create environment.yml
- run: cp "environments-and-requirements/${{ matrix.environment-yaml }}" environment.yml
-
- - name: Use cached conda packages
- id: use-cached-conda-packages
- uses: actions/cache@v3
- with:
- path: ~/conda_pkgs_dir
- key: conda-pkgs-${{ runner.os }}-${{ runner.arch }}-${{ hashFiles(matrix.environment-yaml) }}
-
- - name: Activate Conda Env
- id: activate-conda-env
- uses: conda-incubator/setup-miniconda@v2
- with:
- activate-environment: ${{ env.CONDA_ENV_NAME }}
- environment-file: environment.yml
- miniconda-version: latest
-
- - name: set test prompt to main branch validation
- if: ${{ github.ref == 'refs/heads/main' }}
- run: echo "TEST_PROMPTS=tests/preflight_prompts.txt" >> ${{ matrix.github-env }}
-
- - name: set test prompt to development branch validation
- if: ${{ github.ref == 'refs/heads/development' }}
- run: echo "TEST_PROMPTS=tests/dev_prompts.txt" >> ${{ matrix.github-env }}
-
- - name: set test prompt to Pull Request validation
- if: ${{ github.ref != 'refs/heads/main' && github.ref != 'refs/heads/development' }}
- run: echo "TEST_PROMPTS=tests/validate_pr_prompt.txt" >> ${{ matrix.github-env }}
-
- - name: Use Cached Stable Diffusion Model
- id: cache-sd-model
- uses: actions/cache@v3
- env:
- cache-name: cache-${{ matrix.stable-diffusion-model }}
- with:
- path: ${{ env.INVOKEAI_ROOT }}/${{ matrix.stable-diffusion-model-dl-path }}
- key: ${{ env.cache-name }}
-
- - name: Download ${{ matrix.stable-diffusion-model }}
- id: download-stable-diffusion-model
- if: ${{ steps.cache-sd-model.outputs.cache-hit != 'true' }}
- run: |
- mkdir -p "${{ env.INVOKEAI_ROOT }}/${{ matrix.stable-diffusion-model-dl-path }}"
- ${{ matrix.curl-command }} -H "Authorization: Bearer ${{ secrets.HUGGINGFACE_TOKEN }}" -o "${{ env.INVOKEAI_ROOT }}/${{ matrix.stable-diffusion-model-dl-path }}/${{ matrix.stable-diffusion-model-dl-name }}" -L ${{ matrix.stable-diffusion-model-url }}
-
- - name: run configure_invokeai.py
- id: run-preload-models
- run: |
- python scripts/configure_invokeai.py --skip-sd-weights --yes
-
- - name: cat invokeai.init
- id: cat-invokeai
- run: cat ${{ env.INVOKEAI_ROOT }}/invokeai.init
-
- - name: Run the tests
- id: run-tests
- if: matrix.os != 'windows-2022'
- run: |
- time python scripts/invoke.py \
- --no-patchmatch \
- --no-nsfw_checker \
- --model ${{ matrix.stable-diffusion-model }} \
- --from_file ${{ env.TEST_PROMPTS }} \
- --root="${{ env.INVOKEAI_ROOT }}" \
- --outdir="${{ env.INVOKEAI_ROOT }}/outputs"
-
- - name: export conda env
- id: export-conda-env
- if: matrix.os != 'windows-2022'
- run: |
- mkdir -p outputs/img-samples
- conda env export --name ${{ env.CONDA_ENV_NAME }} > ${{ env.INVOKEAI_ROOT }}/outputs/environment-${{ runner.os }}-${{ runner.arch }}.yml
-
- - name: Archive results
- if: matrix.os != 'windows-2022'
- id: archive-results
- uses: actions/upload-artifact@v3
- with:
- name: results_${{ matrix.requirements-file }}_${{ matrix.python-version }}
- path: ${{ env.INVOKEAI_ROOT }}/outputs
diff --git a/.github/workflows/test-invoke-pip.yml b/.github/workflows/test-invoke-pip.yml
index b12a7ca879..34c90f10c5 100644
--- a/.github/workflows/test-invoke-pip.yml
+++ b/.github/workflows/test-invoke-pip.yml
@@ -4,8 +4,6 @@ on:
branches:
- 'main'
pull_request:
- branches:
- - 'main'
types:
- 'ready_for_review'
- 'opened'
@@ -17,14 +15,14 @@ concurrency:
cancel-in-progress: true
jobs:
- fail_if_pull_request_is_draft:
- if: github.event.pull_request.draft == true
- runs-on: ubuntu-18.04
- steps:
- - name: Fails in order to indicate that pull request needs to be marked as ready to review and unit tests workflow needs to pass.
- run: exit 1
+ # fail_if_pull_request_is_draft:
+ # if: github.event.pull_request.draft == true && github.head_ref != 'dev/diffusers'
+ # runs-on: ubuntu-18.04
+ # steps:
+ # - name: Fails in order to indicate that pull request needs to be marked as ready to review and unit tests workflow needs to pass.
+ # run: exit 1
matrix:
- if: github.event.pull_request.draft == false
+ if: github.event.pull_request.draft == false || github.head_ref == 'dev/diffusers'
strategy:
matrix:
stable-diffusion-model:
@@ -40,26 +38,23 @@ jobs:
include:
- requirements-file: requirements-lin-cuda.txt
os: ubuntu-22.04
- curl-command: curl
github-env: $GITHUB_ENV
- requirements-file: requirements-lin-amd.txt
os: ubuntu-22.04
- curl-command: curl
github-env: $GITHUB_ENV
- requirements-file: requirements-mac-mps-cpu.txt
os: macOS-12
- curl-command: curl
github-env: $GITHUB_ENV
- requirements-file: requirements-win-colab-cuda.txt
os: windows-2022
- curl-command: curl.exe
github-env: $env:GITHUB_ENV
- - stable-diffusion-model: stable-diffusion-1.5
- stable-diffusion-model-url: https://huggingface.co/runwayml/stable-diffusion-v1-5/resolve/main/v1-5-pruned-emaonly.ckpt
- stable-diffusion-model-dl-path: models/ldm/stable-diffusion-v1
- stable-diffusion-model-dl-name: v1-5-pruned-emaonly.ckpt
name: ${{ matrix.requirements-file }} on ${{ matrix.python-version }}
runs-on: ${{ matrix.os }}
+ env:
+ INVOKE_MODEL_RECONFIGURE: '--yes'
+ INVOKEAI_ROOT: '${{ github.workspace }}/invokeai'
+ PYTHONUNBUFFERED: 1
+ HAVE_SECRETS: ${{ secrets.HUGGINGFACE_TOKEN != '' }}
steps:
- name: Checkout sources
id: checkout-sources
@@ -77,10 +72,17 @@ jobs:
echo "INVOKEAI_ROOT=${{ github.workspace }}/invokeai" >> ${{ matrix.github-env }}
echo "INVOKEAI_OUTDIR=${{ github.workspace }}/invokeai/outputs" >> ${{ matrix.github-env }}
- - name: create models.yaml from example
- run: |
- mkdir -p ${{ env.INVOKEAI_ROOT }}/configs
- cp configs/models.yaml.example ${{ env.INVOKEAI_ROOT }}/configs/models.yaml
+ - name: Use Cached diffusers-1.5
+ id: cache-sd-model
+ uses: actions/cache@v3
+ env:
+ cache-name: huggingface-${{ matrix.stable-diffusion-model }}
+ with:
+ path: |
+ ${{ env.INVOKEAI_ROOT }}/models/runwayml
+ ${{ env.INVOKEAI_ROOT }}/models/stabilityai
+ ${{ env.INVOKEAI_ROOT }}/models/CompVis
+ key: ${{ env.cache-name }}
- name: set test prompt to main branch validation
if: ${{ github.ref == 'refs/heads/main' }}
@@ -110,30 +112,31 @@ jobs:
- name: install requirements
run: pip3 install -r '${{ matrix.requirements-file }}'
- - name: Use Cached Stable Diffusion Model
- id: cache-sd-model
- uses: actions/cache@v3
- env:
- cache-name: cache-${{ matrix.stable-diffusion-model }}
- with:
- path: ${{ env.INVOKEAI_ROOT }}/${{ matrix.stable-diffusion-model-dl-path }}
- key: ${{ env.cache-name }}
-
- - name: Download ${{ matrix.stable-diffusion-model }}
- id: download-stable-diffusion-model
- if: ${{ steps.cache-sd-model.outputs.cache-hit != 'true' }}
- run: |
- mkdir -p "${{ env.INVOKEAI_ROOT }}/${{ matrix.stable-diffusion-model-dl-path }}"
- ${{ matrix.curl-command }} -H "Authorization: Bearer ${{ secrets.HUGGINGFACE_TOKEN }}" -o "${{ env.INVOKEAI_ROOT }}/${{ matrix.stable-diffusion-model-dl-path }}/${{ matrix.stable-diffusion-model-dl-name }}" -L ${{ matrix.stable-diffusion-model-url }}
-
- name: run configure_invokeai.py
id: run-preload-models
- run: python3 scripts/configure_invokeai.py --skip-sd-weights --yes
+ env:
+ HUGGING_FACE_HUB_TOKEN: ${{ secrets.HUGGINGFACE_TOKEN }}
+ run: >
+ configure_invokeai.py
+ --yes
+ --full-precision # can't use fp16 weights without a GPU
- name: Run the tests
id: run-tests
if: matrix.os != 'windows-2022'
- run: python3 scripts/invoke.py --no-patchmatch --no-nsfw_checker --model ${{ matrix.stable-diffusion-model }} --from_file ${{ env.TEST_PROMPTS }} --root="${{ env.INVOKEAI_ROOT }}" --outdir="${{ env.INVOKEAI_OUTDIR }}"
+ env:
+ # Set offline mode to make sure configure preloaded successfully.
+ HF_HUB_OFFLINE: 1
+ HF_DATASETS_OFFLINE: 1
+ TRANSFORMERS_OFFLINE: 1
+ run: >
+ python3 scripts/invoke.py
+ --no-patchmatch
+ --no-nsfw_checker
+ --model ${{ matrix.stable-diffusion-model }}
+ --from_file ${{ env.TEST_PROMPTS }}
+ --root="${{ env.INVOKEAI_ROOT }}"
+ --outdir="${{ env.INVOKEAI_OUTDIR }}"
- name: Archive results
id: archive-results
diff --git a/README.md b/README.md
index e4f841641c..07501a4242 100644
--- a/README.md
+++ b/README.md
@@ -100,7 +100,6 @@ to render 512x512 images.
- At least 12 GB of free disk space for the machine learning model, Python, and all its dependencies.
-
## Features
Feature documentation can be reviewed by navigating to [the InvokeAI Documentation page](https://invoke-ai.github.io/InvokeAI/features/)
@@ -118,6 +117,8 @@ InvokeAI's advanced prompt syntax allows for token weighting, cross-attention co
For users utilizing a terminal-based environment, or who want to take advantage of CLI features, InvokeAI offers an extensive and actively supported command-line interface that provides the full suite of generation functionality available in the tool.
### Other features
+- *Support for both ckpt and diffusers models*
+- *SD 2.0, 2.1 support*
- *Noise Control & Tresholding*
- *Popular Sampler Support*
- *Upscaling & Face Restoration Tools*
@@ -125,14 +126,14 @@ For users utilizing a terminal-based environment, or who want to take advantage
- *Model Manager & Support*
### Coming Soon
-- *2.0/2.1 Model Support*
-- *Depth2Img Support*
- *Node-Based Architecture & UI*
- And more...
### Latest Changes
-For our latest changes, view our [Release Notes](https://github.com/invoke-ai/InvokeAI/releases)
+For our latest changes, view our [Release
+Notes](https://github.com/invoke-ai/InvokeAI/releases) and the
+[CHANGELOG](docs/CHANGELOG.md).
## Troubleshooting
diff --git a/backend/invoke_ai_web_server.py b/backend/invoke_ai_web_server.py
index 02e8504589..1720c44f28 100644
--- a/backend/invoke_ai_web_server.py
+++ b/backend/invoke_ai_web_server.py
@@ -1,35 +1,34 @@
-import eventlet
+import base64
import glob
+import io
+import json
+import math
+import mimetypes
import os
import shutil
-import mimetypes
import traceback
-import math
-import io
-import base64
-import os
-import json
+from threading import Event
+from uuid import uuid4
-from werkzeug.utils import secure_filename
+import eventlet
+from PIL import Image
+from PIL.Image import Image as ImageType
from flask import Flask, redirect, send_from_directory, request, make_response
from flask_socketio import SocketIO
-from PIL import Image, ImageOps
-from PIL.Image import Image as ImageType
-from uuid import uuid4
-from threading import Event
+from werkzeug.utils import secure_filename
-from ldm.generate import Generate
-from ldm.invoke.args import Args, APP_ID, APP_VERSION, calculate_init_img_hash
-from ldm.invoke.conditioning import get_tokens_for_prompt, get_prompt_structure
-from ldm.invoke.globals import Globals
-from ldm.invoke.pngwriter import PngWriter, retrieve_metadata
-from ldm.invoke.prompt_parser import split_weighted_subprompts, Blend
-from ldm.invoke.generator.inpaint import infill_methods
-
-from backend.modules.parameters import parameters_to_command
from backend.modules.get_canvas_generation_mode import (
get_canvas_generation_mode,
)
+from backend.modules.parameters import parameters_to_command
+from ldm.generate import Generate
+from ldm.invoke.args import Args, APP_ID, APP_VERSION, calculate_init_img_hash
+from ldm.invoke.conditioning import get_tokens_for_prompt, get_prompt_structure
+from ldm.invoke.generator.diffusers_pipeline import PipelineIntermediateState
+from ldm.invoke.generator.inpaint import infill_methods
+from ldm.invoke.globals import Globals
+from ldm.invoke.pngwriter import PngWriter, retrieve_metadata
+from ldm.invoke.prompt_parser import split_weighted_subprompts, Blend
# Loading Arguments
opt = Args()
@@ -304,7 +303,7 @@ class InvokeAIWebServer:
def handle_request_capabilities():
print(f">> System config requested")
config = self.get_system_config()
- config["model_list"] = self.generate.model_cache.list_models()
+ config["model_list"] = self.generate.model_manager.list_models()
config["infill_methods"] = infill_methods()
socketio.emit("systemConfig", config)
@@ -317,11 +316,11 @@ class InvokeAIWebServer:
{'search_folder': None, 'found_models': None},
)
else:
- search_folder, found_models = self.generate.model_cache.search_models(search_folder)
+ search_folder, found_models = self.generate.model_manager.search_models(search_folder)
socketio.emit(
"foundModels",
{'search_folder': search_folder, 'found_models': found_models},
- )
+ )
except Exception as e:
self.socketio.emit("error", {"message": (str(e))})
print("\n")
@@ -335,18 +334,20 @@ class InvokeAIWebServer:
model_name = new_model_config['name']
del new_model_config['name']
model_attributes = new_model_config
+ if len(model_attributes['vae']) == 0:
+ del model_attributes['vae']
update = False
- current_model_list = self.generate.model_cache.list_models()
+ current_model_list = self.generate.model_manager.list_models()
if model_name in current_model_list:
update = True
print(f">> Adding New Model: {model_name}")
- self.generate.model_cache.add_model(
+ self.generate.model_manager.add_model(
model_name=model_name, model_attributes=model_attributes, clobber=True)
- self.generate.model_cache.commit(opt.conf)
+ self.generate.model_manager.commit(opt.conf)
- new_model_list = self.generate.model_cache.list_models()
+ new_model_list = self.generate.model_manager.list_models()
socketio.emit(
"newModelAdded",
{"new_model_name": model_name,
@@ -364,9 +365,9 @@ class InvokeAIWebServer:
def handle_delete_model(model_name: str):
try:
print(f">> Deleting Model: {model_name}")
- self.generate.model_cache.del_model(model_name)
- self.generate.model_cache.commit(opt.conf)
- updated_model_list = self.generate.model_cache.list_models()
+ self.generate.model_manager.del_model(model_name)
+ self.generate.model_manager.commit(opt.conf)
+ updated_model_list = self.generate.model_manager.list_models()
socketio.emit(
"modelDeleted",
{"deleted_model_name": model_name,
@@ -385,7 +386,7 @@ class InvokeAIWebServer:
try:
print(f">> Model change requested: {model_name}")
model = self.generate.set_model(model_name)
- model_list = self.generate.model_cache.list_models()
+ model_list = self.generate.model_manager.list_models()
if model is None:
socketio.emit(
"modelChangeFailed",
@@ -797,7 +798,7 @@ class InvokeAIWebServer:
# App Functions
def get_system_config(self):
- model_list: dict = self.generate.model_cache.list_models()
+ model_list: dict = self.generate.model_manager.list_models()
active_model_name = None
for model_name, model_dict in model_list.items():
@@ -1205,9 +1206,16 @@ class InvokeAIWebServer:
print(generation_parameters)
+ def diffusers_step_callback_adapter(*cb_args, **kwargs):
+ if isinstance(cb_args[0], PipelineIntermediateState):
+ progress_state: PipelineIntermediateState = cb_args[0]
+ return image_progress(progress_state.latents, progress_state.step)
+ else:
+ return image_progress(*cb_args, **kwargs)
+
self.generate.prompt2image(
**generation_parameters,
- step_callback=image_progress,
+ step_callback=diffusers_step_callback_adapter,
image_callback=image_done
)
diff --git a/backend/modules/parameters.py b/backend/modules/parameters.py
index 10af5ece3a..9055297671 100644
--- a/backend/modules/parameters.py
+++ b/backend/modules/parameters.py
@@ -12,6 +12,8 @@ SAMPLER_CHOICES = [
"k_heun",
"k_lms",
"plms",
+ # diffusers:
+ "pndm",
]
diff --git a/binary_installer/requirements.in b/binary_installer/requirements.in
index b4436a6ec0..66e0618f78 100644
--- a/binary_installer/requirements.in
+++ b/binary_installer/requirements.in
@@ -2,9 +2,10 @@
--extra-index-url https://download.pytorch.org/whl/torch_stable.html
--extra-index-url https://download.pytorch.org/whl/cu116
--trusted-host https://download.pytorch.org
-accelerate~=0.14
+accelerate~=0.15
albumentations
-diffusers
+diffusers[torch]~=0.11
+einops
eventlet
flask_cors
flask_socketio
diff --git a/configs/INITIAL_MODELS.yaml b/configs/INITIAL_MODELS.yaml
index 6cfb863df8..5df64d742d 100644
--- a/configs/INITIAL_MODELS.yaml
+++ b/configs/INITIAL_MODELS.yaml
@@ -1,9 +1,15 @@
+stable-diffusion-2.1:
+ description: Stable Diffusion version 2.1 diffusers model (5.21 GB)
+ repo_id: stabilityai/stable-diffusion-2-1
+ format: diffusers
+ recommended: True
stable-diffusion-1.5:
- description: The newest Stable Diffusion version 1.5 weight file (4.27 GB)
+ description: Stable Diffusion version 1.5 weight file (4.27 GB)
repo_id: runwayml/stable-diffusion-v1-5
- config: v1-inference.yaml
- file: v1-5-pruned-emaonly.ckpt
- recommended: true
+ format: diffusers
+ recommended: True
+ vae:
+ repo_id: stabilityai/sd-vae-ft-mse
width: 512
height: 512
inpainting-1.5:
@@ -11,23 +17,20 @@ inpainting-1.5:
repo_id: runwayml/stable-diffusion-inpainting
config: v1-inpainting-inference.yaml
file: sd-v1-5-inpainting.ckpt
- recommended: True
- width: 512
- height: 512
-ft-mse-improved-autoencoder-840000:
- description: StabilityAI improved autoencoder fine-tuned for human faces (recommended; 335 MB)
- repo_id: stabilityai/sd-vae-ft-mse-original
- config: VAE/default
- file: vae-ft-mse-840000-ema-pruned.ckpt
+ format: ckpt
+ vae:
+ repo_id: stabilityai/sd-vae-ft-mse-original
+ file: vae-ft-mse-840000-ema-pruned.ckpt
recommended: True
width: 512
height: 512
stable-diffusion-1.4:
description: The original Stable Diffusion version 1.4 weight file (4.27 GB)
- repo_id: CompVis/stable-diffusion-v-1-4-original
- config: v1-inference.yaml
- file: sd-v1-4.ckpt
+ repo_id: CompVis/stable-diffusion-v1-4
recommended: False
+ format: diffusers
+ vae:
+ repo_id: stabilityai/sd-vae-ft-mse
width: 512
height: 512
waifu-diffusion-1.3:
@@ -35,38 +38,40 @@ waifu-diffusion-1.3:
repo_id: hakurei/waifu-diffusion-v1-3
config: v1-inference.yaml
file: model-epoch09-float32.ckpt
+ format: ckpt
+ vae:
+ repo_id: stabilityai/sd-vae-ft-mse-original
+ file: vae-ft-mse-840000-ema-pruned.ckpt
recommended: False
width: 512
height: 512
trinart-2.0:
description: An SD model finetuned with ~40,000 assorted high resolution manga/anime-style pictures (2.13 GB)
repo_id: naclbit/trinart_stable_diffusion_v2
- config: v1-inference.yaml
- file: trinart2_step95000.ckpt
+ format: diffusers
recommended: False
+ vae:
+ repo_id: stabilityai/sd-vae-ft-mse
width: 512
height: 512
-trinart_characters-1.0:
- description: An SD model finetuned with 19.2M anime/manga style images (2.13 GB)
- repo_id: naclbit/trinart_characters_19.2m_stable_diffusion_v1
+trinart_characters-2.0:
+ description: An SD model finetuned with 19.2M anime/manga style images (4.27 GB)
+ repo_id: naclbit/trinart_derrida_characters_v2_stable_diffusion
config: v1-inference.yaml
- file: trinart_characters_it4_v1.ckpt
- recommended: False
- width: 512
- height: 512
-trinart_vae:
- description: Custom autoencoder for trinart_characters
- repo_id: naclbit/trinart_characters_19.2m_stable_diffusion_v1
- config: VAE/trinart
- file: autoencoder_fix_kl-f8-trinart_characters.ckpt
+ file: derrida_final.ckpt
+ format: ckpt
+ vae:
+ repo_id: naclbit/trinart_derrida_characters_v2_stable_diffusion
+ file: autoencoder_fix_kl-f8-trinart_characters.ckpt
recommended: False
width: 512
height: 512
papercut-1.0:
description: SD 1.5 fine-tuned for papercut art (use "PaperCut" in your prompts) (2.13 GB)
repo_id: Fictiverse/Stable_Diffusion_PaperCut_Model
- config: v1-inference.yaml
- file: PaperCut_v1.ckpt
+ format: diffusers
+ vae:
+ repo_id: stabilityai/sd-vae-ft-mse
recommended: False
width: 512
height: 512
@@ -75,6 +80,27 @@ voxel_art-1.0:
repo_id: Fictiverse/Stable_Diffusion_VoxelArt_Model
config: v1-inference.yaml
file: VoxelArt_v1.ckpt
+ format: ckpt
+ vae:
+ repo_id: stabilityai/sd-vae-ft-mse
+ recommended: False
+ width: 512
+ height: 512
+ft-mse-improved-autoencoder-840000:
+ description: StabilityAI improved autoencoder fine-tuned for human faces. Use with legacy .ckpt models ONLY (335 MB)
+ repo_id: stabilityai/sd-vae-ft-mse-original
+ format: ckpt
+ config: VAE/default
+ file: vae-ft-mse-840000-ema-pruned.ckpt
+ recommended: False
+ width: 512
+ height: 512
+trinart_vae:
+ description: Custom autoencoder for trinart_characters for legacy .ckpt models only (335 MB)
+ repo_id: naclbit/trinart_characters_19.2m_stable_diffusion_v1
+ config: VAE/trinart
+ format: ckpt
+ file: autoencoder_fix_kl-f8-trinart_characters.ckpt
recommended: False
width: 512
height: 512
diff --git a/configs/models.yaml.example b/configs/models.yaml.example
index 61e1fe24be..98f8f77e62 100644
--- a/configs/models.yaml.example
+++ b/configs/models.yaml.example
@@ -5,6 +5,25 @@
# model requires a model config file, a weights file,
# and the width and height of the images it
# was trained on.
+diffusers-1.4:
+ description: ๐ค๐งจ Stable Diffusion v1.4
+ format: diffusers
+ repo_id: CompVis/stable-diffusion-v1-4
+diffusers-1.5:
+ description: ๐ค๐งจ Stable Diffusion v1.5
+ format: diffusers
+ repo_id: runwayml/stable-diffusion-v1-5
+ default: true
+diffusers-1.5+mse:
+ description: ๐ค๐งจ Stable Diffusion v1.5 + MSE-finetuned VAE
+ format: diffusers
+ repo_id: runwayml/stable-diffusion-v1-5
+ vae:
+ repo_id: stabilityai/sd-vae-ft-mse
+diffusers-inpainting-1.5:
+ description: ๐ค๐งจ inpainting for Stable Diffusion v1.5
+ format: diffusers
+ repo_id: runwayml/stable-diffusion-inpainting
stable-diffusion-1.5:
description: The newest Stable Diffusion version 1.5 weight file (4.27 GB)
weights: models/ldm/stable-diffusion-v1/v1-5-pruned-emaonly.ckpt
@@ -12,7 +31,6 @@ stable-diffusion-1.5:
width: 512
height: 512
vae: ./models/ldm/stable-diffusion-v1/vae-ft-mse-840000-ema-pruned.ckpt
- default: true
stable-diffusion-1.4:
description: Stable Diffusion inference model version 1.4
config: configs/stable-diffusion/v1-inference.yaml
diff --git a/configs/stable-diffusion/v2-inference-v.yaml b/configs/stable-diffusion/v2-inference-v.yaml
new file mode 100644
index 0000000000..8ec8dfbfef
--- /dev/null
+++ b/configs/stable-diffusion/v2-inference-v.yaml
@@ -0,0 +1,68 @@
+model:
+ base_learning_rate: 1.0e-4
+ target: ldm.models.diffusion.ddpm.LatentDiffusion
+ params:
+ parameterization: "v"
+ linear_start: 0.00085
+ linear_end: 0.0120
+ num_timesteps_cond: 1
+ log_every_t: 200
+ timesteps: 1000
+ first_stage_key: "jpg"
+ cond_stage_key: "txt"
+ image_size: 64
+ channels: 4
+ cond_stage_trainable: false
+ conditioning_key: crossattn
+ monitor: val/loss_simple_ema
+ scale_factor: 0.18215
+ use_ema: False # we set this to false because this is an inference only config
+
+ unet_config:
+ target: ldm.modules.diffusionmodules.openaimodel.UNetModel
+ params:
+ use_checkpoint: True
+ use_fp16: True
+ image_size: 32 # unused
+ in_channels: 4
+ out_channels: 4
+ model_channels: 320
+ attention_resolutions: [ 4, 2, 1 ]
+ num_res_blocks: 2
+ channel_mult: [ 1, 2, 4, 4 ]
+ num_head_channels: 64 # need to fix for flash-attn
+ use_spatial_transformer: True
+ use_linear_in_transformer: True
+ transformer_depth: 1
+ context_dim: 1024
+ legacy: False
+
+ first_stage_config:
+ target: ldm.models.autoencoder.AutoencoderKL
+ params:
+ embed_dim: 4
+ monitor: val/rec_loss
+ ddconfig:
+ #attn_type: "vanilla-xformers"
+ double_z: true
+ z_channels: 4
+ resolution: 256
+ in_channels: 3
+ out_ch: 3
+ ch: 128
+ ch_mult:
+ - 1
+ - 2
+ - 4
+ - 4
+ num_res_blocks: 2
+ attn_resolutions: []
+ dropout: 0.0
+ lossconfig:
+ target: torch.nn.Identity
+
+ cond_stage_config:
+ target: ldm.modules.encoders.modules.FrozenOpenCLIPEmbedder
+ params:
+ freeze: True
+ layer: "penultimate"
diff --git a/docs/CHANGELOG.md b/docs/CHANGELOG.md
index 639a9a9466..e9461264db 100644
--- a/docs/CHANGELOG.md
+++ b/docs/CHANGELOG.md
@@ -4,6 +4,97 @@ title: Changelog
# :octicons-log-16: **Changelog**
+## v2.3.0 (15 January 2023)
+
+**Transition to diffusers
+
+Version 2.3 provides support for both the traditional `.ckpt` weight
+checkpoint files as well as the HuggingFace `diffusers` format. This
+introduces several changes you should know about.
+
+1. The models.yaml format has been updated. There are now two
+ different type of configuration stanza. The traditional ckpt
+ one will look like this, with a `format` of `ckpt` and a
+ `weights` field that points to the absolute or ROOTDIR-relative
+ location of the ckpt file.
+
+ ```
+ inpainting-1.5:
+ description: RunwayML SD 1.5 model optimized for inpainting (4.27 GB)
+ repo_id: runwayml/stable-diffusion-inpainting
+ format: ckpt
+ width: 512
+ height: 512
+ weights: models/ldm/stable-diffusion-v1/sd-v1-5-inpainting.ckpt
+ config: configs/stable-diffusion/v1-inpainting-inference.yaml
+ vae: models/ldm/stable-diffusion-v1/vae-ft-mse-840000-ema-pruned.ckpt
+ ```
+
+ A configuration stanza for a diffusers model hosted at HuggingFace will look like this,
+ with a `format` of `diffusers` and a `repo_id` that points to the
+ repository ID of the model on HuggingFace:
+
+ ```
+ stable-diffusion-2.1:
+ description: Stable Diffusion version 2.1 diffusers model (5.21 GB)
+ repo_id: stabilityai/stable-diffusion-2-1
+ format: diffusers
+ ```
+
+ A configuration stanza for a diffuers model stored locally should
+ look like this, with a `format` of `diffusers`, but a `path` field
+ that points at the directory that contains `model_index.json`:
+
+ ```
+ waifu-diffusion:
+ description: Latest waifu diffusion 1.4
+ format: diffusers
+ path: models/diffusers/hakurei-haifu-diffusion-1.4
+ ```
+
+2. The format of the models directory has changed to mimic the
+ HuggingFace cache directory. By default, diffusers models are
+ now automatically downloaded and retrieved from the directory
+ `ROOTDIR/models/diffusers`, while other models are stored in
+ the directory `ROOTDIR/models/hub`. This organization is the
+ same as that used by HuggingFace for its cache management.
+
+ This allows you to share diffusers and ckpt model files easily with
+ other machine learning applications that use the HuggingFace
+ libraries. To do this, set the environment variable HF_HOME
+ before starting up InvokeAI to tell it what directory to
+ cache models in. To tell InvokeAI to use the standard HuggingFace
+ cache directory, you would set HF_HOME like this (Linux/Mac):
+
+ `export HF_HOME=~/.cache/hugging_face`
+
+3. If you upgrade to InvokeAI 2.3.* from an earlier version, there
+ will be a one-time migration from the old models directory format
+ to the new one. You will see a message about this the first time
+ you start `invoke.py`.
+
+4. Both the front end back ends of the model manager have been
+ rewritten to accommodate diffusers. You can import models using
+ their local file path, using their URLs, or their HuggingFace
+ repo_ids. On the command line, all these syntaxes work:
+
+ ```
+ !import_model stabilityai/stable-diffusion-2-1-base
+ !import_model /opt/sd-models/sd-1.4.ckpt
+ !import_model https://huggingface.co/Fictiverse/Stable_Diffusion_PaperCut_Model/blob/main/PaperCut_v1.ckpt
+ ```
+
+**KNOWN BUGS (15 January 2023)
+
+1. On CUDA systems, the 768 pixel stable-diffusion-2.0 and
+ stable-diffusion-2.1 models can only be run as `diffusers` models
+ when the `xformer` library is installed and configured. Without
+ `xformers`, InvokeAI returns black images.
+
+2. Inpainting and outpainting have regressed in quality.
+
+Both these issues are being actively worked on.
+
## v2.2.4 (11 December 2022)
**the `invokeai` directory**
diff --git a/environments-and-requirements/environment-lin-aarch64.yml b/environments-and-requirements/environment-lin-aarch64.yml
index c1e7553a28..9dc49c1255 100644
--- a/environments-and-requirements/environment-lin-aarch64.yml
+++ b/environments-and-requirements/environment-lin-aarch64.yml
@@ -28,13 +28,18 @@ dependencies:
- torch-fidelity=0.3.0
- torchmetrics=0.7.0
- torchvision
- - transformers=4.21.3
+ - transformers~=4.25
- pip:
+ - accelerate
+ - diffusers[torch]~=0.11
- getpass_asterisk
+ - huggingface-hub>=0.11.1
- omegaconf==2.1.1
- picklescan
- pyreadline3
- realesrgan
+ - requests==2.25.1
+ - safetensors
- taming-transformers-rom1504
- test-tube>=0.7.5
- git+https://github.com/openai/CLIP.git@main#egg=clip
diff --git a/environments-and-requirements/environment-lin-amd.yml b/environments-and-requirements/environment-lin-amd.yml
index 42ebf37266..cbddbb5fc8 100644
--- a/environments-and-requirements/environment-lin-amd.yml
+++ b/environments-and-requirements/environment-lin-amd.yml
@@ -9,14 +9,16 @@ dependencies:
- numpy=1.23.3
- pip:
- --extra-index-url https://download.pytorch.org/whl/rocm5.2/
+ - accelerate
- albumentations==0.4.3
- - diffusers==0.6.0
+ - diffusers[torch]~=0.11
- einops==0.3.0
- eventlet
- flask==2.1.3
- flask_cors==3.0.10
- flask_socketio==5.3.0
- getpass_asterisk
+ - huggingface-hub>=0.11.1
- imageio-ffmpeg==0.4.2
- imageio==2.9.0
- kornia==0.6.0
@@ -28,6 +30,8 @@ dependencies:
- pyreadline3
- pytorch-lightning==1.7.7
- realesrgan
+ - requests==2.25.1
+ - safetensors
- send2trash==1.8.0
- streamlit==1.12.0
- taming-transformers-rom1504
@@ -38,7 +42,7 @@ dependencies:
- torchaudio
- torchmetrics==0.7.0
- torchvision
- - transformers==4.21.3
+ - transformers~=4.25
- git+https://github.com/openai/CLIP.git@main#egg=clip
- git+https://github.com/Birch-san/k-diffusion.git@mps#egg=k-diffusion
- git+https://github.com/invoke-ai/clipseg.git@relaxed-python-requirement#egg=clipseg
diff --git a/environments-and-requirements/environment-lin-cuda.yml b/environments-and-requirements/environment-lin-cuda.yml
index ce60cfd96b..20cc636624 100644
--- a/environments-and-requirements/environment-lin-cuda.yml
+++ b/environments-and-requirements/environment-lin-cuda.yml
@@ -12,14 +12,16 @@ dependencies:
- pytorch=1.12.1
- cudatoolkit=11.6
- pip:
+ - accelerate~=0.13
- albumentations==0.4.3
- - diffusers==0.6.0
+ - diffusers[torch]~=0.11
- einops==0.3.0
- eventlet
- flask==2.1.3
- flask_cors==3.0.10
- flask_socketio==5.3.0
- getpass_asterisk
+ - huggingface-hub>=0.11.1
- imageio-ffmpeg==0.4.2
- imageio==2.9.0
- kornia==0.6.0
@@ -31,13 +33,15 @@ dependencies:
- pyreadline3
- pytorch-lightning==1.7.7
- realesrgan
+ - requests==2.25.1
+ - safetensors~=0.2
- send2trash==1.8.0
- streamlit==1.12.0
- taming-transformers-rom1504
- test-tube>=0.7.5
- torch-fidelity==0.3.0
- torchmetrics==0.7.0
- - transformers==4.21.3
+ - transformers~=4.25
- git+https://github.com/openai/CLIP.git@main#egg=clip
- git+https://github.com/Birch-san/k-diffusion.git@mps#egg=k-diffusion
- git+https://github.com/invoke-ai/clipseg.git@relaxed-python-requirement#egg=clipseg
diff --git a/environments-and-requirements/environment-mac.yml b/environments-and-requirements/environment-mac.yml
index 3e78d9ac95..7ced428ebf 100644
--- a/environments-and-requirements/environment-mac.yml
+++ b/environments-and-requirements/environment-mac.yml
@@ -1,6 +1,7 @@
name: invokeai
channels:
- pytorch
+ - huggingface
- conda-forge
- defaults
dependencies:
@@ -19,10 +20,9 @@ dependencies:
# sed -E 's/invokeai/invokeai-updated/;20,99s/- ([^=]+)==.+/- \1/' environment-mac.yml > environment-mac-updated.yml
# CONDA_SUBDIR=osx-arm64 conda env create -f environment-mac-updated.yml && conda list -n invokeai-updated | awk ' {print " - " $1 "==" $2;} '
# ```
-
+ - accelerate
- albumentations=1.2
- coloredlogs=15.0
- - diffusers=0.6
- einops=0.3
- eventlet
- grpcio=1.46
@@ -49,10 +49,14 @@ dependencies:
- sympy=1.10
- send2trash=1.8
- tensorboard=2.10
- - transformers=4.23
+ - transformers~=4.25
- pip:
+ - diffusers[torch]~=0.11
+ - safetensors~=0.2
- getpass_asterisk
+ - huggingface-hub
- picklescan
+ - requests==2.25.1
- taming-transformers-rom1504
- test-tube==0.7.5
- git+https://github.com/openai/CLIP.git@main#egg=clip
diff --git a/environments-and-requirements/environment-win-cuda.yml b/environments-and-requirements/environment-win-cuda.yml
index 580f84f8ec..c7ad599641 100644
--- a/environments-and-requirements/environment-win-cuda.yml
+++ b/environments-and-requirements/environment-win-cuda.yml
@@ -12,14 +12,16 @@ dependencies:
- pytorch=1.12.1
- cudatoolkit=11.6
- pip:
+ - accelerate
- albumentations==0.4.3
- - diffusers==0.6.0
+ - diffusers[torch]~=0.11
- einops==0.3.0
- eventlet
- flask==2.1.3
- flask_cors==3.0.10
- flask_socketio==5.3.0
- getpass_asterisk
+ - huggingface-hub>=0.11.1
- imageio-ffmpeg==0.4.2
- imageio==2.9.0
- kornia==0.6.0
@@ -31,13 +33,16 @@ dependencies:
- pyreadline3
- pytorch-lightning==1.7.7
- realesrgan
+ - requests==2.25.1
+ - safetensors
- send2trash==1.8.0
- streamlit==1.12.0
- taming-transformers-rom1504
- test-tube>=0.7.5
- torch-fidelity==0.3.0
- torchmetrics==0.7.0
- - transformers==4.21.3
+ - transformers~=4.25
+ - windows-curses
- git+https://github.com/openai/CLIP.git@main#egg=clip
- git+https://github.com/Birch-san/k-diffusion.git@mps#egg=k_diffusion
- git+https://github.com/invoke-ai/clipseg.git@relaxed-python-requirement#egg=clipseg
diff --git a/environments-and-requirements/requirements-base.txt b/environments-and-requirements/requirements-base.txt
index f52df20b5c..882e1c8b4b 100644
--- a/environments-and-requirements/requirements-base.txt
+++ b/environments-and-requirements/requirements-base.txt
@@ -1,6 +1,8 @@
# pip will resolve the version which matches torch
+accelerate
albumentations
-diffusers==0.10.*
+datasets
+diffusers[torch]~=0.11
einops
eventlet
facexlib
@@ -14,6 +16,7 @@ huggingface-hub>=0.11.1
imageio
imageio-ffmpeg
kornia
+npyscreen
numpy==1.23.*
omegaconf
opencv-python
@@ -25,6 +28,7 @@ pyreadline3
pytorch-lightning==1.7.7
realesrgan
requests==2.25.1
+safetensors
scikit-image>=0.19
send2trash
streamlit
@@ -32,7 +36,8 @@ taming-transformers-rom1504
test-tube>=0.7.5
torch-fidelity
torchmetrics
-transformers==4.25.*
+transformers~=4.25
+windows-curses; sys_platform == 'win32'
https://github.com/Birch-san/k-diffusion/archive/refs/heads/mps.zip#egg=k-diffusion
https://github.com/invoke-ai/PyPatchMatch/archive/refs/tags/0.1.5.zip#egg=pypatchmatch
https://github.com/openai/CLIP/archive/eaa22acb90a5876642d0507623e859909230a52d.zip#egg=clip
diff --git a/frontend/dist/assets/index-legacy-5c5a479d.js b/frontend/dist/assets/index-legacy-474a75fe.js
similarity index 78%
rename from frontend/dist/assets/index-legacy-5c5a479d.js
rename to frontend/dist/assets/index-legacy-474a75fe.js
index 3babd3134a..b48c03f8f8 100644
--- a/frontend/dist/assets/index-legacy-5c5a479d.js
+++ b/frontend/dist/assets/index-legacy-474a75fe.js
@@ -18,7 +18,7 @@
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/
-var Y=a.exports,Z=G.exports;function X(e){for(var t="https://reactjs.org/docs/error-decoder.html?invariant="+e,n=1;nt}return!1}(t,n,o,r)&&(n=null),r||null===o?function(e){return!!ne.call(ie,e)||!ne.call(oe,e)&&(re.test(e)?ie[e]=!0:(oe[e]=!0,!1))}(t)&&(null===n?e.removeAttribute(t):e.setAttribute(t,""+n)):o.mustUseProperty?e[o.propertyName]=null===n?3!==o.type&&"":n:(t=o.attributeName,r=o.attributeNamespace,null===n?e.removeAttribute(t):(n=3===(o=o.type)||4===o&&!0===n?"":""+n,r?e.setAttributeNS(r,t,n):e.setAttribute(t,n))))}"accent-height alignment-baseline arabic-form baseline-shift cap-height clip-path clip-rule color-interpolation color-interpolation-filters color-profile color-rendering dominant-baseline enable-background fill-opacity fill-rule flood-color flood-opacity font-family font-size font-size-adjust font-stretch font-style font-variant font-weight glyph-name glyph-orientation-horizontal glyph-orientation-vertical horiz-adv-x horiz-origin-x image-rendering letter-spacing lighting-color marker-end marker-mid marker-start overline-position overline-thickness paint-order panose-1 pointer-events rendering-intent shape-rendering stop-color stop-opacity strikethrough-position strikethrough-thickness stroke-dasharray stroke-dashoffset stroke-linecap stroke-linejoin stroke-miterlimit stroke-opacity stroke-width text-anchor text-decoration text-rendering underline-position underline-thickness unicode-bidi unicode-range units-per-em v-alphabetic v-hanging v-ideographic v-mathematical vector-effect vert-adv-y vert-origin-x vert-origin-y word-spacing writing-mode xmlns:xlink x-height".split(" ").forEach((function(e){var t=e.replace(le,ce);se[t]=new ae(t,1,!1,e,null,!1,!1)})),"xlink:actuate xlink:arcrole xlink:role xlink:show xlink:title xlink:type".split(" ").forEach((function(e){var t=e.replace(le,ce);se[t]=new ae(t,1,!1,e,"http://www.w3.org/1999/xlink",!1,!1)})),["xml:base","xml:lang","xml:space"].forEach((function(e){var t=e.replace(le,ce);se[t]=new ae(t,1,!1,e,"http://www.w3.org/XML/1998/namespace",!1,!1)})),["tabIndex","crossOrigin"].forEach((function(e){se[e]=new ae(e,1,!1,e.toLowerCase(),null,!1,!1)})),se.xlinkHref=new ae("xlinkHref",1,!1,"xlink:href","http://www.w3.org/1999/xlink",!0,!1),["src","href","action","formAction"].forEach((function(e){se[e]=new ae(e,1,!1,e.toLowerCase(),null,!0,!0)}));var de=Y.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED,he=Symbol.for("react.element"),fe=Symbol.for("react.portal"),pe=Symbol.for("react.fragment"),ge=Symbol.for("react.strict_mode"),me=Symbol.for("react.profiler"),ve=Symbol.for("react.provider"),ye=Symbol.for("react.context"),be=Symbol.for("react.forward_ref"),xe=Symbol.for("react.suspense"),we=Symbol.for("react.suspense_list"),ke=Symbol.for("react.memo"),Se=Symbol.for("react.lazy"),Ce=Symbol.for("react.offscreen"),_e=Symbol.iterator;function Ee(e){return null===e||"object"!=typeof e?null:"function"==typeof(e=_e&&e[_e]||e["@@iterator"])?e:null}var Pe,Le=Object.assign;function Oe(e){if(void 0===Pe)try{throw Error()}catch(Jce){var t=Jce.stack.trim().match(/\n( *(at )?)/);Pe=t&&t[1]||""}return"\n"+Pe+e}var Me=!1;function Te(e,t){if(!e||Me)return"";Me=!0;var n=Error.prepareStackTrace;Error.prepareStackTrace=void 0;try{if(t)if(t=function(){throw Error()},Object.defineProperty(t.prototype,"props",{set:function(){throw Error()}}),"object"==typeof Reflect&&Reflect.construct){try{Reflect.construct(t,[])}catch(V2){var r=V2}Reflect.construct(e,[],t)}else{try{t.call()}catch(V2){r=V2}e.call(t.prototype)}else{try{throw Error()}catch(V2){r=V2}e()}}catch(V2){if(V2&&r&&"string"==typeof V2.stack){for(var o=V2.stack.split("\n"),i=r.stack.split("\n"),a=o.length-1,s=i.length-1;1<=a&&0<=s&&o[a]!==i[s];)s--;for(;1<=a&&0<=s;a--,s--)if(o[a]!==i[s]){if(1!==a||1!==s)do{if(a--,0>--s||o[a]!==i[s]){var l="\n"+o[a].replace(" at new "," at ");return e.displayName&&l.includes("")&&(l=l.replace("",e.displayName)),l}}while(1<=a&&0<=s);break}}}finally{Me=!1,Error.prepareStackTrace=n}return(e=e?e.displayName||e.name:"")?Oe(e):""}function Ae(e){switch(e.tag){case 5:return Oe(e.type);case 16:return Oe("Lazy");case 13:return Oe("Suspense");case 19:return Oe("SuspenseList");case 0:case 2:case 15:return e=Te(e.type,!1);case 11:return e=Te(e.type.render,!1);case 1:return e=Te(e.type,!0);default:return""}}function Ie(e){if(null==e)return null;if("function"==typeof e)return e.displayName||e.name||null;if("string"==typeof e)return e;switch(e){case pe:return"Fragment";case fe:return"Portal";case me:return"Profiler";case ge:return"StrictMode";case xe:return"Suspense";case we:return"SuspenseList"}if("object"==typeof e)switch(e.$$typeof){case ye:return(e.displayName||"Context")+".Consumer";case ve:return(e._context.displayName||"Context")+".Provider";case be:var t=e.render;return(e=e.displayName)||(e=""!==(e=t.displayName||t.name||"")?"ForwardRef("+e+")":"ForwardRef"),e;case ke:return null!==(t=e.displayName||null)?t:Ie(e.type)||"Memo";case Se:t=e._payload,e=e._init;try{return Ie(e(t))}catch(Jce){}}return null}function Re(e){var t=e.type;switch(e.tag){case 24:return"Cache";case 9:return(t.displayName||"Context")+".Consumer";case 10:return(t._context.displayName||"Context")+".Provider";case 18:return"DehydratedFragment";case 11:return e=(e=t.render).displayName||e.name||"",t.displayName||(""!==e?"ForwardRef("+e+")":"ForwardRef");case 7:return"Fragment";case 5:return t;case 4:return"Portal";case 3:return"Root";case 6:return"Text";case 16:return Ie(t);case 8:return t===ge?"StrictMode":"Mode";case 22:return"Offscreen";case 12:return"Profiler";case 21:return"Scope";case 13:return"Suspense";case 19:return"SuspenseList";case 25:return"TracingMarker";case 1:case 0:case 17:case 2:case 14:case 15:if("function"==typeof t)return t.displayName||t.name||null;if("string"==typeof t)return t}return null}function Ne(e){switch(typeof e){case"boolean":case"number":case"string":case"undefined":case"object":return e;default:return""}}function De(e){var t=e.type;return(e=e.nodeName)&&"input"===e.toLowerCase()&&("checkbox"===t||"radio"===t)}function ze(e){e._valueTracker||(e._valueTracker=function(e){var t=De(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 o=n.get,i=n.set;return Object.defineProperty(e,t,{configurable:!0,get:function(){return o.call(this)},set:function(e){r=""+e,i.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 Be(e){if(!e)return!1;var t=e._valueTracker;if(!t)return!0;var n=t.getValue(),r="";return e&&(r=De(e)?e.checked?"true":"false":e.value),(e=r)!==n&&(t.setValue(e),!0)}function je(e){if(void 0===(e=e||("undefined"!=typeof document?document:void 0)))return null;try{return e.activeElement||e.body}catch(cue){return e.body}}function Fe(e,t){var n=t.checked;return Le({},t,{defaultChecked:void 0,defaultValue:void 0,value:void 0,checked:null!=n?n:e._wrapperState.initialChecked})}function He(e,t){var n=null==t.defaultValue?"":t.defaultValue,r=null!=t.checked?t.checked:t.defaultChecked;n=Ne(null!=t.value?t.value:n),e._wrapperState={initialChecked:r,initialValue:n,controlled:"checkbox"===t.type||"radio"===t.type?null!=t.checked:null!=t.value}}function We(e,t){null!=(t=t.checked)&&ue(e,"checked",t,!1)}function Ve(e,t){We(e,t);var n=Ne(t.value),r=t.type;if(null!=n)"number"===r?(0===n&&""===e.value||e.value!=n)&&(e.value=""+n):e.value!==""+n&&(e.value=""+n);else if("submit"===r||"reset"===r)return void e.removeAttribute("value");t.hasOwnProperty("value")?Ue(e,t.type,n):t.hasOwnProperty("defaultValue")&&Ue(e,t.type,Ne(t.defaultValue)),null==t.checked&&null!=t.defaultChecked&&(e.defaultChecked=!!t.defaultChecked)}function $e(e,t,n){if(t.hasOwnProperty("value")||t.hasOwnProperty("defaultValue")){var r=t.type;if(!("submit"!==r&&"reset"!==r||void 0!==t.value&&null!==t.value))return;t=""+e._wrapperState.initialValue,n||t===e.value||(e.value=t),e.defaultValue=t}""!==(n=e.name)&&(e.name=""),e.defaultChecked=!!e._wrapperState.initialChecked,""!==n&&(e.name=n)}function Ue(e,t,n){"number"===t&&je(e.ownerDocument)===e||(null==n?e.defaultValue=""+e._wrapperState.initialValue:e.defaultValue!==""+n&&(e.defaultValue=""+n))}var Ge=Array.isArray;function qe(e,t,n,r){if(e=e.options,t){t={};for(var o=0;o"+t.valueOf().toString()+"",t=et.firstChild;e.firstChild;)e.removeChild(e.firstChild);for(;t.firstChild;)e.appendChild(t.firstChild)}}));function nt(e,t){if(t){var n=e.firstChild;if(n&&n===e.lastChild&&3===n.nodeType)return void(n.nodeValue=t)}e.textContent=t}var rt={animationIterationCount:!0,aspectRatio:!0,borderImageOutset:!0,borderImageSlice:!0,borderImageWidth:!0,boxFlex:!0,boxFlexGroup:!0,boxOrdinalGroup:!0,columnCount:!0,columns:!0,flex:!0,flexGrow:!0,flexPositive:!0,flexShrink:!0,flexNegative:!0,flexOrder:!0,gridArea:!0,gridRow:!0,gridRowEnd:!0,gridRowSpan:!0,gridRowStart:!0,gridColumn:!0,gridColumnEnd:!0,gridColumnSpan:!0,gridColumnStart:!0,fontWeight:!0,lineClamp:!0,lineHeight:!0,opacity:!0,order:!0,orphans:!0,tabSize:!0,widows:!0,zIndex:!0,zoom:!0,fillOpacity:!0,floodOpacity:!0,stopOpacity:!0,strokeDasharray:!0,strokeDashoffset:!0,strokeMiterlimit:!0,strokeOpacity:!0,strokeWidth:!0},ot=["Webkit","ms","Moz","O"];function it(e,t,n){return null==t||"boolean"==typeof t||""===t?"":n||"number"!=typeof t||0===t||rt.hasOwnProperty(e)&&rt[e]?(""+t).trim():t+"px"}function at(e,t){for(var n in e=e.style,t)if(t.hasOwnProperty(n)){var r=0===n.indexOf("--"),o=it(n,t[n],r);"float"===n&&(n="cssFloat"),r?e.setProperty(n,o):e[n]=o}}Object.keys(rt).forEach((function(e){ot.forEach((function(t){t=t+e.charAt(0).toUpperCase()+e.substring(1),rt[t]=rt[e]}))}));var st=Le({menuitem:!0},{area:!0,base:!0,br:!0,col:!0,embed:!0,hr:!0,img:!0,input:!0,keygen:!0,link:!0,meta:!0,param:!0,source:!0,track:!0,wbr:!0});function lt(e,t){if(t){if(st[e]&&(null!=t.children||null!=t.dangerouslySetInnerHTML))throw Error(X(137,e));if(null!=t.dangerouslySetInnerHTML){if(null!=t.children)throw Error(X(60));if("object"!=typeof t.dangerouslySetInnerHTML||!("__html"in t.dangerouslySetInnerHTML))throw Error(X(61))}if(null!=t.style&&"object"!=typeof t.style)throw Error(X(62))}}function ct(e,t){if(-1===e.indexOf("-"))return"string"==typeof t.is;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 ut=null;function dt(e){return(e=e.target||e.srcElement||window).correspondingUseElement&&(e=e.correspondingUseElement),3===e.nodeType?e.parentNode:e}var ht=null,ft=null,pt=null;function gt(e){if(e=ui(e)){if("function"!=typeof ht)throw Error(X(280));var t=e.stateNode;t&&(t=hi(t),ht(e.stateNode,e.type,t))}}function mt(e){ft?pt?pt.push(e):pt=[e]:ft=e}function vt(){if(ft){var e=ft,t=pt;if(pt=ft=null,gt(e),t)for(e=0;e>>=0,0===e?32:31-(Kt(e)/Qt|0)|0},Kt=Math.log,Qt=Math.LN2;var Jt=64,en=4194304;function tn(e){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: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 4194240&e;case 4194304:case 8388608:case 16777216:case 33554432:case 67108864:return 130023424&e;case 134217728:return 134217728;case 268435456:return 268435456;case 536870912:return 536870912;case 1073741824:return 1073741824;default:return e}}function nn(e,t){var n=e.pendingLanes;if(0===n)return 0;var r=0,o=e.suspendedLanes,i=e.pingedLanes,a=268435455&n;if(0!==a){var s=a&~o;0!==s?r=tn(s):0!==(i&=a)&&(r=tn(i))}else 0!==(a=n&~o)?r=tn(a):0!==i&&(r=tn(i));if(0===r)return 0;if(0!==t&&t!==r&&0==(t&o)&&((o=r&-r)>=(i=t&-t)||16===o&&0!=(4194240&i)))return t;if(0!=(4&r)&&(r|=16&n),0!==(t=e.entangledLanes))for(e=e.entanglements,t&=r;0n;n++)t.push(e);return t}function ln(e,t,n){e.pendingLanes|=t,536870912!==t&&(e.suspendedLanes=0,e.pingedLanes=0),(e=e.eventTimes)[t=31-Xt(t)]=n}function cn(e,t){var n=e.entangledLanes|=t;for(e=e.entanglements;n;){var r=31-Xt(n),o=1<=_r),Lr=String.fromCharCode(32),Or=!1;function Mr(e,t){switch(e){case"keyup":return-1!==Sr.indexOf(t.keyCode);case"keydown":return 229!==t.keyCode;case"keypress":case"mousedown":case"focusout":return!0;default:return!1}}function Tr(e){return"object"==typeof(e=e.detail)&&"data"in e?e.data:null}var Ar=!1;var Ir={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 Rr(e){var t=e&&e.nodeName&&e.nodeName.toLowerCase();return"input"===t?!!Ir[e.type]:"textarea"===t}function Nr(e,t,n,r){mt(r),0<(t=zo(t,"onChange")).length&&(n=new er("onChange","change",null,n,r),e.push({event:n,listeners:t}))}var Dr=null,zr=null;function Br(e){Oo(e,0)}function jr(e){if(Be(di(e)))return e}function Fr(e,t){if("change"===e)return t}var Hr=!1;if(te){var Wr;if(te){var Vr="oninput"in document;if(!Vr){var $r=document.createElement("div");$r.setAttribute("oninput","return;"),Vr="function"==typeof $r.oninput}Wr=Vr}else Wr=!1;Hr=Wr&&(!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=Jr(r)}}function to(e,t){return!(!e||!t)&&(e===t||(!e||3!==e.nodeType)&&(t&&3===t.nodeType?to(e,t.parentNode):"contains"in e?e.contains(t):!!e.compareDocumentPosition&&!!(16&e.compareDocumentPosition(t))))}function no(){for(var e=window,t=je();t instanceof e.HTMLIFrameElement;){try{var n="string"==typeof t.contentWindow.location.href}catch(oue){n=!1}if(!n)break;t=je((e=t.contentWindow).document)}return t}function ro(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)}function oo(e){var t=no(),n=e.focusedElem,r=e.selectionRange;if(t!==n&&n&&n.ownerDocument&&to(n.ownerDocument.documentElement,n)){if(null!==r&&ro(n))if(t=r.start,void 0===(e=r.end)&&(e=t),"selectionStart"in n)n.selectionStart=t,n.selectionEnd=Math.min(e,n.value.length);else if((e=(t=n.ownerDocument||document)&&t.defaultView||window).getSelection){e=e.getSelection();var o=n.textContent.length,i=Math.min(r.start,o);r=void 0===r.end?i:Math.min(r.end,o),!e.extend&&i>r&&(o=r,r=i,i=o),o=eo(n,i);var a=eo(n,r);o&&a&&(1!==e.rangeCount||e.anchorNode!==o.node||e.anchorOffset!==o.offset||e.focusNode!==a.node||e.focusOffset!==a.offset)&&((t=t.createRange()).setStart(o.node,o.offset),e.removeAllRanges(),i>r?(e.addRange(t),e.extend(a.node,a.offset)):(t.setEnd(a.node,a.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;n=document.documentMode,ao=null,so=null,lo=null,co=!1;function uo(e,t,n){var r=n.window===n?n.document:9===n.nodeType?n:n.ownerDocument;co||null==ao||ao!==je(r)||("selectionStart"in(r=ao)&&ro(r)?r={start:r.selectionStart,end:r.selectionEnd}:r={anchorNode:(r=(r.ownerDocument&&r.ownerDocument.defaultView||window).getSelection()).anchorNode,anchorOffset:r.anchorOffset,focusNode:r.focusNode,focusOffset:r.focusOffset},lo&&Qr(lo,r)||(lo=r,0<(r=zo(so,"onSelect")).length&&(t=new er("onSelect","select",null,t,n),e.push({event:t,listeners:r}),t.target=ao)))}function ho(e,t){var n={};return n[e.toLowerCase()]=t.toLowerCase(),n["Webkit"+e]="webkit"+t,n["Moz"+e]="moz"+t,n}var fo={animationend:ho("Animation","AnimationEnd"),animationiteration:ho("Animation","AnimationIteration"),animationstart:ho("Animation","AnimationStart"),transitionend:ho("Transition","TransitionEnd")},po={},go={};function mo(e){if(po[e])return po[e];if(!fo[e])return e;var t,n=fo[e];for(t in n)if(n.hasOwnProperty(t)&&t in go)return po[e]=n[t];return e}te&&(go=document.createElement("div").style,"AnimationEvent"in window||(delete fo.animationend.animation,delete fo.animationiteration.animation,delete fo.animationstart.animation),"TransitionEvent"in window||delete fo.transitionend.transition);var vo=mo("animationend"),yo=mo("animationiteration"),bo=mo("animationstart"),xo=mo("transitionend"),wo=new Map,ko="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 toggle touchMove waiting wheel".split(" ");function So(e,t){wo.set(e,t),J(t,[e])}for(var Co=0;Copi||(e.current=fi[pi],fi[pi]=null,pi--)}function vi(e,t){pi++,fi[pi]=e.current,e.current=t}var yi={},bi=gi(yi),xi=gi(!1),wi=yi;function ki(e,t){var n=e.type.contextTypes;if(!n)return yi;var r=e.stateNode;if(r&&r.__reactInternalMemoizedUnmaskedChildContext===t)return r.__reactInternalMemoizedMaskedChildContext;var o,i={};for(o in n)i[o]=t[o];return r&&((e=e.stateNode).__reactInternalMemoizedUnmaskedChildContext=t,e.__reactInternalMemoizedMaskedChildContext=i),i}function Si(e){return null!=(e=e.childContextTypes)}function Ci(){mi(xi),mi(bi)}function _i(e,t,n){if(bi.current!==yi)throw Error(X(168));vi(bi,t),vi(xi,n)}function Ei(e,t,n){var r=e.stateNode;if(t=t.childContextTypes,"function"!=typeof r.getChildContext)return n;for(var o in r=r.getChildContext())if(!(o in t))throw Error(X(108,Re(e)||"Unknown",o));return Le({},n,r)}function Pi(e){return e=(e=e.stateNode)&&e.__reactInternalMemoizedMergedChildContext||yi,wi=bi.current,vi(bi,e),vi(xi,xi.current),!0}function Li(e,t,n){var r=e.stateNode;if(!r)throw Error(X(169));n?(e=Ei(e,t,wi),r.__reactInternalMemoizedMergedChildContext=e,mi(xi),mi(bi),vi(bi,e)):mi(xi),vi(xi,n)}var Oi=null,Mi=!1,Ti=!1;function Ai(e){null===Oi?Oi=[e]:Oi.push(e)}function Ii(){if(!Ti&&null!==Oi){Ti=!0;var e=0,t=un;try{var n=Oi;for(un=1;e>=a,o-=a,Hi=1<<32-Xt(t)+o|n<g?(m=p,p=null):m=p.sibling;var v=h(o,p,s[g],l);if(null===v){null===p&&(p=m);break}e&&p&&null===v.alternate&&t(o,p),a=i(v,a,g),null===u?c=v:u.sibling=v,u=v,p=m}if(g===s.length)return n(o,p),Zi&&Vi(o,g),c;if(null===p){for(;gg?(m=p,p=null):m=p.sibling;var y=h(o,p,v.value,l);if(null===y){null===p&&(p=m);break}e&&p&&null===y.alternate&&t(o,p),a=i(y,a,g),null===u?c=y:u.sibling=y,u=y,p=m}if(v.done)return n(o,p),Zi&&Vi(o,g),c;if(null===p){for(;!v.done;g++,v=s.next())null!==(v=d(o,v.value,l))&&(a=i(v,a,g),null===u?c=v:u.sibling=v,u=v);return Zi&&Vi(o,g),c}for(p=r(o,p);!v.done;g++,v=s.next())null!==(v=f(p,o,g,v.value,l))&&(e&&null!==v.alternate&&p.delete(null===v.key?g:v.key),a=i(v,a,g),null===u?c=v:u.sibling=v,u=v);return e&&p.forEach((function(e){return t(o,e)})),Zi&&Vi(o,g),c}return function e(r,i,s,l){if("object"==typeof s&&null!==s&&s.type===pe&&null===s.key&&(s=s.props.children),"object"==typeof s&&null!==s){switch(s.$$typeof){case he:e:{for(var c=s.key,u=i;null!==u;){if(u.key===c){if((c=s.type)===pe){if(7===u.tag){n(r,u.sibling),(i=o(u,s.props.children)).return=r,r=i;break e}}else if(u.elementType===c||"object"==typeof c&&null!==c&&c.$$typeof===Se&&ja(c)===u.type){n(r,u.sibling),(i=o(u,s.props)).ref=za(r,u,s),i.return=r,r=i;break e}n(r,u);break}t(r,u),u=u.sibling}s.type===pe?((i=_u(s.props.children,r.mode,l,s.key)).return=r,r=i):((l=Cu(s.type,s.key,s.props,null,r.mode,l)).ref=za(r,i,s),l.return=r,r=l)}return a(r);case fe:e:{for(u=s.key;null!==i;){if(i.key===u){if(4===i.tag&&i.stateNode.containerInfo===s.containerInfo&&i.stateNode.implementation===s.implementation){n(r,i.sibling),(i=o(i,s.children||[])).return=r,r=i;break e}n(r,i);break}t(r,i),i=i.sibling}(i=Lu(s,r.mode,l)).return=r,r=i}return a(r);case Se:return e(r,i,(u=s._init)(s._payload),l)}if(Ge(s))return p(r,i,s,l);if(Ee(s))return g(r,i,s,l);Ba(r,s)}return"string"==typeof s&&""!==s||"number"==typeof s?(s=""+s,null!==i&&6===i.tag?(n(r,i.sibling),(i=o(i,s)).return=r,r=i):(n(r,i),(i=Pu(s,r.mode,l)).return=r,r=i),a(r)):n(r,i)}}var Ha=Fa(!0),Wa=Fa(!1),Va={},$a=gi(Va),Ua=gi(Va),Ga=gi(Va);function qa(e){if(e===Va)throw Error(X(174));return e}function Ya(e,t){switch(vi(Ga,t),vi(Ua,e),vi($a,Va),e=t.nodeType){case 9:case 11:t=(t=t.documentElement)?t.namespaceURI:Je(null,"");break;default:t=Je(t=(e=8===e?t.parentNode:t).namespaceURI||null,e=e.tagName)}mi($a),vi($a,t)}function Za(){mi($a),mi(Ua),mi(Ga)}function Xa(e){qa(Ga.current);var t=qa($a.current),n=Je(t,e.type);t!==n&&(vi(Ua,e),vi($a,n))}function Ka(e){Ua.current===e&&(mi($a),mi(Ua))}var Qa=gi(0);function Ja(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 es=[];function ts(){for(var e=0;en?n:4,e(!0);var r=rs.transition;rs.transition={};try{e(!1),t()}finally{un=n,rs.transition=r}}function $s(){return vs().memoizedState}function Us(e,t,n){var r=Uc(e);if(n={lane:r,action:n,hasEagerState:!1,eagerState:null,next:null},qs(e))Ys(t,n);else if(null!==(n=ba(e,t,n,r))){Gc(n,e,r,$c()),Zs(n,t,r)}}function Gs(e,t,n){var r=Uc(e),o={lane:r,action:n,hasEagerState:!1,eagerState:null,next:null};if(qs(e))Ys(t,o);else{var i=e.alternate;if(0===e.lanes&&(null===i||0===i.lanes)&&null!==(i=t.lastRenderedReducer))try{var a=t.lastRenderedState,s=i(a,n);if(o.hasEagerState=!0,o.eagerState=s,Kr(s,a)){var l=t.interleaved;return null===l?(o.next=o,ya(t)):(o.next=l.next,l.next=o),void(t.interleaved=o)}}catch(V2){}null!==(n=ba(e,t,o,r))&&(Gc(n,e,r,o=$c()),Zs(n,t,r))}}function qs(e){var t=e.alternate;return e===is||null!==t&&t===is}function Ys(e,t){cs=ls=!0;var n=e.pending;null===n?t.next=t:(t.next=n.next,n.next=t),e.pending=t}function Zs(e,t,n){if(0!=(4194240&n)){var r=t.lanes;n|=r&=e.pendingLanes,t.lanes=n,cn(e,n)}}var Xs={readContext:ma,useCallback:hs,useContext:hs,useEffect:hs,useImperativeHandle:hs,useInsertionEffect:hs,useLayoutEffect:hs,useMemo:hs,useReducer:hs,useRef:hs,useState:hs,useDebugValue:hs,useDeferredValue:hs,useTransition:hs,useMutableSource:hs,useSyncExternalStore:hs,useId:hs,unstable_isNewReconciler:!1},Ks={readContext:ma,useCallback:function(e,t){return ms().memoizedState=[e,void 0===t?null:t],e},useContext:ma,useEffect:Is,useImperativeHandle:function(e,t,n){return n=null!=n?n.concat([e]):null,Ts(4194308,4,zs.bind(null,t,e),n)},useLayoutEffect:function(e,t){return Ts(4194308,4,e,t)},useInsertionEffect:function(e,t){return Ts(4,2,e,t)},useMemo:function(e,t){var n=ms();return t=void 0===t?null:t,e=e(),n.memoizedState=[e,t],e},useReducer:function(e,t,n){var r=ms();return t=void 0!==n?n(t):t,r.memoizedState=r.baseState=t,e={pending:null,interleaved:null,lanes:0,dispatch:null,lastRenderedReducer:e,lastRenderedState:t},r.queue=e,e=e.dispatch=Us.bind(null,is,e),[r.memoizedState,e]},useRef:function(e){return e={current:e},ms().memoizedState=e},useState:Ls,useDebugValue:js,useDeferredValue:function(e){return ms().memoizedState=e},useTransition:function(){var e=Ls(!1),t=e[0];return e=Vs.bind(null,e[1]),ms().memoizedState=e,[t,e]},useMutableSource:function(){},useSyncExternalStore:function(e,t,n){var r=is,o=ms();if(Zi){if(void 0===n)throw Error(X(407));n=n()}else{if(n=t(),null===bc)throw Error(X(349));0!=(30&os)||Ss(r,t,n)}o.memoizedState=n;var i={value:n,getSnapshot:t};return o.queue=i,Is(_s.bind(null,r,i,e),[e]),r.flags|=2048,Os(9,Cs.bind(null,r,i,n,t),void 0,null),n},useId:function(){var e=ms(),t=bc.identifierPrefix;if(Zi){var n=Wi;t=":"+t+"R"+(n=(Hi&~(1<<32-Xt(Hi)-1)).toString(32)+n),0<(n=us++)&&(t+="H"+n.toString(32)),t+=":"}else t=":"+t+"r"+(n=ds++).toString(32)+":";return e.memoizedState=t},unstable_isNewReconciler:!1},Qs={readContext:ma,useCallback:Fs,useContext:ma,useEffect:Rs,useImperativeHandle:Bs,useInsertionEffect:Ns,useLayoutEffect:Ds,useMemo:Hs,useReducer:bs,useRef:Ms,useState:function(){return bs(ys)},useDebugValue:js,useDeferredValue:function(e){return Ws(vs(),as.memoizedState,e)},useTransition:function(){return[bs(ys)[0],vs().memoizedState]},useMutableSource:ws,useSyncExternalStore:ks,useId:$s,unstable_isNewReconciler:!1},Js={readContext:ma,useCallback:Fs,useContext:ma,useEffect:Rs,useImperativeHandle:Bs,useInsertionEffect:Ns,useLayoutEffect:Ds,useMemo:Hs,useReducer:xs,useRef:Ms,useState:function(){return xs(ys)},useDebugValue:js,useDeferredValue:function(e){var t=vs();return null===as?t.memoizedState=e:Ws(t,as.memoizedState,e)},useTransition:function(){return[xs(ys)[0],vs().memoizedState]},useMutableSource:ws,useSyncExternalStore:ks,useId:$s,unstable_isNewReconciler:!1};function el(e,t){try{var n="",r=t;do{n+=Ae(r),r=r.return}while(r);var o=n}catch(nue){o="\nError generating stack: "+nue.message+"\n"+nue.stack}return{value:e,source:t,stack:o,digest:null}}function tl(e,t,n){return{value:e,source:null,stack:null!=n?n:null,digest:null!=t?t:null}}function nl(e,t){try{console.error(t.value)}catch(Jce){setTimeout((function(){throw Jce}))}}var rl="function"==typeof WeakMap?WeakMap:Map;function ol(e,t,n){(n=Ca(-1,n)).tag=3,n.payload={element:null};var r=t.value;return n.callback=function(){Rc||(Rc=!0,Nc=r),nl(0,t)},n}function il(e,t,n){(n=Ca(-1,n)).tag=3;var r=e.type.getDerivedStateFromError;if("function"==typeof r){var o=t.value;n.payload=function(){return r(o)},n.callback=function(){nl(0,t)}}var i=e.stateNode;return null!==i&&"function"==typeof i.componentDidCatch&&(n.callback=function(){nl(0,t),"function"!=typeof r&&(null===Dc?Dc=new Set([this]):Dc.add(this));var e=t.stack;this.componentDidCatch(t.value,{componentStack:null!==e?e:""})}),n}function al(e,t,n){var r=e.pingCache;if(null===r){r=e.pingCache=new rl;var o=new Set;r.set(t,o)}else void 0===(o=r.get(t))&&(o=new Set,r.set(t,o));o.has(n)||(o.add(n),e=gu.bind(null,e,t,n),t.then(e,e))}function sl(e){do{var t;if((t=13===e.tag)&&(t=null===(t=e.memoizedState)||null!==t.dehydrated),t)return e;e=e.return}while(null!==e);return null}function ll(e,t,n,r,o){return 0==(1&e.mode)?(e===t?e.flags|=65536:(e.flags|=128,n.flags|=131072,n.flags&=-52805,1===n.tag&&(null===n.alternate?n.tag=17:((t=Ca(-1,1)).tag=2,_a(n,t,1))),n.lanes|=1),e):(e.flags|=65536,e.lanes=o,e)}var cl=de.ReactCurrentOwner,ul=!1;function dl(e,t,n,r){t.child=null===e?Wa(t,null,n,r):Ha(t,e.child,n,r)}function hl(e,t,n,r,o){n=n.render;var i=t.ref;return ga(t,o),r=ps(e,t,n,r,i,o),n=gs(),null===e||ul?(Zi&&n&&Ui(t),t.flags|=1,dl(e,t,r,o),t.child):(t.updateQueue=e.updateQueue,t.flags&=-2053,e.lanes&=~o,Rl(e,t,o))}function fl(e,t,n,r,o){if(null===e){var i=n.type;return"function"!=typeof i||ku(i)||void 0!==i.defaultProps||null!==n.compare||void 0!==n.defaultProps?((e=Cu(n.type,null,r,t,t.mode,o)).ref=t.ref,e.return=t,t.child=e):(t.tag=15,t.type=i,pl(e,t,i,r,o))}if(i=e.child,0==(e.lanes&o)){var a=i.memoizedProps;if((n=null!==(n=n.compare)?n:Qr)(a,r)&&e.ref===t.ref)return Rl(e,t,o)}return t.flags|=1,(e=Su(i,r)).ref=t.ref,e.return=t,t.child=e}function pl(e,t,n,r,o){if(null!==e){var i=e.memoizedProps;if(Qr(i,r)&&e.ref===t.ref){if(ul=!1,t.pendingProps=r=i,0==(e.lanes&o))return t.lanes=e.lanes,Rl(e,t,o);0!=(131072&e.flags)&&(ul=!0)}}return vl(e,t,n,r,o)}function gl(e,t,n){var r=t.pendingProps,o=r.children,i=null!==e?e.memoizedState:null;if("hidden"===r.mode)if(0==(1&t.mode))t.memoizedState={baseLanes:0,cachePool:null,transitions:null},vi(Sc,kc),kc|=n;else{if(0==(1073741824&n))return e=null!==i?i.baseLanes|n:n,t.lanes=t.childLanes=1073741824,t.memoizedState={baseLanes:e,cachePool:null,transitions:null},t.updateQueue=null,vi(Sc,kc),kc|=e,null;t.memoizedState={baseLanes:0,cachePool:null,transitions:null},r=null!==i?i.baseLanes:n,vi(Sc,kc),kc|=r}else null!==i?(r=i.baseLanes|n,t.memoizedState=null):r=n,vi(Sc,kc),kc|=r;return dl(e,t,o,n),t.child}function ml(e,t){var n=t.ref;(null===e&&null!==n||null!==e&&e.ref!==n)&&(t.flags|=512,t.flags|=2097152)}function vl(e,t,n,r,o){var i=Si(n)?wi:bi.current;return i=ki(t,i),ga(t,o),n=ps(e,t,n,r,i,o),r=gs(),null===e||ul?(Zi&&r&&Ui(t),t.flags|=1,dl(e,t,n,o),t.child):(t.updateQueue=e.updateQueue,t.flags&=-2053,e.lanes&=~o,Rl(e,t,o))}function yl(e,t,n,r,o){if(Si(n)){var i=!0;Pi(t)}else i=!1;if(ga(t,o),null===t.stateNode)Il(e,t),Ra(t,n,r),Da(t,n,r,o),r=!0;else if(null===e){var a=t.stateNode,s=t.memoizedProps;a.props=s;var l=a.context,c=n.contextType;"object"==typeof c&&null!==c?c=ma(c):c=ki(t,c=Si(n)?wi:bi.current);var u=n.getDerivedStateFromProps,d="function"==typeof u||"function"==typeof a.getSnapshotBeforeUpdate;d||"function"!=typeof a.UNSAFE_componentWillReceiveProps&&"function"!=typeof a.componentWillReceiveProps||(s!==r||l!==c)&&Na(t,a,r,c),wa=!1;var h=t.memoizedState;a.state=h,La(t,r,a,o),l=t.memoizedState,s!==r||h!==l||xi.current||wa?("function"==typeof u&&(Ta(t,n,u,r),l=t.memoizedState),(s=wa||Ia(t,n,s,r,h,l,c))?(d||"function"!=typeof a.UNSAFE_componentWillMount&&"function"!=typeof a.componentWillMount||("function"==typeof a.componentWillMount&&a.componentWillMount(),"function"==typeof a.UNSAFE_componentWillMount&&a.UNSAFE_componentWillMount()),"function"==typeof a.componentDidMount&&(t.flags|=4194308)):("function"==typeof a.componentDidMount&&(t.flags|=4194308),t.memoizedProps=r,t.memoizedState=l),a.props=r,a.state=l,a.context=c,r=s):("function"==typeof a.componentDidMount&&(t.flags|=4194308),r=!1)}else{a=t.stateNode,Sa(e,t),s=t.memoizedProps,c=t.type===t.elementType?s:sa(t.type,s),a.props=c,d=t.pendingProps,h=a.context,"object"==typeof(l=n.contextType)&&null!==l?l=ma(l):l=ki(t,l=Si(n)?wi:bi.current);var f=n.getDerivedStateFromProps;(u="function"==typeof f||"function"==typeof a.getSnapshotBeforeUpdate)||"function"!=typeof a.UNSAFE_componentWillReceiveProps&&"function"!=typeof a.componentWillReceiveProps||(s!==d||h!==l)&&Na(t,a,r,l),wa=!1,h=t.memoizedState,a.state=h,La(t,r,a,o);var p=t.memoizedState;s!==d||h!==p||xi.current||wa?("function"==typeof f&&(Ta(t,n,f,r),p=t.memoizedState),(c=wa||Ia(t,n,c,r,h,p,l)||!1)?(u||"function"!=typeof a.UNSAFE_componentWillUpdate&&"function"!=typeof a.componentWillUpdate||("function"==typeof a.componentWillUpdate&&a.componentWillUpdate(r,p,l),"function"==typeof a.UNSAFE_componentWillUpdate&&a.UNSAFE_componentWillUpdate(r,p,l)),"function"==typeof a.componentDidUpdate&&(t.flags|=4),"function"==typeof a.getSnapshotBeforeUpdate&&(t.flags|=1024)):("function"!=typeof a.componentDidUpdate||s===e.memoizedProps&&h===e.memoizedState||(t.flags|=4),"function"!=typeof a.getSnapshotBeforeUpdate||s===e.memoizedProps&&h===e.memoizedState||(t.flags|=1024),t.memoizedProps=r,t.memoizedState=p),a.props=r,a.state=p,a.context=l,r=c):("function"!=typeof a.componentDidUpdate||s===e.memoizedProps&&h===e.memoizedState||(t.flags|=4),"function"!=typeof a.getSnapshotBeforeUpdate||s===e.memoizedProps&&h===e.memoizedState||(t.flags|=1024),r=!1)}return bl(e,t,n,r,i,o)}function bl(e,t,n,r,o,i){ml(e,t);var a=0!=(128&t.flags);if(!r&&!a)return o&&Li(t,n,!1),Rl(e,t,i);r=t.stateNode,cl.current=t;var s=a&&"function"!=typeof n.getDerivedStateFromError?null:r.render();return t.flags|=1,null!==e&&a?(t.child=Ha(t,e.child,null,i),t.child=Ha(t,null,s,i)):dl(e,t,s,i),t.memoizedState=r.state,o&&Li(t,n,!0),t.child}function xl(e){var t=e.stateNode;t.pendingContext?_i(0,t.pendingContext,t.pendingContext!==t.context):t.context&&_i(0,t.context,!1),Ya(e,t.containerInfo)}function wl(e,t,n,r,o){return oa(),ia(o),t.flags|=256,dl(e,t,n,r),t.child}var kl,Sl,Cl,_l={dehydrated:null,treeContext:null,retryLane:0};function El(e){return{baseLanes:e,cachePool:null,transitions:null}}function Pl(e,t,n){var r,o=t.pendingProps,i=Qa.current,a=!1,s=0!=(128&t.flags);if((r=s)||(r=(null===e||null!==e.memoizedState)&&0!=(2&i)),r?(a=!0,t.flags&=-129):null!==e&&null===e.memoizedState||(i|=1),vi(Qa,1&i),null===e)return ea(t),null!==(e=t.memoizedState)&&null!==(e=e.dehydrated)?(0==(1&t.mode)?t.lanes=1:"$!"===e.data?t.lanes=8:t.lanes=1073741824,null):(s=o.children,e=o.fallback,a?(o=t.mode,a=t.child,s={mode:"hidden",children:s},0==(1&o)&&null!==a?(a.childLanes=0,a.pendingProps=s):a=Eu(s,o,0,null),e=_u(e,o,n,null),a.return=t,e.return=t,a.sibling=e,t.child=a,t.child.memoizedState=El(n),t.memoizedState=_l,e):Ll(t,s));if(null!==(i=e.memoizedState)&&null!==(r=i.dehydrated))return function(e,t,n,r,o,i,a){if(n)return 256&t.flags?(t.flags&=-257,Ol(e,t,a,r=tl(Error(X(422))))):null!==t.memoizedState?(t.child=e.child,t.flags|=128,null):(i=r.fallback,o=t.mode,r=Eu({mode:"visible",children:r.children},o,0,null),(i=_u(i,o,a,null)).flags|=2,r.return=t,i.return=t,r.sibling=i,t.child=r,0!=(1&t.mode)&&Ha(t,e.child,null,a),t.child.memoizedState=El(a),t.memoizedState=_l,i);if(0==(1&t.mode))return Ol(e,t,a,null);if("$!"===o.data){if(r=o.nextSibling&&o.nextSibling.dataset)var s=r.dgst;return r=s,Ol(e,t,a,r=tl(i=Error(X(419)),r,void 0))}if(s=0!=(a&e.childLanes),ul||s){if(null!==(r=bc)){switch(a&-a){case 4:o=2;break;case 16:o=8;break;case 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:case 4194304:case 8388608:case 16777216:case 33554432:case 67108864:o=32;break;case 536870912:o=268435456;break;default:o=0}0!==(o=0!=(o&(r.suspendedLanes|a))?0:o)&&o!==i.retryLane&&(i.retryLane=o,xa(e,o),Gc(r,e,o,-1))}return iu(),Ol(e,t,a,r=tl(Error(X(421))))}return"$?"===o.data?(t.flags|=128,t.child=e.child,t=vu.bind(null,e),o._reactRetry=t,null):(e=i.treeContext,Yi=ei(o.nextSibling),qi=t,Zi=!0,Xi=null,null!==e&&(Bi[ji++]=Hi,Bi[ji++]=Wi,Bi[ji++]=Fi,Hi=e.id,Wi=e.overflow,Fi=t),t=Ll(t,r.children),t.flags|=4096,t)}(e,t,s,o,r,i,n);if(a){a=o.fallback,s=t.mode,r=(i=e.child).sibling;var l={mode:"hidden",children:o.children};return 0==(1&s)&&t.child!==i?((o=t.child).childLanes=0,o.pendingProps=l,t.deletions=null):(o=Su(i,l)).subtreeFlags=14680064&i.subtreeFlags,null!==r?a=Su(r,a):(a=_u(a,s,n,null)).flags|=2,a.return=t,o.return=t,o.sibling=a,t.child=o,o=a,a=t.child,s=null===(s=e.child.memoizedState)?El(n):{baseLanes:s.baseLanes|n,cachePool:null,transitions:s.transitions},a.memoizedState=s,a.childLanes=e.childLanes&~n,t.memoizedState=_l,o}return e=(a=e.child).sibling,o=Su(a,{mode:"visible",children:o.children}),0==(1&t.mode)&&(o.lanes=n),o.return=t,o.sibling=null,null!==e&&(null===(n=t.deletions)?(t.deletions=[e],t.flags|=16):n.push(e)),t.child=o,t.memoizedState=null,o}function Ll(e,t){return(t=Eu({mode:"visible",children:t},e.mode,0,null)).return=e,e.child=t}function Ol(e,t,n,r){return null!==r&&ia(r),Ha(t,e.child,null,n),(e=Ll(t,t.pendingProps.children)).flags|=2,t.memoizedState=null,e}function Ml(e,t,n){e.lanes|=t;var r=e.alternate;null!==r&&(r.lanes|=t),pa(e.return,t,n)}function Tl(e,t,n,r,o){var i=e.memoizedState;null===i?e.memoizedState={isBackwards:t,rendering:null,renderingStartTime:0,last:r,tail:n,tailMode:o}:(i.isBackwards=t,i.rendering=null,i.renderingStartTime=0,i.last=r,i.tail=n,i.tailMode=o)}function Al(e,t,n){var r=t.pendingProps,o=r.revealOrder,i=r.tail;if(dl(e,t,r.children,n),0!=(2&(r=Qa.current)))r=1&r|2,t.flags|=128;else{if(null!==e&&0!=(128&e.flags))e:for(e=t.child;null!==e;){if(13===e.tag)null!==e.memoizedState&&Ml(e,n,t);else if(19===e.tag)Ml(e,n,t);else if(null!==e.child){e.child.return=e,e=e.child;continue}if(e===t)break e;for(;null===e.sibling;){if(null===e.return||e.return===t)break e;e=e.return}e.sibling.return=e.return,e=e.sibling}r&=1}if(vi(Qa,r),0==(1&t.mode))t.memoizedState=null;else switch(o){case"forwards":for(n=t.child,o=null;null!==n;)null!==(e=n.alternate)&&null===Ja(e)&&(o=n),n=n.sibling;null===(n=o)?(o=t.child,t.child=null):(o=n.sibling,n.sibling=null),Tl(t,!1,o,n,i);break;case"backwards":for(n=null,o=t.child,t.child=null;null!==o;){if(null!==(e=o.alternate)&&null===Ja(e)){t.child=o;break}e=o.sibling,o.sibling=n,n=o,o=e}Tl(t,!0,n,null,i);break;case"together":Tl(t,!1,null,null,void 0);break;default:t.memoizedState=null}return t.child}function Il(e,t){0==(1&t.mode)&&null!==e&&(e.alternate=null,t.alternate=null,t.flags|=2)}function Rl(e,t,n){if(null!==e&&(t.dependencies=e.dependencies),Ec|=t.lanes,0==(n&t.childLanes))return null;if(null!==e&&t.child!==e.child)throw Error(X(153));if(null!==t.child){for(n=Su(e=t.child,e.pendingProps),t.child=n,n.return=t;null!==e.sibling;)e=e.sibling,(n=n.sibling=Su(e,e.pendingProps)).return=t;n.sibling=null}return t.child}function Nl(e,t){if(!Zi)switch(e.tailMode){case"hidden":t=e.tail;for(var n=null;null!==t;)null!==t.alternate&&(n=t),t=t.sibling;null===n?e.tail=null:n.sibling=null;break;case"collapsed":n=e.tail;for(var r=null;null!==n;)null!==n.alternate&&(r=n),n=n.sibling;null===r?t||null===e.tail?e.tail=null:e.tail.sibling=null:r.sibling=null}}function Dl(e){var t=null!==e.alternate&&e.alternate.child===e.child,n=0,r=0;if(t)for(var o=e.child;null!==o;)n|=o.lanes|o.childLanes,r|=14680064&o.subtreeFlags,r|=14680064&o.flags,o.return=e,o=o.sibling;else for(o=e.child;null!==o;)n|=o.lanes|o.childLanes,r|=o.subtreeFlags,r|=o.flags,o.return=e,o=o.sibling;return e.subtreeFlags|=r,e.childLanes=n,t}function zl(e,t,n){var r=t.pendingProps;switch(Gi(t),t.tag){case 2:case 16:case 15:case 0:case 11:case 7:case 8:case 12:case 9:case 14:return Dl(t),null;case 1:case 17:return Si(t.type)&&Ci(),Dl(t),null;case 3:return r=t.stateNode,Za(),mi(xi),mi(bi),ts(),r.pendingContext&&(r.context=r.pendingContext,r.pendingContext=null),null!==e&&null!==e.child||(na(t)?t.flags|=4:null===e||e.memoizedState.isDehydrated&&0==(256&t.flags)||(t.flags|=1024,null!==Xi&&(Xc(Xi),Xi=null))),Dl(t),null;case 5:Ka(t);var o=qa(Ga.current);if(n=t.type,null!==e&&null!=t.stateNode)Sl(e,t,n,r),e.ref!==t.ref&&(t.flags|=512,t.flags|=2097152);else{if(!r){if(null===t.stateNode)throw Error(X(166));return Dl(t),null}if(e=qa($a.current),na(t)){r=t.stateNode,n=t.type;var i=t.memoizedProps;switch(r[ri]=t,r[oi]=i,e=0!=(1&t.mode),n){case"dialog":Mo("cancel",r),Mo("close",r);break;case"iframe":case"object":case"embed":Mo("load",r);break;case"video":case"audio":for(o=0;o<\/script>",e=e.removeChild(e.firstChild)):"string"==typeof r.is?e=a.createElement(n,{is:r.is}):(e=a.createElement(n),"select"===n&&(a=e,r.multiple?a.multiple=!0:r.size&&(a.size=r.size))):e=a.createElementNS(e,n),e[ri]=t,e[oi]=r,kl(e,t),t.stateNode=e;e:{switch(a=ct(n,r),n){case"dialog":Mo("cancel",e),Mo("close",e),o=r;break;case"iframe":case"object":case"embed":Mo("load",e),o=r;break;case"video":case"audio":for(o=0;oAc&&(t.flags|=128,r=!0,Nl(i,!1),t.lanes=4194304)}else{if(!r)if(null!==(e=Ja(a))){if(t.flags|=128,r=!0,null!==(n=e.updateQueue)&&(t.updateQueue=n,t.flags|=4),Nl(i,!0),null===i.tail&&"hidden"===i.tailMode&&!a.alternate&&!Zi)return Dl(t),null}else 2*Ht()-i.renderingStartTime>Ac&&1073741824!==n&&(t.flags|=128,r=!0,Nl(i,!1),t.lanes=4194304);i.isBackwards?(a.sibling=t.child,t.child=a):(null!==(n=i.last)?n.sibling=a:t.child=a,i.last=a)}return null!==i.tail?(t=i.tail,i.rendering=t,i.tail=t.sibling,i.renderingStartTime=Ht(),t.sibling=null,n=Qa.current,vi(Qa,r?1&n|2:1&n),t):(Dl(t),null);case 22:case 23:return tu(),r=null!==t.memoizedState,null!==e&&null!==e.memoizedState!==r&&(t.flags|=8192),r&&0!=(1&t.mode)?0!=(1073741824&kc)&&(Dl(t),6&t.subtreeFlags&&(t.flags|=8192)):Dl(t),null;case 24:case 25:return null}throw Error(X(156,t.tag))}function Bl(e,t){switch(Gi(t),t.tag){case 1:return Si(t.type)&&Ci(),65536&(e=t.flags)?(t.flags=-65537&e|128,t):null;case 3:return Za(),mi(xi),mi(bi),ts(),0!=(65536&(e=t.flags))&&0==(128&e)?(t.flags=-65537&e|128,t):null;case 5:return Ka(t),null;case 13:if(mi(Qa),null!==(e=t.memoizedState)&&null!==e.dehydrated){if(null===t.alternate)throw Error(X(340));oa()}return 65536&(e=t.flags)?(t.flags=-65537&e|128,t):null;case 19:return mi(Qa),null;case 4:return Za(),null;case 10:return fa(t.type._context),null;case 22:case 23:return tu(),null;default:return null}}kl=function(e,t){for(var n=t.child;null!==n;){if(5===n.tag||6===n.tag)e.appendChild(n.stateNode);else if(4!==n.tag&&null!==n.child){n.child.return=n,n=n.child;continue}if(n===t)break;for(;null===n.sibling;){if(null===n.return||n.return===t)return;n=n.return}n.sibling.return=n.return,n=n.sibling}},Sl=function(e,t,n,r){var o=e.memoizedProps;if(o!==r){e=t.stateNode,qa($a.current);var i,a=null;switch(n){case"input":o=Fe(e,o),r=Fe(e,r),a=[];break;case"select":o=Le({},o,{value:void 0}),r=Le({},r,{value:void 0}),a=[];break;case"textarea":o=Ye(e,o),r=Ye(e,r),a=[];break;default:"function"!=typeof o.onClick&&"function"==typeof r.onClick&&(e.onclick=$o)}for(c in lt(n,r),n=null,o)if(!r.hasOwnProperty(c)&&o.hasOwnProperty(c)&&null!=o[c])if("style"===c){var s=o[c];for(i in s)s.hasOwnProperty(i)&&(n||(n={}),n[i]="")}else"dangerouslySetInnerHTML"!==c&&"children"!==c&&"suppressContentEditableWarning"!==c&&"suppressHydrationWarning"!==c&&"autoFocus"!==c&&(Q.hasOwnProperty(c)?a||(a=[]):(a=a||[]).push(c,null));for(c in r){var l=r[c];if(s=null!=o?o[c]:void 0,r.hasOwnProperty(c)&&l!==s&&(null!=l||null!=s))if("style"===c)if(s){for(i in s)!s.hasOwnProperty(i)||l&&l.hasOwnProperty(i)||(n||(n={}),n[i]="");for(i in l)l.hasOwnProperty(i)&&s[i]!==l[i]&&(n||(n={}),n[i]=l[i])}else n||(a||(a=[]),a.push(c,n)),n=l;else"dangerouslySetInnerHTML"===c?(l=l?l.__html:void 0,s=s?s.__html:void 0,null!=l&&s!==l&&(a=a||[]).push(c,l)):"children"===c?"string"!=typeof l&&"number"!=typeof l||(a=a||[]).push(c,""+l):"suppressContentEditableWarning"!==c&&"suppressHydrationWarning"!==c&&(Q.hasOwnProperty(c)?(null!=l&&"onScroll"===c&&Mo("scroll",e),a||s===l||(a=[])):(a=a||[]).push(c,l))}n&&(a=a||[]).push("style",n);var c=a;(t.updateQueue=c)&&(t.flags|=4)}},Cl=function(e,t,n,r){n!==r&&(t.flags|=4)};var jl=!1,Fl=!1,Hl="function"==typeof WeakSet?WeakSet:Set,Wl=null;function Vl(e,t){var n=e.ref;if(null!==n)if("function"==typeof n)try{n(null)}catch(oue){pu(e,t,oue)}else n.current=null}function $l(e,t,n){try{n()}catch(oue){pu(e,t,oue)}}var Ul=!1;function Gl(e,t,n){var r=t.updateQueue;if(null!==(r=null!==r?r.lastEffect:null)){var o=r=r.next;do{if((o.tag&e)===e){var i=o.destroy;o.destroy=void 0,void 0!==i&&$l(t,n,i)}o=o.next}while(o!==r)}}function ql(e,t){if(null!==(t=null!==(t=t.updateQueue)?t.lastEffect:null)){var n=t=t.next;do{if((n.tag&e)===e){var r=n.create;n.destroy=r()}n=n.next}while(n!==t)}}function Yl(e){var t=e.ref;if(null!==t){var n=e.stateNode;e.tag,e=n,"function"==typeof t?t(e):t.current=e}}function Zl(e){var t=e.alternate;null!==t&&(e.alternate=null,Zl(t)),e.child=null,e.deletions=null,e.sibling=null,5===e.tag&&(null!==(t=e.stateNode)&&(delete t[ri],delete t[oi],delete t[ai],delete t[si],delete t[li])),e.stateNode=null,e.return=null,e.dependencies=null,e.memoizedProps=null,e.memoizedState=null,e.pendingProps=null,e.stateNode=null,e.updateQueue=null}function Xl(e){return 5===e.tag||3===e.tag||4===e.tag}function Kl(e){e:for(;;){for(;null===e.sibling;){if(null===e.return||Xl(e.return))return null;e=e.return}for(e.sibling.return=e.return,e=e.sibling;5!==e.tag&&6!==e.tag&&18!==e.tag;){if(2&e.flags)continue e;if(null===e.child||4===e.tag)continue e;e.child.return=e,e=e.child}if(!(2&e.flags))return e.stateNode}}function Ql(e,t,n){var r=e.tag;if(5===r||6===r)e=e.stateNode,t?8===n.nodeType?n.parentNode.insertBefore(e,t):n.insertBefore(e,t):(8===n.nodeType?(t=n.parentNode).insertBefore(e,n):(t=n).appendChild(e),null!=(n=n._reactRootContainer)||null!==t.onclick||(t.onclick=$o));else if(4!==r&&null!==(e=e.child))for(Ql(e,t,n),e=e.sibling;null!==e;)Ql(e,t,n),e=e.sibling}function Jl(e,t,n){var r=e.tag;if(5===r||6===r)e=e.stateNode,t?n.insertBefore(e,t):n.appendChild(e);else if(4!==r&&null!==(e=e.child))for(Jl(e,t,n),e=e.sibling;null!==e;)Jl(e,t,n),e=e.sibling}var ec=null,tc=!1;function nc(e,t,n){for(n=n.child;null!==n;)rc(e,t,n),n=n.sibling}function rc(e,t,n){if(Zt&&"function"==typeof Zt.onCommitFiberUnmount)try{Zt.onCommitFiberUnmount(Yt,n)}catch(iue){}switch(n.tag){case 5:Fl||Vl(n,t);case 6:var r=ec,o=tc;ec=null,nc(e,t,n),tc=o,null!==(ec=r)&&(tc?(e=ec,n=n.stateNode,8===e.nodeType?e.parentNode.removeChild(n):e.removeChild(n)):ec.removeChild(n.stateNode));break;case 18:null!==ec&&(tc?(e=ec,n=n.stateNode,8===e.nodeType?Jo(e.parentNode,n):1===e.nodeType&&Jo(e,n),In(e)):Jo(ec,n.stateNode));break;case 4:r=ec,o=tc,ec=n.stateNode.containerInfo,tc=!0,nc(e,t,n),ec=r,tc=o;break;case 0:case 11:case 14:case 15:if(!Fl&&(null!==(r=n.updateQueue)&&null!==(r=r.lastEffect))){o=r=r.next;do{var i=o,a=i.destroy;i=i.tag,void 0!==a&&(0!=(2&i)||0!=(4&i))&&$l(n,t,a),o=o.next}while(o!==r)}nc(e,t,n);break;case 1:if(!Fl&&(Vl(n,t),"function"==typeof(r=n.stateNode).componentWillUnmount))try{r.props=n.memoizedProps,r.state=n.memoizedState,r.componentWillUnmount()}catch(iue){pu(n,t,iue)}nc(e,t,n);break;case 21:nc(e,t,n);break;case 22:1&n.mode?(Fl=(r=Fl)||null!==n.memoizedState,nc(e,t,n),Fl=r):nc(e,t,n);break;default:nc(e,t,n)}}function oc(e){var t=e.updateQueue;if(null!==t){e.updateQueue=null;var n=e.stateNode;null===n&&(n=e.stateNode=new Hl),t.forEach((function(t){var r=yu.bind(null,e,t);n.has(t)||(n.add(t),t.then(r,r))}))}}function ic(e,t){var n=t.deletions;if(null!==n)for(var r=0;ro&&(o=a),r&=~i}if(r=o,10<(r=(120>(r=Ht()-r)?120:480>r?480:1080>r?1080:1920>r?1920:3e3>r?3e3:4320>r?4320:1960*pc(r/1960))-r)){e.timeoutHandle=Yo(du.bind(null,e,Mc,Ic),r);break}du(e,Mc,Ic);break;default:throw Error(X(329))}}}return qc(e,Ht()),e.callbackNode===n?Yc.bind(null,e):null}function Zc(e,t){var n=Oc;return e.current.memoizedState.isDehydrated&&(nu(e,t).flags|=256),2!==(e=au(e,t))&&(t=Mc,Mc=n,null!==t&&Xc(t)),e}function Xc(e){null===Mc?Mc=e:Mc.push.apply(Mc,e)}function Kc(e,t){for(t&=~Lc,t&=~Pc,e.suspendedLanes|=t,e.pingedLanes&=~t,e=e.expirationTimes;0e?16:e,null===Bc)var r=!1;else{if(e=Bc,Bc=null,jc=0,0!=(6&yc))throw Error(X(331));var o=yc;for(yc|=4,Wl=e.current;null!==Wl;){var i=Wl,a=i.child;if(0!=(16&Wl.flags)){var s=i.deletions;if(null!==s){for(var l=0;lHt()-Tc?nu(e,0):Lc|=n),qc(e,t)}function mu(e,t){0===t&&(0==(1&e.mode)?t=1:(t=en,0==(130023424&(en<<=1))&&(en=4194304)));var n=$c();null!==(e=xa(e,t))&&(ln(e,t,n),qc(e,n))}function vu(e){var t=e.memoizedState,n=0;null!==t&&(n=t.retryLane),mu(e,n)}function yu(e,t){var n=0;switch(e.tag){case 13:var r=e.stateNode,o=e.memoizedState;null!==o&&(n=o.retryLane);break;case 19:r=e.stateNode;break;default:throw Error(X(314))}null!==r&&r.delete(t),mu(e,n)}function bu(e,t){return zt(e,t)}function xu(e,t,n,r){this.tag=e,this.key=n,this.sibling=this.child=this.return=this.stateNode=this.type=this.elementType=null,this.index=0,this.ref=null,this.pendingProps=t,this.dependencies=this.memoizedState=this.updateQueue=this.memoizedProps=null,this.mode=r,this.subtreeFlags=this.flags=0,this.deletions=null,this.childLanes=this.lanes=0,this.alternate=null}function wu(e,t,n,r){return new xu(e,t,n,r)}function ku(e){return!(!(e=e.prototype)||!e.isReactComponent)}function Su(e,t){var n=e.alternate;return null===n?((n=wu(e.tag,t,e.key,e.mode)).elementType=e.elementType,n.type=e.type,n.stateNode=e.stateNode,n.alternate=e,e.alternate=n):(n.pendingProps=t,n.type=e.type,n.flags=0,n.subtreeFlags=0,n.deletions=null),n.flags=14680064&e.flags,n.childLanes=e.childLanes,n.lanes=e.lanes,n.child=e.child,n.memoizedProps=e.memoizedProps,n.memoizedState=e.memoizedState,n.updateQueue=e.updateQueue,t=e.dependencies,n.dependencies=null===t?null:{lanes:t.lanes,firstContext:t.firstContext},n.sibling=e.sibling,n.index=e.index,n.ref=e.ref,n}function Cu(e,t,n,r,o,i){var a=2;if(r=e,"function"==typeof e)ku(e)&&(a=1);else if("string"==typeof e)a=5;else e:switch(e){case pe:return _u(n.children,o,i,t);case ge:a=8,o|=8;break;case me:return(e=wu(12,n,t,2|o)).elementType=me,e.lanes=i,e;case xe:return(e=wu(13,n,t,o)).elementType=xe,e.lanes=i,e;case we:return(e=wu(19,n,t,o)).elementType=we,e.lanes=i,e;case Ce:return Eu(n,o,i,t);default:if("object"==typeof e&&null!==e)switch(e.$$typeof){case ve:a=10;break e;case ye:a=9;break e;case be:a=11;break e;case ke:a=14;break e;case Se:a=16,r=null;break e}throw Error(X(130,null==e?e:typeof e,""))}return(t=wu(a,n,t,o)).elementType=e,t.type=r,t.lanes=i,t}function _u(e,t,n,r){return(e=wu(7,e,r,t)).lanes=n,e}function Eu(e,t,n,r){return(e=wu(22,e,r,t)).elementType=Ce,e.lanes=n,e.stateNode={isHidden:!1},e}function Pu(e,t,n){return(e=wu(6,e,null,t)).lanes=n,e}function Lu(e,t,n){return(t=wu(4,null!==e.children?e.children:[],e.key,t)).lanes=n,t.stateNode={containerInfo:e.containerInfo,pendingChildren:null,implementation:e.implementation},t}function Ou(e,t,n,r,o){this.tag=t,this.containerInfo=e,this.finishedWork=this.pingCache=this.current=this.pendingChildren=null,this.timeoutHandle=-1,this.callbackNode=this.pendingContext=this.context=null,this.callbackPriority=0,this.eventTimes=sn(0),this.expirationTimes=sn(-1),this.entangledLanes=this.finishedLanes=this.mutableReadLanes=this.expiredLanes=this.pingedLanes=this.suspendedLanes=this.pendingLanes=0,this.entanglements=sn(0),this.identifierPrefix=r,this.onRecoverableError=o,this.mutableSourceEagerHydrationData=null}function Mu(e,t,n,r,o,i,a,s,l){return e=new Ou(e,t,n,s,l),1===t?(t=1,!0===i&&(t|=8)):t=0,i=wu(3,null,null,t),e.current=i,i.stateNode=e,i.memoizedState={element:r,isDehydrated:n,cache:null,transitions:null,pendingSuspenseBoundaries:null},ka(i),e}function Tu(e,t,n){var r=3{};function vd(e,t){return"cookie"===e.type&&e.ssr?e.get(t):t}function yd(e){const{value:t,children:n,options:{useSystemColorMode:r,initialColorMode:o,disableTransitionOnChange:i}={},colorModeManager:s=gd}=e,l="dark"===o?"dark":"light",[c,u]=a.exports.useState((()=>vd(s,l))),[d,h]=a.exports.useState((()=>vd(s))),{getSystemTheme:f,setClassName:p,setDataset:g,addListener:m}=a.exports.useMemo((()=>function(e={}){const{preventTransition:t=!0}=e,n={setDataset:e=>{const r=t?n.preventTransition():void 0;document.documentElement.dataset.theme=e,document.documentElement.style.colorScheme=e,null==r||r()},setClassName(e){document.body.classList.add(e?fd:hd),document.body.classList.remove(e?hd:fd)},query:()=>window.matchMedia("(prefers-color-scheme: dark)"),getSystemTheme:e=>n.query().matches??"dark"===e?"dark":"light",addListener(e){const t=n.query(),r=t=>{e(t.matches?"dark":"light")};return"function"==typeof t.addListener?t.addListener(r):t.addEventListener("change",r),()=>{"function"==typeof t.removeListener?t.removeListener(r):t.removeEventListener("change",r)}},preventTransition(){const e=document.createElement("style");return e.appendChild(document.createTextNode("*{-webkit-transition:none!important;-moz-transition:none!important;-o-transition:none!important;-ms-transition:none!important;transition:none!important}")),document.head.appendChild(e),()=>{window.getComputedStyle(document.body),requestAnimationFrame((()=>{requestAnimationFrame((()=>{document.head.removeChild(e)}))}))}}};return n}({preventTransition:i})),[i]),v="system"!==o||c?c:d,y=a.exports.useCallback((e=>{const t="system"===e?f():e;u(t),p("dark"===t),g(t),s.set(t)}),[s,f,p,g]);Ku((()=>{"system"===o&&h(f())}),[]),a.exports.useEffect((()=>{const e=s.get();y(e||("system"!==o?l:"system"))}),[s,l,o,y]);const b=a.exports.useCallback((()=>{y("dark"===v?"light":"dark")}),[v,y]);a.exports.useEffect((()=>{if(r)return m(y)}),[r,m,y]);const x=a.exports.useMemo((()=>({colorMode:t??v,toggleColorMode:t?md:b,setColorMode:t?md:y,forced:void 0!==t})),[v,b,y,t]);return ld(ud.Provider,{value:x,children:n})}yd.displayName="ColorModeProvider";var bd={exports:{}};!function(e,t){var n="__lodash_hash_undefined__",r=9007199254740991,i="[object Arguments]",a="[object Function]",s="[object Object]",l=/^\[object .+?Constructor\]$/,c=/^(?:0|[1-9]\d*)$/,u={};u["[object Float32Array]"]=u["[object Float64Array]"]=u["[object Int8Array]"]=u["[object Int16Array]"]=u["[object Int32Array]"]=u["[object Uint8Array]"]=u["[object Uint8ClampedArray]"]=u["[object Uint16Array]"]=u["[object Uint32Array]"]=!0,u[i]=u["[object Array]"]=u["[object ArrayBuffer]"]=u["[object Boolean]"]=u["[object DataView]"]=u["[object Date]"]=u["[object Error]"]=u[a]=u["[object Map]"]=u["[object Number]"]=u[s]=u["[object RegExp]"]=u["[object Set]"]=u["[object String]"]=u["[object WeakMap]"]=!1;var d="object"==typeof o&&o&&o.Object===Object&&o,h="object"==typeof self&&self&&self.Object===Object&&self,f=d||h||Function("return this")(),p=t&&!t.nodeType&&t,g=p&&e&&!e.nodeType&&e,m=g&&g.exports===p,v=m&&d.process,y=function(){try{var e=g&&g.require&&g.require("util").types;return e||v&&v.binding&&v.binding("util")}catch(B2){}}(),b=y&&y.isTypedArray;function x(e,t,n){switch(n.length){case 0:return e.call(t);case 1:return e.call(t,n[0]);case 2:return e.call(t,n[0],n[1]);case 3:return e.call(t,n[0],n[1],n[2])}return e.apply(t,n)}var w,k=Array.prototype,S=Function.prototype,C=Object.prototype,_=f["__core-js_shared__"],E=S.toString,P=C.hasOwnProperty,L=(w=/[^.]+$/.exec(_&&_.keys&&_.keys.IE_PROTO||""))?"Symbol(src)_1."+w:"",O=C.toString,M=E.call(Object),T=RegExp("^"+E.call(P).replace(/[\\^$.*+?()[\]{}|]/g,"\\$&").replace(/hasOwnProperty|(function).*?(?=\\\()| for .+?(?=\\\])/g,"$1.*?")+"$"),A=m?f.Buffer:void 0,I=f.Symbol,R=f.Uint8Array,N=A?A.allocUnsafe:void 0,D=function(e,t){return function(n){return e(t(n))}}(Object.getPrototypeOf,Object),z=Object.create,B=C.propertyIsEnumerable,j=k.splice,F=I?I.toStringTag:void 0,H=function(){try{var e=fe(Object,"defineProperty");return e({},"",{}),e}catch(B2){}}(),W=A?A.isBuffer:void 0,V=Math.max,$=Date.now,U=fe(f,"Map"),G=fe(Object,"create"),q=function(){function e(){}return function(t){if(!Le(t))return{};if(z)return z(t);e.prototype=t;var n=new e;return e.prototype=void 0,n}}();function Y(e){var t=-1,n=null==e?0:e.length;for(this.clear();++t-1},Z.prototype.set=function(e,t){var n=this.__data__,r=te(n,e);return r<0?(++this.size,n.push([e,t])):n[r][1]=t,this},X.prototype.clear=function(){this.size=0,this.__data__={hash:new Y,map:new(U||Z),string:new Y}},X.prototype.delete=function(e){var t=he(this,e).delete(e);return this.size-=t?1:0,t},X.prototype.get=function(e){return he(this,e).get(e)},X.prototype.has=function(e){return he(this,e).has(e)},X.prototype.set=function(e,t){var n=he(this,e),r=n.size;return n.set(e,t),this.size+=n.size==r?0:1,this},K.prototype.clear=function(){this.__data__=new Z,this.size=0},K.prototype.delete=function(e){var t=this.__data__,n=t.delete(e);return this.size=t.size,n},K.prototype.get=function(e){return this.__data__.get(e)},K.prototype.has=function(e){return this.__data__.has(e)},K.prototype.set=function(e,t){var n=this.__data__;if(n instanceof Z){var r=n.__data__;if(!U||r.length<199)return r.push([e,t]),this.size=++n.size,this;n=this.__data__=new X(r)}return n.set(e,t),this.size=n.size,this};var re,oe=function(e,t,n){for(var r=-1,o=Object(e),i=n(e),a=i.length;a--;){var s=i[re?a:++r];if(!1===t(o[s],s,o))break}return e};function ie(e){return null==e?void 0===e?"[object Undefined]":"[object Null]":F&&F in Object(e)?function(e){var t=P.call(e,F),n=e[F];try{e[F]=void 0;var r=!0}catch(B2){}var o=O.call(e);r&&(t?e[F]=n:delete e[F]);return o}(e):function(e){return O.call(e)}(e)}function ae(e){return Oe(e)&&ie(e)==i}function se(e){return!(!Le(e)||(t=e,L&&L in t))&&(Ee(e)?T:l).test(function(e){if(null!=e){try{return E.call(e)}catch(B2){}try{return e+""}catch(B2){}}return""}(e));var t}function le(e){if(!Le(e))return function(e){var t=[];if(null!=e)for(var n in Object(e))t.push(n);return t}(e);var t=ge(e),n=[];for(var r in e)("constructor"!=r||!t&&P.call(e,r))&&n.push(r);return n}function ce(e,t,n,r,o){e!==t&&oe(t,(function(i,a){if(o||(o=new K),Le(i))!function(e,t,n,r,o,i,a){var l=me(e,n),c=me(t,n),u=a.get(c);if(u)return void J(e,n,u);var d=i?i(l,c,n+"",e,t,a):void 0,h=void 0===d;if(h){var f=Se(c),p=!f&&_e(c),g=!f&&!p&&Me(c);d=c,f||p||g?Se(l)?d=l:!function(e){return Oe(e)&&Ce(e)}(l)?p?(h=!1,d=function(e,t){if(t)return e.slice();var n=e.length,r=N?N(n):new e.constructor(n);return e.copy(r),r}(c,!0)):g?(h=!1,m=c,v=!0?(y=m.buffer,b=new y.constructor(y.byteLength),new R(b).set(new R(y)),b):m.buffer,d=new m.constructor(v,m.byteOffset,m.length)):d=[]:d=function(e,t){var n=-1,r=e.length;t||(t=Array(r));for(;++n-1&&e%1==0&&e0){if(++ye>=800)return arguments[0]}else ye=0;return ve.apply(void 0,arguments)});function we(e,t){return e===t||e!=e&&t!=t}var ke=ae(function(){return arguments}())?ae:function(e){return Oe(e)&&P.call(e,"callee")&&!B.call(e,"callee")},Se=Array.isArray;function Ce(e){return null!=e&&Pe(e.length)&&!Ee(e)}var _e=W||function(){return!1};function Ee(e){if(!Le(e))return!1;var t=ie(e);return t==a||"[object GeneratorFunction]"==t||"[object AsyncFunction]"==t||"[object Proxy]"==t}function Pe(e){return"number"==typeof e&&e>-1&&e%1==0&&e<=r}function Le(e){var t=typeof e;return null!=e&&("object"==t||"function"==t)}function Oe(e){return null!=e&&"object"==typeof e}var Me=b?function(e){return function(t){return e(t)}}(b):function(e){return Oe(e)&&Pe(e.length)&&!!u[ie(e)]};function Te(e){return Ce(e)?Q(e,!0):le(e)}var Ae,Ie=(Ae=function(e,t,n,r){ce(e,t,n,r)},ue((function(e,t){var n=-1,r=t.length,o=r>1?t[r-1]:void 0,i=r>2?t[2]:void 0;for(o=Ae.length>3&&"function"==typeof o?(r--,o):void 0,i&&function(e,t,n){if(!Le(n))return!1;var r=typeof t;return!!("number"==r?Ce(n)&&pe(t,n.length):"string"==r&&t in n)&&we(n[t],e)}(t[0],t[1],i)&&(o=r<3?void 0:o,r=1),e=Object(e);++n"function"==typeof e,Cd=e=>"string"==typeof e?e.replace(/!(important)?$/,"").trim():e,_d=(e,t)=>n=>{const r=String(t),o=(e=>/!(important)?$/.test(e))(r),i=Cd(r),a=e?`${e}.${i}`:i;let s=wd(n.__cssMap)&&a in n.__cssMap?n.__cssMap[a].varRef:t;return s=Cd(s),o?`${s} !important`:s};function Ed(e){const{scale:t,transform:n,compose:r}=e;return(e,o)=>{const i=_d(t,e)(o);let a=(null==n?void 0:n(i,o))??i;return r&&(a=r(a,o)),a}}var Pd=(...e)=>t=>e.reduce(((e,t)=>t(e)),t);function Ld(e,t){return n=>{const r={property:n,scale:e};return r.transform=Ed({scale:e,transform:t}),r}}var Od=({rtl:e,ltr:t})=>n=>"rtl"===n.direction?e:t;var Md=["rotate(var(--chakra-rotate, 0))","scaleX(var(--chakra-scale-x, 1))","scaleY(var(--chakra-scale-y, 1))","skewX(var(--chakra-skew-x, 0))","skewY(var(--chakra-skew-y, 0))"];var Td={"--chakra-blur":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-brightness":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-contrast":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-grayscale":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-hue-rotate":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-invert":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-saturate":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-sepia":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-drop-shadow":"var(--chakra-empty,/*!*/ /*!*/)",filter:["var(--chakra-blur)","var(--chakra-brightness)","var(--chakra-contrast)","var(--chakra-grayscale)","var(--chakra-hue-rotate)","var(--chakra-invert)","var(--chakra-saturate)","var(--chakra-sepia)","var(--chakra-drop-shadow)"].join(" ")},Ad={backdropFilter:["var(--chakra-backdrop-blur)","var(--chakra-backdrop-brightness)","var(--chakra-backdrop-contrast)","var(--chakra-backdrop-grayscale)","var(--chakra-backdrop-hue-rotate)","var(--chakra-backdrop-invert)","var(--chakra-backdrop-opacity)","var(--chakra-backdrop-saturate)","var(--chakra-backdrop-sepia)"].join(" "),"--chakra-backdrop-blur":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-brightness":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-contrast":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-grayscale":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-hue-rotate":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-invert":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-opacity":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-saturate":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-sepia":"var(--chakra-empty,/*!*/ /*!*/)"};var Id={"row-reverse":{space:"--chakra-space-x-reverse",divide:"--chakra-divide-x-reverse"},"column-reverse":{space:"--chakra-space-y-reverse",divide:"--chakra-divide-y-reverse"}},Rd="& > :not(style) ~ :not(style)",Nd={[Rd]:{marginInlineStart:"calc(var(--chakra-space-x) * calc(1 - var(--chakra-space-x-reverse)))",marginInlineEnd:"calc(var(--chakra-space-x) * var(--chakra-space-x-reverse))"}},Dd={[Rd]:{marginTop:"calc(var(--chakra-space-y) * calc(1 - var(--chakra-space-y-reverse)))",marginBottom:"calc(var(--chakra-space-y) * var(--chakra-space-y-reverse))"}},zd={"to-t":"to top","to-tr":"to top right","to-r":"to right","to-br":"to bottom right","to-b":"to bottom","to-bl":"to bottom left","to-l":"to left","to-tl":"to top left"},Bd=new Set(Object.values(zd)),jd=new Set(["none","-moz-initial","inherit","initial","revert","unset"]),Fd=e=>e.trim();var Hd=e=>"string"==typeof e&&e.includes("(")&&e.includes(")");var Wd=e=>t=>`${e}(${t})`,Vd={filter:e=>"auto"!==e?e:Td,backdropFilter:e=>"auto"!==e?e:Ad,ring:e=>function(e){return{"--chakra-ring-offset-shadow":"var(--chakra-ring-inset) 0 0 0 var(--chakra-ring-offset-width) var(--chakra-ring-offset-color)","--chakra-ring-shadow":"var(--chakra-ring-inset) 0 0 0 calc(var(--chakra-ring-width) + var(--chakra-ring-offset-width)) var(--chakra-ring-color)","--chakra-ring-width":e,boxShadow:["var(--chakra-ring-offset-shadow)","var(--chakra-ring-shadow)","var(--chakra-shadow, 0 0 #0000)"].join(", ")}}(Vd.px(e)),bgClip:e=>"text"===e?{color:"transparent",backgroundClip:"text"}:{backgroundClip:e},transform:e=>"auto"===e?["translateX(var(--chakra-translate-x, 0))","translateY(var(--chakra-translate-y, 0))",...Md].join(" "):"auto-gpu"===e?["translate3d(var(--chakra-translate-x, 0), var(--chakra-translate-y, 0), 0)",...Md].join(" "):e,vh:e=>"$100vh"===e?"var(--chakra-vh)":e,px(e){if(null==e)return e;const{unitless:t}=(e=>{const t=parseFloat(e.toString()),n=e.toString().replace(String(t),"");return{unitless:!n,value:t,unit:n}})(e);return t||"number"==typeof e?`${e}px`:e},fraction:e=>"number"!=typeof e||e>1?e:100*e+"%",float:(e,t)=>"rtl"===t.direction?{left:"right",right:"left"}[e]:e,degree(e){if(function(e){return/^var\(--.+\)$/.test(e)}(e)||null==e)return e;const t="string"==typeof e&&!e.endsWith("deg");return"number"==typeof e||t?`${e}deg`:e},gradient:(e,t)=>function(e,t){var n;if(null==e||jd.has(e))return e;const{type:r,values:o}=(null==(n=/(?^[a-z-A-Z]+)\((?(.*))\)/g.exec(e))?void 0:n.groups)??{};if(!r||!o)return e;const i=r.includes("-gradient")?r:`${r}-gradient`,[a,...s]=o.split(",").map(Fd).filter(Boolean);if(0===(null==s?void 0:s.length))return e;const l=a in zd?zd[a]:a;s.unshift(l);const c=s.map((e=>{if(Bd.has(e))return e;const n=e.indexOf(" "),[r,o]=-1!==n?[e.substr(0,n),e.substr(n+1)]:[e],i=Hd(o)?o:o&&o.split(" "),a=`colors.${r}`,s=a in t.__cssMap?t.__cssMap[a].varRef:r;return i?[s,...Array.isArray(i)?i:[i]].join(" "):s}));return`${i}(${c.join(", ")})`}(e,t??{}),blur:Wd("blur"),opacity:Wd("opacity"),brightness:Wd("brightness"),contrast:Wd("contrast"),dropShadow:Wd("drop-shadow"),grayscale:Wd("grayscale"),hueRotate:Wd("hue-rotate"),invert:Wd("invert"),saturate:Wd("saturate"),sepia:Wd("sepia"),bgImage(e){if(null==e)return e;return Hd(e)||jd.has(e)?e:`url(${e})`},outline(e){const t="0"===String(e)||"none"===String(e);return null!==e&&t?{outline:"2px solid transparent",outlineOffset:"2px"}:{outline:e}},flexDirection(e){const{space:t,divide:n}=Id[e]??{},r={flexDirection:e};return t&&(r[t]=1),n&&(r[n]=1),r}},$d={borderWidths:Ld("borderWidths"),borderStyles:Ld("borderStyles"),colors:Ld("colors"),borders:Ld("borders"),radii:Ld("radii",Vd.px),space:Ld("space",Pd(Vd.vh,Vd.px)),spaceT:Ld("space",Pd(Vd.vh,Vd.px)),degreeT:e=>({property:e,transform:Vd.degree}),prop:(e,t,n)=>({property:e,scale:t,...t&&{transform:Ed({scale:t,transform:n})}}),propT:(e,t)=>({property:e,transform:t}),sizes:Ld("sizes",Pd(Vd.vh,Vd.px)),sizesT:Ld("sizes",Pd(Vd.vh,Vd.fraction)),shadows:Ld("shadows"),logical:function(e){const{property:t,scale:n,transform:r}=e;return{scale:n,property:Od(t),transform:n?Ed({scale:n,compose:r}):r}},blur:Ld("blur",Vd.blur)},Ud={background:$d.colors("background"),backgroundColor:$d.colors("backgroundColor"),backgroundImage:$d.propT("backgroundImage",Vd.bgImage),backgroundSize:!0,backgroundPosition:!0,backgroundRepeat:!0,backgroundAttachment:!0,backgroundClip:{transform:Vd.bgClip},bgSize:$d.prop("backgroundSize"),bgPosition:$d.prop("backgroundPosition"),bg:$d.colors("background"),bgColor:$d.colors("backgroundColor"),bgPos:$d.prop("backgroundPosition"),bgRepeat:$d.prop("backgroundRepeat"),bgAttachment:$d.prop("backgroundAttachment"),bgGradient:$d.propT("backgroundImage",Vd.gradient),bgClip:{transform:Vd.bgClip}};Object.assign(Ud,{bgImage:Ud.backgroundImage,bgImg:Ud.backgroundImage});var Gd={border:$d.borders("border"),borderWidth:$d.borderWidths("borderWidth"),borderStyle:$d.borderStyles("borderStyle"),borderColor:$d.colors("borderColor"),borderRadius:$d.radii("borderRadius"),borderTop:$d.borders("borderTop"),borderBlockStart:$d.borders("borderBlockStart"),borderTopLeftRadius:$d.radii("borderTopLeftRadius"),borderStartStartRadius:$d.logical({scale:"radii",property:{ltr:"borderTopLeftRadius",rtl:"borderTopRightRadius"}}),borderEndStartRadius:$d.logical({scale:"radii",property:{ltr:"borderBottomLeftRadius",rtl:"borderBottomRightRadius"}}),borderTopRightRadius:$d.radii("borderTopRightRadius"),borderStartEndRadius:$d.logical({scale:"radii",property:{ltr:"borderTopRightRadius",rtl:"borderTopLeftRadius"}}),borderEndEndRadius:$d.logical({scale:"radii",property:{ltr:"borderBottomRightRadius",rtl:"borderBottomLeftRadius"}}),borderRight:$d.borders("borderRight"),borderInlineEnd:$d.borders("borderInlineEnd"),borderBottom:$d.borders("borderBottom"),borderBlockEnd:$d.borders("borderBlockEnd"),borderBottomLeftRadius:$d.radii("borderBottomLeftRadius"),borderBottomRightRadius:$d.radii("borderBottomRightRadius"),borderLeft:$d.borders("borderLeft"),borderInlineStart:{property:"borderInlineStart",scale:"borders"},borderInlineStartRadius:$d.logical({scale:"radii",property:{ltr:["borderTopLeftRadius","borderBottomLeftRadius"],rtl:["borderTopRightRadius","borderBottomRightRadius"]}}),borderInlineEndRadius:$d.logical({scale:"radii",property:{ltr:["borderTopRightRadius","borderBottomRightRadius"],rtl:["borderTopLeftRadius","borderBottomLeftRadius"]}}),borderX:$d.borders(["borderLeft","borderRight"]),borderInline:$d.borders("borderInline"),borderY:$d.borders(["borderTop","borderBottom"]),borderBlock:$d.borders("borderBlock"),borderTopWidth:$d.borderWidths("borderTopWidth"),borderBlockStartWidth:$d.borderWidths("borderBlockStartWidth"),borderTopColor:$d.colors("borderTopColor"),borderBlockStartColor:$d.colors("borderBlockStartColor"),borderTopStyle:$d.borderStyles("borderTopStyle"),borderBlockStartStyle:$d.borderStyles("borderBlockStartStyle"),borderBottomWidth:$d.borderWidths("borderBottomWidth"),borderBlockEndWidth:$d.borderWidths("borderBlockEndWidth"),borderBottomColor:$d.colors("borderBottomColor"),borderBlockEndColor:$d.colors("borderBlockEndColor"),borderBottomStyle:$d.borderStyles("borderBottomStyle"),borderBlockEndStyle:$d.borderStyles("borderBlockEndStyle"),borderLeftWidth:$d.borderWidths("borderLeftWidth"),borderInlineStartWidth:$d.borderWidths("borderInlineStartWidth"),borderLeftColor:$d.colors("borderLeftColor"),borderInlineStartColor:$d.colors("borderInlineStartColor"),borderLeftStyle:$d.borderStyles("borderLeftStyle"),borderInlineStartStyle:$d.borderStyles("borderInlineStartStyle"),borderRightWidth:$d.borderWidths("borderRightWidth"),borderInlineEndWidth:$d.borderWidths("borderInlineEndWidth"),borderRightColor:$d.colors("borderRightColor"),borderInlineEndColor:$d.colors("borderInlineEndColor"),borderRightStyle:$d.borderStyles("borderRightStyle"),borderInlineEndStyle:$d.borderStyles("borderInlineEndStyle"),borderTopRadius:$d.radii(["borderTopLeftRadius","borderTopRightRadius"]),borderBottomRadius:$d.radii(["borderBottomLeftRadius","borderBottomRightRadius"]),borderLeftRadius:$d.radii(["borderTopLeftRadius","borderBottomLeftRadius"]),borderRightRadius:$d.radii(["borderTopRightRadius","borderBottomRightRadius"])};Object.assign(Gd,{rounded:Gd.borderRadius,roundedTop:Gd.borderTopRadius,roundedTopLeft:Gd.borderTopLeftRadius,roundedTopRight:Gd.borderTopRightRadius,roundedTopStart:Gd.borderStartStartRadius,roundedTopEnd:Gd.borderStartEndRadius,roundedBottom:Gd.borderBottomRadius,roundedBottomLeft:Gd.borderBottomLeftRadius,roundedBottomRight:Gd.borderBottomRightRadius,roundedBottomStart:Gd.borderEndStartRadius,roundedBottomEnd:Gd.borderEndEndRadius,roundedLeft:Gd.borderLeftRadius,roundedRight:Gd.borderRightRadius,roundedStart:Gd.borderInlineStartRadius,roundedEnd:Gd.borderInlineEndRadius,borderStart:Gd.borderInlineStart,borderEnd:Gd.borderInlineEnd,borderTopStartRadius:Gd.borderStartStartRadius,borderTopEndRadius:Gd.borderStartEndRadius,borderBottomStartRadius:Gd.borderEndStartRadius,borderBottomEndRadius:Gd.borderEndEndRadius,borderStartRadius:Gd.borderInlineStartRadius,borderEndRadius:Gd.borderInlineEndRadius,borderStartWidth:Gd.borderInlineStartWidth,borderEndWidth:Gd.borderInlineEndWidth,borderStartColor:Gd.borderInlineStartColor,borderEndColor:Gd.borderInlineEndColor,borderStartStyle:Gd.borderInlineStartStyle,borderEndStyle:Gd.borderInlineEndStyle});var qd={color:$d.colors("color"),textColor:$d.colors("color"),fill:$d.colors("fill"),stroke:$d.colors("stroke")},Yd={boxShadow:$d.shadows("boxShadow"),mixBlendMode:!0,blendMode:$d.prop("mixBlendMode"),backgroundBlendMode:!0,bgBlendMode:$d.prop("backgroundBlendMode"),opacity:!0};Object.assign(Yd,{shadow:Yd.boxShadow});var Zd={filter:{transform:Vd.filter},blur:$d.blur("--chakra-blur"),brightness:$d.propT("--chakra-brightness",Vd.brightness),contrast:$d.propT("--chakra-contrast",Vd.contrast),hueRotate:$d.degreeT("--chakra-hue-rotate"),invert:$d.propT("--chakra-invert",Vd.invert),saturate:$d.propT("--chakra-saturate",Vd.saturate),dropShadow:$d.propT("--chakra-drop-shadow",Vd.dropShadow),backdropFilter:{transform:Vd.backdropFilter},backdropBlur:$d.blur("--chakra-backdrop-blur"),backdropBrightness:$d.propT("--chakra-backdrop-brightness",Vd.brightness),backdropContrast:$d.propT("--chakra-backdrop-contrast",Vd.contrast),backdropHueRotate:$d.degreeT("--chakra-backdrop-hue-rotate"),backdropInvert:$d.propT("--chakra-backdrop-invert",Vd.invert),backdropSaturate:$d.propT("--chakra-backdrop-saturate",Vd.saturate)},Xd={alignItems:!0,alignContent:!0,justifyItems:!0,justifyContent:!0,flexWrap:!0,flexDirection:{transform:Vd.flexDirection},experimental_spaceX:{static:Nd,transform:Ed({scale:"space",transform:e=>null!==e?{"--chakra-space-x":e}:null})},experimental_spaceY:{static:Dd,transform:Ed({scale:"space",transform:e=>null!=e?{"--chakra-space-y":e}:null})},flex:!0,flexFlow:!0,flexGrow:!0,flexShrink:!0,flexBasis:$d.sizes("flexBasis"),justifySelf:!0,alignSelf:!0,order:!0,placeItems:!0,placeContent:!0,placeSelf:!0,gap:$d.space("gap"),rowGap:$d.space("rowGap"),columnGap:$d.space("columnGap")};Object.assign(Xd,{flexDir:Xd.flexDirection});var Kd={gridGap:$d.space("gridGap"),gridColumnGap:$d.space("gridColumnGap"),gridRowGap:$d.space("gridRowGap"),gridColumn:!0,gridRow:!0,gridAutoFlow:!0,gridAutoColumns:!0,gridColumnStart:!0,gridColumnEnd:!0,gridRowStart:!0,gridRowEnd:!0,gridAutoRows:!0,gridTemplate:!0,gridTemplateColumns:!0,gridTemplateRows:!0,gridTemplateAreas:!0,gridArea:!0},Qd={appearance:!0,cursor:!0,resize:!0,userSelect:!0,pointerEvents:!0,outline:{transform:Vd.outline},outlineOffset:!0,outlineColor:$d.colors("outlineColor")},Jd={width:$d.sizesT("width"),inlineSize:$d.sizesT("inlineSize"),height:$d.sizes("height"),blockSize:$d.sizes("blockSize"),boxSize:$d.sizes(["width","height"]),minWidth:$d.sizes("minWidth"),minInlineSize:$d.sizes("minInlineSize"),minHeight:$d.sizes("minHeight"),minBlockSize:$d.sizes("minBlockSize"),maxWidth:$d.sizes("maxWidth"),maxInlineSize:$d.sizes("maxInlineSize"),maxHeight:$d.sizes("maxHeight"),maxBlockSize:$d.sizes("maxBlockSize"),overflow:!0,overflowX:!0,overflowY:!0,overscrollBehavior:!0,overscrollBehaviorX:!0,overscrollBehaviorY:!0,display:!0,verticalAlign:!0,boxSizing:!0,boxDecorationBreak:!0,float:$d.propT("float",Vd.float),objectFit:!0,objectPosition:!0,visibility:!0,isolation:!0};Object.assign(Jd,{w:Jd.width,h:Jd.height,minW:Jd.minWidth,maxW:Jd.maxWidth,minH:Jd.minHeight,maxH:Jd.maxHeight,overscroll:Jd.overscrollBehavior,overscrollX:Jd.overscrollBehaviorX,overscrollY:Jd.overscrollBehaviorY});var eh={listStyleType:!0,listStylePosition:!0,listStylePos:$d.prop("listStylePosition"),listStyleImage:!0,listStyleImg:$d.prop("listStyleImage")};var th=(e=>{const t=new WeakMap;return(n,r,o,i)=>{if(void 0===n)return e(n,r,o);t.has(n)||t.set(n,new Map);const a=t.get(n);if(a.has(r))return a.get(r);const s=e(n,r,o,i);return a.set(r,s),s}})((function(e,t,n,r){const o="string"==typeof t?t.split("."):[t];for(r=0;r{const r={},o=th(e,t,{});for(const i in o){i in n&&null!=n[i]||(r[i]=o[i])}return r},ih={srOnly:{transform:e=>!0===e?nh:"focusable"===e?rh:{}},layerStyle:{processResult:!0,transform:(e,t,n)=>oh(t,`layerStyles.${e}`,n)},textStyle:{processResult:!0,transform:(e,t,n)=>oh(t,`textStyles.${e}`,n)},apply:{processResult:!0,transform:(e,t,n)=>oh(t,e,n)}},ah={position:!0,pos:$d.prop("position"),zIndex:$d.prop("zIndex","zIndices"),inset:$d.spaceT("inset"),insetX:$d.spaceT(["left","right"]),insetInline:$d.spaceT("insetInline"),insetY:$d.spaceT(["top","bottom"]),insetBlock:$d.spaceT("insetBlock"),top:$d.spaceT("top"),insetBlockStart:$d.spaceT("insetBlockStart"),bottom:$d.spaceT("bottom"),insetBlockEnd:$d.spaceT("insetBlockEnd"),left:$d.spaceT("left"),insetInlineStart:$d.logical({scale:"space",property:{ltr:"left",rtl:"right"}}),right:$d.spaceT("right"),insetInlineEnd:$d.logical({scale:"space",property:{ltr:"right",rtl:"left"}})};Object.assign(ah,{insetStart:ah.insetInlineStart,insetEnd:ah.insetInlineEnd});var sh={ring:{transform:Vd.ring},ringColor:$d.colors("--chakra-ring-color"),ringOffset:$d.prop("--chakra-ring-offset-width"),ringOffsetColor:$d.colors("--chakra-ring-offset-color"),ringInset:$d.prop("--chakra-ring-inset")},lh={margin:$d.spaceT("margin"),marginTop:$d.spaceT("marginTop"),marginBlockStart:$d.spaceT("marginBlockStart"),marginRight:$d.spaceT("marginRight"),marginInlineEnd:$d.spaceT("marginInlineEnd"),marginBottom:$d.spaceT("marginBottom"),marginBlockEnd:$d.spaceT("marginBlockEnd"),marginLeft:$d.spaceT("marginLeft"),marginInlineStart:$d.spaceT("marginInlineStart"),marginX:$d.spaceT(["marginInlineStart","marginInlineEnd"]),marginInline:$d.spaceT("marginInline"),marginY:$d.spaceT(["marginTop","marginBottom"]),marginBlock:$d.spaceT("marginBlock"),padding:$d.space("padding"),paddingTop:$d.space("paddingTop"),paddingBlockStart:$d.space("paddingBlockStart"),paddingRight:$d.space("paddingRight"),paddingBottom:$d.space("paddingBottom"),paddingBlockEnd:$d.space("paddingBlockEnd"),paddingLeft:$d.space("paddingLeft"),paddingInlineStart:$d.space("paddingInlineStart"),paddingInlineEnd:$d.space("paddingInlineEnd"),paddingX:$d.space(["paddingInlineStart","paddingInlineEnd"]),paddingInline:$d.space("paddingInline"),paddingY:$d.space(["paddingTop","paddingBottom"]),paddingBlock:$d.space("paddingBlock")};Object.assign(lh,{m:lh.margin,mt:lh.marginTop,mr:lh.marginRight,me:lh.marginInlineEnd,marginEnd:lh.marginInlineEnd,mb:lh.marginBottom,ml:lh.marginLeft,ms:lh.marginInlineStart,marginStart:lh.marginInlineStart,mx:lh.marginX,my:lh.marginY,p:lh.padding,pt:lh.paddingTop,py:lh.paddingY,px:lh.paddingX,pb:lh.paddingBottom,pl:lh.paddingLeft,ps:lh.paddingInlineStart,paddingStart:lh.paddingInlineStart,pr:lh.paddingRight,pe:lh.paddingInlineEnd,paddingEnd:lh.paddingInlineEnd});var ch={textDecorationColor:$d.colors("textDecorationColor"),textDecoration:!0,textDecor:{property:"textDecoration"},textDecorationLine:!0,textDecorationStyle:!0,textDecorationThickness:!0,textUnderlineOffset:!0,textShadow:$d.shadows("textShadow")},uh={clipPath:!0,transform:$d.propT("transform",Vd.transform),transformOrigin:!0,translateX:$d.spaceT("--chakra-translate-x"),translateY:$d.spaceT("--chakra-translate-y"),skewX:$d.degreeT("--chakra-skew-x"),skewY:$d.degreeT("--chakra-skew-y"),scaleX:$d.prop("--chakra-scale-x"),scaleY:$d.prop("--chakra-scale-y"),scale:$d.prop(["--chakra-scale-x","--chakra-scale-y"]),rotate:$d.degreeT("--chakra-rotate")},dh={transition:!0,transitionDelay:!0,animation:!0,willChange:!0,transitionDuration:$d.prop("transitionDuration","transition.duration"),transitionProperty:$d.prop("transitionProperty","transition.property"),transitionTimingFunction:$d.prop("transitionTimingFunction","transition.easing")},hh={fontFamily:$d.prop("fontFamily","fonts"),fontSize:$d.prop("fontSize","fontSizes",Vd.px),fontWeight:$d.prop("fontWeight","fontWeights"),lineHeight:$d.prop("lineHeight","lineHeights"),letterSpacing:$d.prop("letterSpacing","letterSpacings"),textAlign:!0,fontStyle:!0,wordBreak:!0,overflowWrap:!0,textOverflow:!0,textTransform:!0,whiteSpace:!0,noOfLines:{static:{overflow:"hidden",textOverflow:"ellipsis",display:"-webkit-box",WebkitBoxOrient:"vertical",WebkitLineClamp:"var(--chakra-line-clamp)"},property:"--chakra-line-clamp"}},fh={scrollBehavior:!0,scrollSnapAlign:!0,scrollSnapStop:!0,scrollSnapType:!0,scrollMargin:$d.spaceT("scrollMargin"),scrollMarginTop:$d.spaceT("scrollMarginTop"),scrollMarginBottom:$d.spaceT("scrollMarginBottom"),scrollMarginLeft:$d.spaceT("scrollMarginLeft"),scrollMarginRight:$d.spaceT("scrollMarginRight"),scrollMarginX:$d.spaceT(["scrollMarginLeft","scrollMarginRight"]),scrollMarginY:$d.spaceT(["scrollMarginTop","scrollMarginBottom"]),scrollPadding:$d.spaceT("scrollPadding"),scrollPaddingTop:$d.spaceT("scrollPaddingTop"),scrollPaddingBottom:$d.spaceT("scrollPaddingBottom"),scrollPaddingLeft:$d.spaceT("scrollPaddingLeft"),scrollPaddingRight:$d.spaceT("scrollPaddingRight"),scrollPaddingX:$d.spaceT(["scrollPaddingLeft","scrollPaddingRight"]),scrollPaddingY:$d.spaceT(["scrollPaddingTop","scrollPaddingBottom"])};function ph(e){return wd(e)&&e.reference?e.reference:String(e)}var gh=(e,...t)=>t.map(ph).join(` ${e} `).replace(/calc/g,""),mh=(...e)=>`calc(${gh("+",...e)})`,vh=(...e)=>`calc(${gh("-",...e)})`,yh=(...e)=>`calc(${gh("*",...e)})`,bh=(...e)=>`calc(${gh("/",...e)})`,xh=e=>{const t=ph(e);return null==t||Number.isNaN(parseFloat(t))?yh(t,-1):String(t).startsWith("-")?String(t).slice(1):`-${t}`},wh=Object.assign((e=>({add:(...t)=>wh(mh(e,...t)),subtract:(...t)=>wh(vh(e,...t)),multiply:(...t)=>wh(yh(e,...t)),divide:(...t)=>wh(bh(e,...t)),negate:()=>wh(xh(e)),toString:()=>e.toString()})),{add:mh,subtract:vh,multiply:yh,divide:bh,negate:xh});function kh(e){return function(e){return e.replace(/[!-,/:-@[-^`{-~]/g,"\\$&")}(function(e){if(e.includes("\\."))return e;const t=!Number.isInteger(parseFloat(e.toString()));return t?e.replace(".","\\."):e}(function(e,t="-"){return e.replace(/\s+/g,t)}(e.toString())))}function Sh(e,t){return`var(${e}${t?`, ${t}`:""})`}function Ch(e,t=""){return kh(`--${function(e,t=""){return[t,e].filter(Boolean).join("-")}(e,t)}`)}function _h(e,t,n){const r=Ch(e,n);return{variable:r,reference:Sh(r,t)}}function Eh(e){const t=null==e?0:e.length;return t?e[t-1]:void 0}function Ph(e){if(null==e)return e;const{unitless:t}=function(e){const t=parseFloat(e.toString()),n=e.toString().replace(String(t),"");return{unitless:!n,value:t,unit:n}}(e);return t||"number"==typeof e?`${e}px`:e}var Lh=(e,t)=>parseInt(e[1],10)>parseInt(t[1],10)?1:-1,Oh=e=>Object.fromEntries(Object.entries(e).sort(Lh));function Mh(e){const t=Oh(e);return Object.assign(Object.values(t),t)}function Th(e){if(!e)return e;const t=(e=Ph(e)??e).endsWith("px")?-1:-.0625;return"number"==typeof e?`${e+t}`:e.replace(/(\d+\.?\d*)/u,(e=>`${parseFloat(e)+t}`))}function Ah(e,t){const n=["@media screen"];return e&&n.push("and",`(min-width: ${Ph(e)})`),t&&n.push("and",`(max-width: ${Ph(t)})`),n.join(" ")}function Ih(e){if(!e)return null;e.base=e.base??"0px";const t=Mh(e),n=Object.entries(e).sort(Lh).map((([e,t],n,r)=>{let[,o]=r[n+1]??[];return o=parseFloat(o)>0?Th(o):void 0,{_minW:Th(t),breakpoint:e,minW:t,maxW:o,maxWQuery:Ah(null,o),minWQuery:Ah(t),minMaxQuery:Ah(t,o)}})),r=function(e){const t=Object.keys(Oh(e));return new Set(t)}(e),o=Array.from(r.values());return{keys:r,normalized:t,isResponsive(e){const t=Object.keys(e);return t.length>0&&t.every((e=>r.has(e)))},asObject:Oh(e),asArray:Mh(e),details:n,media:[null,...t.map((e=>Ah(e))).slice(1)],toArrayValue(e){if(!wd(e))throw new Error("toArrayValue: value must be an object");const t=o.map((t=>e[t]??null));for(;null===Eh(t);)t.pop();return t},toObjectValue(e){if(!Array.isArray(e))throw new Error("toObjectValue: value must be an array");return e.reduce(((e,t,n)=>{const r=o[n];return null!=r&&null!=t&&(e[r]=t),e}),{})}}}var Rh=(e,t)=>`${e}:hover ${t}, ${e}[data-hover] ${t}`,Nh=(e,t)=>`${e}:focus ${t}, ${e}[data-focus] ${t}`,Dh=(e,t)=>`${e}:focus-visible ${t}`,zh=(e,t)=>`${e}:focus-within ${t}`,Bh=(e,t)=>`${e}:active ${t}, ${e}[data-active] ${t}`,jh=(e,t)=>`${e}:disabled ${t}, ${e}[data-disabled] ${t}`,Fh=(e,t)=>`${e}:invalid ${t}, ${e}[data-invalid] ${t}`,Hh=(e,t)=>`${e}:checked ${t}, ${e}[data-checked] ${t}`,Wh=(e,t)=>`${e}:placeholder-shown ${t}`,Vh=e=>Uh((t=>e(t,"&")),"[role=group]","[data-group]",".group"),$h=e=>Uh((t=>e(t,"~ &")),"[data-peer]",".peer"),Uh=(e,...t)=>t.map(e).join(", "),Gh={_hover:"&:hover, &[data-hover]",_active:"&:active, &[data-active]",_focus:"&:focus, &[data-focus]",_highlighted:"&[data-highlighted]",_focusWithin:"&:focus-within",_focusVisible:"&:focus-visible, &[data-focus-visible]",_disabled:"&:disabled, &[disabled], &[aria-disabled=true], &[data-disabled]",_readOnly:"&[aria-readonly=true], &[readonly], &[data-readonly]",_before:"&::before",_after:"&::after",_empty:"&:empty",_expanded:"&[aria-expanded=true], &[data-expanded]",_checked:"&[aria-checked=true], &[data-checked]",_grabbed:"&[aria-grabbed=true], &[data-grabbed]",_pressed:"&[aria-pressed=true], &[data-pressed]",_invalid:"&[aria-invalid=true], &[data-invalid]",_valid:"&[data-valid], &[data-state=valid]",_loading:"&[data-loading], &[aria-busy=true]",_selected:"&[aria-selected=true], &[data-selected]",_hidden:"&[hidden], &[data-hidden]",_autofill:"&:-webkit-autofill",_even:"&:nth-of-type(even)",_odd:"&:nth-of-type(odd)",_first:"&:first-of-type",_last:"&:last-of-type",_notFirst:"&:not(:first-of-type)",_notLast:"&:not(:last-of-type)",_visited:"&:visited",_activeLink:"&[aria-current=page]",_activeStep:"&[aria-current=step]",_indeterminate:"&:indeterminate, &[aria-checked=mixed], &[data-indeterminate]",_groupHover:Vh(Rh),_peerHover:$h(Rh),_groupFocus:Vh(Nh),_peerFocus:$h(Nh),_groupFocusVisible:Vh(Dh),_peerFocusVisible:$h(Dh),_groupActive:Vh(Bh),_peerActive:$h(Bh),_groupDisabled:Vh(jh),_peerDisabled:$h(jh),_groupInvalid:Vh(Fh),_peerInvalid:$h(Fh),_groupChecked:Vh(Hh),_peerChecked:$h(Hh),_groupFocusWithin:Vh(zh),_peerFocusWithin:$h(zh),_peerPlaceholderShown:$h(Wh),_placeholder:"&::placeholder",_placeholderShown:"&:placeholder-shown",_fullScreen:"&:fullscreen",_selection:"&::selection",_rtl:"[dir=rtl] &, &[dir=rtl]",_ltr:"[dir=ltr] &, &[dir=ltr]",_mediaDark:"@media (prefers-color-scheme: dark)",_mediaReduceMotion:"@media (prefers-reduced-motion: reduce)",_dark:".chakra-ui-dark &:not([data-theme]),[data-theme=dark] &:not([data-theme]),&[data-theme=dark]",_light:".chakra-ui-light &:not([data-theme]),[data-theme=light] &:not([data-theme]),&[data-theme=light]"},qh=Object.keys(Gh);function Yh(e,t){return _h(String(e).replace(/\./g,"-"),void 0,t)}var Zh=["colors","borders","borderWidths","borderStyles","fonts","fontSizes","fontWeights","letterSpacings","lineHeights","radii","space","shadows","sizes","zIndices","transition","blur"];function Xh(e,t=1/0){return(wd(e)||Array.isArray(e))&&t?Object.entries(e).reduce(((e,[n,r])=>(wd(r)||Array.isArray(r)?Object.entries(Xh(r,t-1)).forEach((([t,r])=>{e[`${n}.${t}`]=r})):e[n]=r,e)),{}):e}function Kh(e){var t;const n=function(e){const{__cssMap:t,__cssVars:n,__breakpoints:r,...o}=e;return o}(e),r=function(e){return function(e,t){const n={};for(const r of t)r in e&&(n[r]=e[r]);return n}(e,Zh)}(n),o=function(e){return e.semanticTokens}(n),i=function({tokens:e,semanticTokens:t}){const n=Object.entries(Xh(e)??{}).map((([e,t])=>[e,{isSemantic:!1,value:t}])),r=Object.entries(Xh(t,1)??{}).map((([e,t])=>[e,{isSemantic:!0,value:t}]));return Object.fromEntries([...n,...r])}({tokens:r,semanticTokens:o}),a=null==(t=n.config)?void 0:t.cssVarPrefix,{cssMap:s,cssVars:l}=function(e,t){let n={};const r={};for(const[o,i]of Object.entries(e)){const{isSemantic:a,value:s}=i,{variable:l,reference:c}=Yh(o,null==t?void 0:t.cssVarPrefix);if(!a){if(o.startsWith("space")){const e=o.split("."),[t,...n]=e,i=`${t}.-${n.join(".")}`,a=wh.negate(s),u=wh.negate(c);r[i]={value:a,var:l,varRef:u}}n[l]=s,r[o]={value:s,var:l,varRef:c};continue}const u=n=>{const r=[String(o).split(".")[0],n].join(".");if(!e[r])return n;const{reference:i}=Yh(r,null==t?void 0:t.cssVarPrefix);return i},d=wd(s)?s:{default:s};n=xd(n,Object.entries(d).reduce(((e,[t,n])=>{var r;const o=u(n);return"default"===t?(e[l]=o,e):(e[(null==(r=Gh)?void 0:r[t])??t]={[l]:o},e)}),{})),r[o]={value:c,var:l,varRef:c}}return{cssVars:n,cssMap:r}}(i,{cssVarPrefix:a});return Object.assign(n,{__cssVars:{"--chakra-ring-inset":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-ring-offset-width":"0px","--chakra-ring-offset-color":"#fff","--chakra-ring-color":"rgba(66, 153, 225, 0.6)","--chakra-ring-offset-shadow":"0 0 #0000","--chakra-ring-shadow":"0 0 #0000","--chakra-space-x-reverse":"0","--chakra-space-y-reverse":"0",...l},__cssMap:s,__breakpoints:Ih(n.breakpoints)}),n}var Qh=xd({},Ud,Gd,qd,Xd,Jd,Zd,sh,Qd,Kd,ih,ah,Yd,lh,fh,hh,ch,uh,eh,dh),Jh=Object.assign({},lh,Jd,Xd,Kd,ah),ef=Object.keys(Jh),tf=[...Object.keys(Qh),...qh],nf={...Qh,...Gh},rf=e=>e in nf;var of=(e,t)=>e.startsWith("--")&&"string"==typeof t&&!function(e){return/^var\(--.+\)$/.test(e)}(t),af=(e,t)=>{if(null==t)return t;const n=t=>{var n,r;return null==(r=null==(n=e.__cssMap)?void 0:n[t])?void 0:r.varRef},r=e=>n(e)??e,[o,i]=function(e){const t=[];let n="",r=!1;for(let o=0;o{var a;const s=kd(e,r),l=(e=>t=>{if(!t.__breakpoints)return e;const{isResponsive:n,toArrayValue:r,media:o}=t.__breakpoints,i={};for(const a in e){let s=kd(e[a],t);if(null==s)continue;if(s=wd(s)&&n(s)?r(s):s,!Array.isArray(s)){i[a]=s;continue}const l=s.slice(0,o.length).length;for(let e=0;et=>sf({theme:t,pseudos:Gh,configs:Qh})(e);function cf(e){return{definePartsStyle:e=>e,defineMultiStyleConfig:t=>({parts:e,...t})}}function uf(e,t){for(let n=t+1;n{xd(s,{[e]:u?p[e]:{[f]:p[e]}})})):d?s[f]=p:u?xd(s,p):s[f]=p)}return s}}function hf(e){return function(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}(e,["styleConfig","size","variant","colorScheme"])}var ff=function(){function e(e){var t=this;this._insertTag=function(e){var n;n=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,n),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){this.ctr%(this.isSpeedy?65e3:1)==0&&this._insertTag(function(e){var t=document.createElement("style");return t.setAttribute("data-emotion",e.key),void 0!==e.nonce&&t.setAttribute("nonce",e.nonce),t.appendChild(document.createTextNode("")),t.setAttribute("data-s",""),t}(this));var t=this.tags[this.tags.length-1];if(this.isSpeedy){var n=function(e){if(e.sheet)return e.sheet;for(var t=0;t0?Pf(zf,--Nf):0,If--,10===Df&&(If=1,Af--),Df}function Hf(){return Df=Nf2||Uf(Df)>3?"":" "}function Xf(e,t){for(;--t&&Hf()&&!(Df<48||Df>102||Df>57&&Df<65||Df>70&&Df<97););return $f(e,Vf()+(t<6&&32==Wf()&&32==Hf()))}function Kf(e){for(;Hf();)switch(Df){case e:return Nf;case 34:case 39:34!==e&&39!==e&&Kf(Df);break;case 40:41===e&&Kf(e);break;case 92:Hf()}return Nf}function Qf(e,t){for(;Hf()&&e+Df!==57&&(e+Df!==84||47!==Wf()););return"/*"+$f(t,Nf-1)+"*"+kf(47===e?e:Hf())}function Jf(e){for(;!Uf(Wf());)Hf();return $f(e,Nf)}function ep(e){return qf(tp("",null,null,null,[""],e=Gf(e),0,[0],e))}function tp(e,t,n,r,o,i,a,s,l){for(var c=0,u=0,d=a,h=0,f=0,p=0,g=1,m=1,v=1,y=0,b="",x=o,w=i,k=r,S=b;m;)switch(p=y,y=Hf()){case 40:if(108!=p&&58==Pf(S,d-1)){-1!=Ef(S+=_f(Yf(y),"&","&\f"),"&\f")&&(v=-1);break}case 34:case 39:case 91:S+=Yf(y);break;case 9:case 10:case 13:case 32:S+=Zf(p);break;case 92:S+=Xf(Vf()-1,7);continue;case 47:switch(Wf()){case 42:case 47:Tf(rp(Qf(Hf(),Vf()),t,n),l);break;default:S+="/"}break;case 123*g:s[c++]=Of(S)*v;case 125*g:case 59:case 0:switch(y){case 0:case 125:m=0;case 59+u:f>0&&Of(S)-d&&Tf(f>32?op(S+";",r,n,d-1):op(_f(S," ","")+";",r,n,d-2),l);break;case 59:S+=";";default:if(Tf(k=np(S,t,n,c,u,o,s,b,x=[],w=[],d),i),123===y)if(0===u)tp(S,t,k,k,x,i,d,s,w);else switch(99===h&&110===Pf(S,3)?100:h){case 100:case 109:case 115:tp(e,k,k,r&&Tf(np(e,k,k,0,0,o,s,b,o,x=[],d),w),o,w,d,s,r?x:w);break;default:tp(S,k,k,k,[""],w,0,s,w)}}c=u=f=0,g=v=1,b=S="",d=a;break;case 58:d=1+Of(S),f=p;default:if(g<1)if(123==y)--g;else if(125==y&&0==g++&&125==Ff())continue;switch(S+=kf(y),y*g){case 38:v=u>0?1:(S+="\f",-1);break;case 44:s[c++]=(Of(S)-1)*v,v=1;break;case 64:45===Wf()&&(S+=Yf(Hf())),h=Wf(),u=d=Of(b=S+=Jf(Vf())),y++;break;case 45:45===p&&2==Of(S)&&(g=0)}}return i}function np(e,t,n,r,o,i,a,s,l,c,u){for(var d=o-1,h=0===o?i:[""],f=Mf(h),p=0,g=0,m=0;p0?h[v]+" "+y:_f(y,/&\f/g,h[v])))&&(l[m++]=b);return Bf(e,t,n,0===o?yf:s,l,c,u)}function rp(e,t,n){return Bf(e,t,n,vf,kf(Df),Lf(e,2,-2),0)}function op(e,t,n,r){return Bf(e,t,n,bf,Lf(e,0,r),Lf(e,r+1,-1),r)}function ip(e,t){for(var n="",r=Mf(e),o=0;o6)switch(Pf(e,t+1)){case 109:if(45!==Pf(e,t+4))break;case 102:return _f(e,/(.+:)(.+)-([^]+)/,"$1"+mf+"$2-$3$1"+gf+(108==Pf(e,t+3)?"$3":"$2-$3"))+e;case 115:return~Ef(e,"stretch")?pp(_f(e,"stretch","fill-available"),t)+e:e}break;case 4949:if(115!==Pf(e,t+1))break;case 6444:switch(Pf(e,Of(e)-3-(~Ef(e,"!important")&&10))){case 107:return _f(e,":",":"+mf)+e;case 101:return _f(e,/(.+:)([^;!]+)(;|!.+)?/,"$1"+mf+(45===Pf(e,14)?"inline-":"")+"box$3$1"+mf+"$2$3$1"+pf+"$2box$3")+e}break;case 5936:switch(Pf(e,t+11)){case 114:return mf+e+pf+_f(e,/[svh]\w+-[tblr]{2}/,"tb")+e;case 108:return mf+e+pf+_f(e,/[svh]\w+-[tblr]{2}/,"tb-rl")+e;case 45:return mf+e+pf+_f(e,/[svh]\w+-[tblr]{2}/,"lr")+e}return mf+e+pf+e+e}return e}var gp=[function(e,t,n,r){if(e.length>-1&&!e.return)switch(e.type){case bf:e.return=pp(e.value,e.length);break;case xf:return ip([jf(e,{value:_f(e.value,"@","@"+mf)})],r);case yf:if(e.length)return function(e,t){return e.map(t).join("")}(e.props,(function(t){switch(function(e,t){return(e=t.exec(e))?e[0]:e}(t,/(::plac\w+|:read-\w+)/)){case":read-only":case":read-write":return ip([jf(e,{props:[_f(t,/:(read-\w+)/,":-moz-$1")]})],r);case"::placeholder":return ip([jf(e,{props:[_f(t,/:(plac\w+)/,":"+mf+"input-$1")]}),jf(e,{props:[_f(t,/:(plac\w+)/,":-moz-$1")]}),jf(e,{props:[_f(t,/:(plac\w+)/,pf+"input-$1")]})],r)}return""}))}}],mp=function(e){var t=e.key;if("css"===t){var n=document.querySelectorAll("style[data-emotion]:not([data-s])");Array.prototype.forEach.call(n,(function(e){-1!==e.getAttribute("data-emotion").indexOf(" ")&&(document.head.appendChild(e),e.setAttribute("data-s",""))}))}var r,o,i=e.stylisPlugins||gp,a={},s=[];r=e.container||document.head,Array.prototype.forEach.call(document.querySelectorAll('style[data-emotion^="'+t+' "]'),(function(e){for(var t=e.getAttribute("data-emotion").split(" "),n=1;n=4;++r,o-=4)t=1540483477*(65535&(t=255&e.charCodeAt(r)|(255&e.charCodeAt(++r))<<8|(255&e.charCodeAt(++r))<<16|(255&e.charCodeAt(++r))<<24))+(59797*(t>>>16)<<16),n=1540483477*(65535&(t^=t>>>24))+(59797*(t>>>16)<<16)^1540483477*(65535&n)+(59797*(n>>>16)<<16);switch(o){case 3:n^=(255&e.charCodeAt(r+2))<<16;case 2:n^=(255&e.charCodeAt(r+1))<<8;case 1:n=1540483477*(65535&(n^=255&e.charCodeAt(r)))+(59797*(n>>>16)<<16)}return(((n=1540483477*(65535&(n^=n>>>13))+(59797*(n>>>16)<<16))^n>>>15)>>>0).toString(36)}(o)+l;return{name:c,styles:o,next:eg}},rg=!!W.useInsertionEffect&&W.useInsertionEffect,og=rg||function(e){return e()},ig=rg||a.exports.useLayoutEffect,ag=a.exports.createContext("undefined"!=typeof HTMLElement?mp({key:"css"}):null),sg=ag.Provider,lg=function(e){return a.exports.forwardRef((function(t,n){var r=a.exports.useContext(ag);return e(t,r,n)}))},cg=a.exports.createContext({}),ug=sp((function(e){return sp((function(t){return function(e,t){return"function"==typeof t?t(e):vp({},e,t)}(e,t)}))})),dg=function(e){var t=a.exports.useContext(cg);return e.theme!==t&&(t=ug(t)(e.theme)),a.exports.createElement(cg.Provider,{value:t},e.children)},hg=lg((function(e,t){var n=e.styles,r=ng([n],void 0,a.exports.useContext(cg)),o=a.exports.useRef();return ig((function(){var e=t.key+"-global",n=new t.sheet.constructor({key:e,nonce:t.sheet.nonce,container:t.sheet.container,speedy:t.sheet.isSpeedy}),i=!1,a=document.querySelector('style[data-emotion="'+e+" "+r.name+'"]');return t.sheet.tags.length&&(n.before=t.sheet.tags[0]),null!==a&&(i=!0,a.setAttribute("data-emotion",e),n.hydrate([a])),o.current=[n,i],function(){n.flush()}}),[t]),ig((function(){var e=o.current,n=e[0];if(e[1])e[1]=!1;else{if(void 0!==r.next&&Up(t,r.next,!0),n.tags.length){var i=n.tags[n.tags.length-1].nextElementSibling;n.before=i,n.flush()}t.insert("",r,n,!1)}}),[t,r.name]),null}));function fg(){for(var e=arguments.length,t=new Array(e),n=0;n{const t=new WeakMap;return(n,r,o,i)=>{if(void 0===n)return e(n,r,o);t.has(n)||t.set(n,new Map);const a=t.get(n);if(a.has(r))return a.get(r);const s=e(n,r,o,i);return a.set(r,s),s}})((function(e,t,n,r){const o="string"==typeof t?t.split("."):[t];for(r=0;r{const o=e[r];t(o,r,e)&&(n[r]=o)})),n}var Ag=e=>Tg(e,(e=>null!=e));function Ig(){return!("undefined"==typeof window||!window.document||!window.document.createElement)}var Rg=Ig();function Ng(e,...t){return function(e){return"function"==typeof e}(e)?e(...t):e}function Dg(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}Object.freeze(["base","sm","md","lg","xl","2xl"]);var zg=/^((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)-.*))$/,Bg=lp((function(e){return zg.test(e)||111===e.charCodeAt(0)&&110===e.charCodeAt(1)&&e.charCodeAt(2)<91})),jg=function(e){return"theme"!==e},Fg=function(e){return"string"==typeof e&&e.charCodeAt(0)>96?Bg:jg},Hg=function(e,t,n){var r;if(t){var o=t.shouldForwardProp;r=e.__emotion_forwardProp&&o?function(t){return e.__emotion_forwardProp(t)&&o(t)}:o}return"function"!=typeof r&&n&&(r=e.__emotion_forwardProp),r},Wg=function(e){var t=e.cache,n=e.serialized,r=e.isStringTag;return $p(t,n,r),og((function(){return Up(t,n,r)})),null},Vg=function e(t,n){var r,o,i=t.__emotion_real===t,s=i&&t.__emotion_base||t;void 0!==n&&(r=n.label,o=n.target);var l=Hg(t,n,i),c=l||Fg(s),u=!c("as");return function(){var d=arguments,h=i&&void 0!==t.__emotion_styles?t.__emotion_styles.slice(0):[];if(void 0!==r&&h.push("label:"+r+";"),null==d[0]||void 0===d[0].raw)h.push.apply(h,d);else{h.push(d[0][0]);for(var f=d.length,p=1;pt}}return{parts:function(...o){!function(){if(n)throw new Error("[anatomy] .part(...) should only be called once. Did you mean to use .extend(...) ?");n=!0}();for(const e of o)t[e]=r(e);return $g(e,t)},toPart:r,extend:function(...n){for(const e of n)e in t||(t[e]=r(e));return $g(e,t)},selectors:function(){const e=Object.fromEntries(Object.entries(t).map((([e,t])=>[e,t.selector])));return e},classnames:function(){const e=Object.fromEntries(Object.entries(t).map((([e,t])=>[e,t.className])));return e},get keys(){return Object.keys(t)},__type:{}}}["a","abbr","address","area","article","aside","audio","b","base","bdi","bdo","big","blockquote","body","br","button","canvas","caption","cite","code","col","colgroup","data","datalist","dd","del","details","dfn","dialog","div","dl","dt","em","embed","fieldset","figcaption","figure","footer","form","h1","h2","h3","h4","h5","h6","head","header","hgroup","hr","html","i","iframe","img","input","ins","kbd","keygen","label","legend","li","link","main","map","mark","marquee","menu","menuitem","meta","meter","nav","noscript","object","ol","optgroup","option","output","p","param","picture","pre","progress","q","rp","rt","ruby","s","samp","script","section","select","small","source","span","strong","style","sub","summary","sup","table","tbody","td","textarea","tfoot","th","thead","time","title","tr","track","u","ul","var","video","wbr","circle","clipPath","defs","ellipse","foreignObject","g","image","line","linearGradient","mask","path","pattern","polygon","polyline","radialGradient","rect","stop","svg","text","tspan"].forEach((function(e){Vg[e]=Vg(e)}));var Ug=$g("accordion").parts("root","container","button","panel").extend("icon"),Gg=$g("alert").parts("title","description","container").extend("icon","spinner"),qg=$g("avatar").parts("label","badge","container").extend("excessLabel","group"),Yg=$g("breadcrumb").parts("link","item","container").extend("separator");$g("button").parts();var Zg=$g("checkbox").parts("control","icon","container").extend("label");$g("progress").parts("track","filledTrack").extend("label");var Xg=$g("drawer").parts("overlay","dialogContainer","dialog").extend("header","closeButton","body","footer"),Kg=$g("editable").parts("preview","input","textarea"),Qg=$g("form").parts("container","requiredIndicator","helperText"),Jg=$g("formError").parts("text","icon"),em=$g("input").parts("addon","field","element"),tm=$g("list").parts("container","item","icon"),nm=$g("menu").parts("button","list","item").extend("groupTitle","command","divider"),rm=$g("modal").parts("overlay","dialogContainer","dialog").extend("header","closeButton","body","footer"),om=$g("numberinput").parts("root","field","stepperGroup","stepper");$g("pininput").parts("field");var im=$g("popover").parts("content","header","body","footer").extend("popper","arrow","closeButton"),am=$g("progress").parts("label","filledTrack","track"),sm=$g("radio").parts("container","control","label"),lm=$g("select").parts("field","icon"),cm=$g("slider").parts("container","track","thumb","filledTrack","mark"),um=$g("stat").parts("container","label","helpText","number","icon"),dm=$g("switch").parts("container","track","thumb"),hm=$g("table").parts("table","thead","tbody","tr","th","td","tfoot","caption"),fm=$g("tabs").parts("root","tab","tablist","tabpanel","tabpanels","indicator"),pm=$g("tag").parts("container","label","closeButton"),gm=$g("card").parts("container","header","body","footer");function mm(e,t){(function(e){return"string"==typeof e&&-1!==e.indexOf(".")&&1===parseFloat(e)})(e)&&(e="100%");var n=function(e){return"string"==typeof e&&-1!==e.indexOf("%")}(e);return e=360===t?e:Math.min(t,Math.max(0,parseFloat(e))),n&&(e=parseInt(String(e*t),10)/100),Math.abs(e-t)<1e-6?1:e=360===t?(e<0?e%t+t:e%t)/parseFloat(String(t)):e%t/parseFloat(String(t))}function vm(e){return Math.min(1,Math.max(0,e))}function ym(e){return e=parseFloat(e),(isNaN(e)||e<0||e>1)&&(e=1),e}function bm(e){return e<=1?"".concat(100*Number(e),"%"):e}function xm(e){return 1===e.length?"0"+e:String(e)}function wm(e,t,n){e=mm(e,255),t=mm(t,255),n=mm(n,255);var r=Math.max(e,t,n),o=Math.min(e,t,n),i=0,a=0,s=(r+o)/2;if(r===o)a=0,i=0;else{var l=r-o;switch(a=s>.5?l/(2-r-o):l/(r+o),r){case e:i=(t-n)/l+(t1&&(n-=1),n<1/6?e+6*n*(t-e):n<.5?t:n<2/3?e+(t-e)*(2/3-n)*6:e}function Sm(e,t,n){e=mm(e,255),t=mm(t,255),n=mm(n,255);var r=Math.max(e,t,n),o=Math.min(e,t,n),i=0,a=r,s=r-o,l=0===r?0:s/r;if(r===o)i=0;else{switch(r){case e:i=(t-n)/s+(t>16,g:(65280&e)>>8,b:255&e}}(t)),this.originalInput=t;var o=Om(t);this.originalInput=t,this.r=o.r,this.g=o.g,this.b=o.b,this.a=o.a,this.roundA=Math.round(100*this.a)/100,this.format=null!==(r=n.format)&&void 0!==r?r:o.format,this.gradientType=n.gradientType,this.r<1&&(this.r=Math.round(this.r)),this.g<1&&(this.g=Math.round(this.g)),this.b<1&&(this.b=Math.round(this.b)),this.isValid=o.ok}return e.prototype.isDark=function(){return this.getBrightness()<128},e.prototype.isLight=function(){return!this.isDark()},e.prototype.getBrightness=function(){var e=this.toRgb();return(299*e.r+587*e.g+114*e.b)/1e3},e.prototype.getLuminance=function(){var e=this.toRgb(),t=e.r/255,n=e.g/255,r=e.b/255;return.2126*(t<=.03928?t/12.92:Math.pow((t+.055)/1.055,2.4))+.7152*(n<=.03928?n/12.92:Math.pow((n+.055)/1.055,2.4))+.0722*(r<=.03928?r/12.92:Math.pow((r+.055)/1.055,2.4))},e.prototype.getAlpha=function(){return this.a},e.prototype.setAlpha=function(e){return this.a=ym(e),this.roundA=Math.round(100*this.a)/100,this},e.prototype.toHsv=function(){var e=Sm(this.r,this.g,this.b);return{h:360*e.h,s:e.s,v:e.v,a:this.a}},e.prototype.toHsvString=function(){var e=Sm(this.r,this.g,this.b),t=Math.round(360*e.h),n=Math.round(100*e.s),r=Math.round(100*e.v);return 1===this.a?"hsv(".concat(t,", ").concat(n,"%, ").concat(r,"%)"):"hsva(".concat(t,", ").concat(n,"%, ").concat(r,"%, ").concat(this.roundA,")")},e.prototype.toHsl=function(){var e=wm(this.r,this.g,this.b);return{h:360*e.h,s:e.s,l:e.l,a:this.a}},e.prototype.toHslString=function(){var e=wm(this.r,this.g,this.b),t=Math.round(360*e.h),n=Math.round(100*e.s),r=Math.round(100*e.l);return 1===this.a?"hsl(".concat(t,", ").concat(n,"%, ").concat(r,"%)"):"hsla(".concat(t,", ").concat(n,"%, ").concat(r,"%, ").concat(this.roundA,")")},e.prototype.toHex=function(e){return void 0===e&&(e=!1),Cm(this.r,this.g,this.b,e)},e.prototype.toHexString=function(e){return void 0===e&&(e=!1),"#"+this.toHex(e)},e.prototype.toHex8=function(e){return void 0===e&&(e=!1),function(e,t,n,r,o){var i=[xm(Math.round(e).toString(16)),xm(Math.round(t).toString(16)),xm(Math.round(n).toString(16)),xm(_m(r))];return o&&i[0].startsWith(i[0].charAt(1))&&i[1].startsWith(i[1].charAt(1))&&i[2].startsWith(i[2].charAt(1))&&i[3].startsWith(i[3].charAt(1))?i[0].charAt(0)+i[1].charAt(0)+i[2].charAt(0)+i[3].charAt(0):i.join("")}(this.r,this.g,this.b,this.a,e)},e.prototype.toHex8String=function(e){return void 0===e&&(e=!1),"#"+this.toHex8(e)},e.prototype.toRgb=function(){return{r:Math.round(this.r),g:Math.round(this.g),b:Math.round(this.b),a:this.a}},e.prototype.toRgbString=function(){var e=Math.round(this.r),t=Math.round(this.g),n=Math.round(this.b);return 1===this.a?"rgb(".concat(e,", ").concat(t,", ").concat(n,")"):"rgba(".concat(e,", ").concat(t,", ").concat(n,", ").concat(this.roundA,")")},e.prototype.toPercentageRgb=function(){var e=function(e){return"".concat(Math.round(100*mm(e,255)),"%")};return{r:e(this.r),g:e(this.g),b:e(this.b),a:this.a}},e.prototype.toPercentageRgbString=function(){var e=function(e){return Math.round(100*mm(e,255))};return 1===this.a?"rgb(".concat(e(this.r),"%, ").concat(e(this.g),"%, ").concat(e(this.b),"%)"):"rgba(".concat(e(this.r),"%, ").concat(e(this.g),"%, ").concat(e(this.b),"%, ").concat(this.roundA,")")},e.prototype.toName=function(){if(0===this.a)return"transparent";if(this.a<1)return!1;for(var e="#"+Cm(this.r,this.g,this.b,!1),t=0,n=Object.entries(Lm);t=0;return t||!r||!e.startsWith("hex")&&"name"!==e?("rgb"===e&&(n=this.toRgbString()),"prgb"===e&&(n=this.toPercentageRgbString()),"hex"!==e&&"hex6"!==e||(n=this.toHexString()),"hex3"===e&&(n=this.toHexString(!0)),"hex4"===e&&(n=this.toHex8String(!0)),"hex8"===e&&(n=this.toHex8String()),"name"===e&&(n=this.toName()),"hsl"===e&&(n=this.toHslString()),"hsv"===e&&(n=this.toHsvString()),n||this.toHexString()):"name"===e&&0===this.a?this.toName():this.toRgbString()},e.prototype.toNumber=function(){return(Math.round(this.r)<<16)+(Math.round(this.g)<<8)+Math.round(this.b)},e.prototype.clone=function(){return new e(this.toString())},e.prototype.lighten=function(t){void 0===t&&(t=10);var n=this.toHsl();return n.l+=t/100,n.l=vm(n.l),new e(n)},e.prototype.brighten=function(t){void 0===t&&(t=10);var n=this.toRgb();return n.r=Math.max(0,Math.min(255,n.r-Math.round(-t/100*255))),n.g=Math.max(0,Math.min(255,n.g-Math.round(-t/100*255))),n.b=Math.max(0,Math.min(255,n.b-Math.round(-t/100*255))),new e(n)},e.prototype.darken=function(t){void 0===t&&(t=10);var n=this.toHsl();return n.l-=t/100,n.l=vm(n.l),new e(n)},e.prototype.tint=function(e){return void 0===e&&(e=10),this.mix("white",e)},e.prototype.shade=function(e){return void 0===e&&(e=10),this.mix("black",e)},e.prototype.desaturate=function(t){void 0===t&&(t=10);var n=this.toHsl();return n.s-=t/100,n.s=vm(n.s),new e(n)},e.prototype.saturate=function(t){void 0===t&&(t=10);var n=this.toHsl();return n.s+=t/100,n.s=vm(n.s),new e(n)},e.prototype.greyscale=function(){return this.desaturate(100)},e.prototype.spin=function(t){var n=this.toHsl(),r=(n.h+t)%360;return n.h=r<0?360+r:r,new e(n)},e.prototype.mix=function(t,n){void 0===n&&(n=50);var r=this.toRgb(),o=new e(t).toRgb(),i=n/100;return new e({r:(o.r-r.r)*i+r.r,g:(o.g-r.g)*i+r.g,b:(o.b-r.b)*i+r.b,a:(o.a-r.a)*i+r.a})},e.prototype.analogous=function(t,n){void 0===t&&(t=6),void 0===n&&(n=30);var r=this.toHsl(),o=360/n,i=[this];for(r.h=(r.h-(o*t>>1)+720)%360;--t;)r.h=(r.h+o)%360,i.push(new e(r));return i},e.prototype.complement=function(){var t=this.toHsl();return t.h=(t.h+180)%360,new e(t)},e.prototype.monochromatic=function(t){void 0===t&&(t=6);for(var n=this.toHsv(),r=n.h,o=n.s,i=n.v,a=[],s=1/t;t--;)a.push(new e({h:r,s:o,v:i})),i=(i+s)%1;return a},e.prototype.splitcomplement=function(){var t=this.toHsl(),n=t.h;return[this,new e({h:(n+72)%360,s:t.s,l:t.l}),new e({h:(n+216)%360,s:t.s,l:t.l})]},e.prototype.onBackground=function(t){var n=this.toRgb(),r=new e(t).toRgb();return new e({r:r.r+(n.r-r.r)*n.a,g:r.g+(n.g-r.g)*n.a,b:r.b+(n.b-r.b)*n.a})},e.prototype.triad=function(){return this.polyad(3)},e.prototype.tetrad=function(){return this.polyad(4)},e.prototype.polyad=function(t){for(var n=this.toHsl(),r=n.h,o=[this],i=360/t,a=1;an.length;)e.count=null,e.seed&&(e.seed+=1),n.push(Dm(e));return e.count=t,n}var r=function(e,t){var n=Bm(function(e){var t=parseInt(e,10);if(!Number.isNaN(t)&&t<360&&t>0)return[t,t];if("string"==typeof e){var n=Fm.find((function(t){return t.name===e}));if(n){var r=jm(n);if(r.hueRange)return r.hueRange}var o=new Nm(e);if(o.isValid){var i=o.toHsv().h;return[i,i]}}return[0,360]}(e),t);n<0&&(n=360+n);return n}(e.hue,e.seed),o=function(e,t){if("monochrome"===t.hue)return 0;if("random"===t.luminosity)return Bm([0,100],t.seed);var n=zm(e).saturationRange,r=n[0],o=n[1];switch(t.luminosity){case"bright":r=55;break;case"dark":r=o-10;break;case"light":o=55}return Bm([r,o],t.seed)}(r,e),i=function(e,t,n){var r=function(e,t){for(var n=zm(e).lowerBounds,r=0;r=o&&t<=a){var l=(s-i)/(a-o);return l*t+(i-l*o)}}return 0}(e,t),o=100;switch(n.luminosity){case"dark":o=r+20;break;case"light":r=(o+r)/2;break;case"random":r=0,o=100}return Bm([r,o],n.seed)}(r,o,e),a={h:r,s:o,v:i};return void 0!==e.alpha&&(a.a=e.alpha),new Nm(a)}function zm(e){e>=334&&e<=360&&(e-=360);for(var t=0,n=Fm;t=r.hueRange[0]&&e<=r.hueRange[1])return r}throw Error("Color not found")}function Bm(e,t){if(void 0===t)return Math.floor(e[0]+Math.random()*(e[1]+1-e[0]));var n=e[1]||1,r=e[0]||0,o=(t=(9301*t+49297)%233280)/233280;return Math.floor(r+o*(n-r))}function jm(e){var t=e.lowerBounds[0][0],n=e.lowerBounds[e.lowerBounds.length-1][0],r=e.lowerBounds[e.lowerBounds.length-1][1],o=e.lowerBounds[0][1];return{name:e.name,hueRange:e.hueRange,lowerBounds:e.lowerBounds,saturationRange:[t,n],brightnessRange:[r,o]}}var Fm=[{name:"monochrome",hueRange:null,lowerBounds:[[0,0],[100,0]]},{name:"red",hueRange:[-26,18],lowerBounds:[[20,100],[30,92],[40,89],[50,85],[60,78],[70,70],[80,60],[90,55],[100,50]]},{name:"orange",hueRange:[19,46],lowerBounds:[[20,100],[30,93],[40,88],[50,86],[60,85],[70,70],[100,70]]},{name:"yellow",hueRange:[47,62],lowerBounds:[[25,100],[40,94],[50,89],[60,86],[70,84],[80,82],[90,80],[100,75]]},{name:"green",hueRange:[63,178],lowerBounds:[[30,100],[40,90],[50,85],[60,81],[70,74],[80,64],[90,50],[100,40]]},{name:"blue",hueRange:[179,257],lowerBounds:[[20,100],[30,86],[40,80],[50,74],[60,60],[70,52],[80,44],[90,39],[100,35]]},{name:"purple",hueRange:[258,282],lowerBounds:[[20,100],[30,87],[40,79],[50,70],[60,65],[70,59],[80,52],[90,45],[100,42]]},{name:"pink",hueRange:[283,334],lowerBounds:[[20,100],[30,90],[40,86],[60,84],[80,80],[90,75],[100,73]]}];var Hm=(e,t,n)=>{const r=function(e,t,n,r,o){for(t=t.split?t.split("."):t,r=0;rt=>"dark"===(e=>t=>{const n=Hm(t,e);return new Nm(n).isDark()?"dark":"light"})(e)(t),Vm=(e,t)=>n=>{const r=Hm(n,e);return new Nm(r).setAlpha(t).toRgbString()};function $m(e="1rem",t="rgba(255, 255, 255, 0.15)"){return{backgroundImage:`linear-gradient(\n 45deg,\n ${t} 25%,\n transparent 25%,\n transparent 50%,\n ${t} 50%,\n ${t} 75%,\n transparent 75%,\n transparent\n )`,backgroundSize:`${e} ${e}`}}function Um(e){const t=Dm().toHexString();return e&&(n=e,0!==Object.keys(n).length)?e.string&&e.colors?function(e,t){let n=0;if(0===e.length)return t[0];for(let r=0;r>8*r&255).toString(16)}`.substr(-2)}return n}(e.string):e.colors&&!e.string?function(e){return e[Math.floor(Math.random()*e.length)]}(e.colors):t:t;var n}function Gm(e,t){return n=>"dark"===n.colorMode?t:e}function qm(e){const{orientation:t,vertical:n,horizontal:r}=e;return t?"vertical"===t?n:r:{}}function Ym(e){return function(e){const t=typeof e;return null!=e&&("object"===t||"function"===t)&&!Array.isArray(e)}(e)&&e.reference?e.reference:String(e)}var Zm=(e,...t)=>t.map(Ym).join(` ${e} `).replace(/calc/g,""),Xm=(...e)=>`calc(${Zm("+",...e)})`,Km=(...e)=>`calc(${Zm("-",...e)})`,Qm=(...e)=>`calc(${Zm("*",...e)})`,Jm=(...e)=>`calc(${Zm("/",...e)})`,ev=e=>{const t=Ym(e);return null==t||Number.isNaN(parseFloat(t))?Qm(t,-1):String(t).startsWith("-")?String(t).slice(1):`-${t}`},tv=Object.assign((e=>({add:(...t)=>tv(Xm(e,...t)),subtract:(...t)=>tv(Km(e,...t)),multiply:(...t)=>tv(Qm(e,...t)),divide:(...t)=>tv(Jm(e,...t)),negate:()=>tv(ev(e)),toString:()=>e.toString()})),{add:Xm,subtract:Km,multiply:Qm,divide:Jm,negate:ev});function nv(e){const t=function(e,t="-"){return e.replace(/\s+/g,t)}(e.toString());return t.includes("\\.")?e:function(e){return!Number.isInteger(parseFloat(e.toString()))}(e)?t.replace(".","\\."):e}function rv(e,t){return`var(${nv(e)}${t?`, ${t}`:""})`}function ov(e,t=""){return`--${function(e,t=""){return[t,nv(e)].filter(Boolean).join("-")}(e,t)}`}function iv(e,t){const n=ov(e,null==t?void 0:t.prefix);return{variable:n,reference:rv(n,av(null==t?void 0:t.fallback))}}function av(e){return"string"==typeof e?e:null==e?void 0:e.reference}var{definePartsStyle:sv,defineMultiStyleConfig:lv}=cf(Ug.keys),cv=lv({baseStyle:sv({container:{borderTopWidth:"1px",borderColor:"inherit",_last:{borderBottomWidth:"1px"}},button:{transitionProperty:"common",transitionDuration:"normal",fontSize:"md",_focusVisible:{boxShadow:"outline"},_hover:{bg:"blackAlpha.50"},_disabled:{opacity:.4,cursor:"not-allowed"},px:"4",py:"2"},panel:{pt:"2",px:"4",pb:"5"},icon:{fontSize:"1.25em"}})}),{definePartsStyle:uv,defineMultiStyleConfig:dv}=cf(Gg.keys),hv=_h("alert-fg"),fv=_h("alert-bg"),pv=uv({container:{bg:fv.reference,px:"4",py:"3"},title:{fontWeight:"bold",lineHeight:"6",marginEnd:"2"},description:{lineHeight:"6"},icon:{color:hv.reference,flexShrink:0,marginEnd:"3",w:"5",h:"6"},spinner:{color:hv.reference,flexShrink:0,marginEnd:"3",w:"5",h:"5"}});function gv(e){const{theme:t,colorScheme:n}=e;return{light:`colors.${n}.100`,dark:Vm(`${n}.200`,.16)(t)}}var mv=uv((e=>{const{colorScheme:t}=e,n=gv(e);return{container:{[hv.variable]:`colors.${t}.500`,[fv.variable]:n.light,_dark:{[hv.variable]:`colors.${t}.200`,[fv.variable]:n.dark}}}})),vv=uv((e=>{const{colorScheme:t}=e,n=gv(e);return{container:{[hv.variable]:`colors.${t}.500`,[fv.variable]:n.light,_dark:{[hv.variable]:`colors.${t}.200`,[fv.variable]:n.dark},paddingStart:"3",borderStartWidth:"4px",borderStartColor:hv.reference}}})),yv=uv((e=>{const{colorScheme:t}=e,n=gv(e);return{container:{[hv.variable]:`colors.${t}.500`,[fv.variable]:n.light,_dark:{[hv.variable]:`colors.${t}.200`,[fv.variable]:n.dark},pt:"2",borderTopWidth:"4px",borderTopColor:hv.reference}}})),bv=uv((e=>{const{colorScheme:t}=e;return{container:{[hv.variable]:"colors.white",[fv.variable]:`colors.${t}.500`,_dark:{[hv.variable]:"colors.gray.900",[fv.variable]:`colors.${t}.200`},color:hv.reference}}})),xv=dv({baseStyle:pv,variants:{subtle:mv,"left-accent":vv,"top-accent":yv,solid:bv},defaultProps:{variant:"subtle",colorScheme:"blue"}}),wv={px:"1px",.5:"0.125rem",1:"0.25rem",1.5:"0.375rem",2:"0.5rem",2.5:"0.625rem",3:"0.75rem",3.5:"0.875rem",4:"1rem",5:"1.25rem",6:"1.5rem",7:"1.75rem",8:"2rem",9:"2.25rem",10:"2.5rem",12:"3rem",14:"3.5rem",16:"4rem",20:"5rem",24:"6rem",28:"7rem",32:"8rem",36:"9rem",40:"10rem",44:"11rem",48:"12rem",52:"13rem",56:"14rem",60:"15rem",64:"16rem",72:"18rem",80:"20rem",96:"24rem"},kv={...wv,max:"max-content",min:"min-content",full:"100%","3xs":"14rem","2xs":"16rem",xs:"20rem",sm:"24rem",md:"28rem",lg:"32rem",xl:"36rem","2xl":"42rem","3xl":"48rem","4xl":"56rem","5xl":"64rem","6xl":"72rem","7xl":"80rem","8xl":"90rem",prose:"60ch",container:{sm:"640px",md:"768px",lg:"1024px",xl:"1280px"}};function Sv(e,...t){return(e=>"function"==typeof e)(e)?e(...t):e}var{definePartsStyle:Cv,defineMultiStyleConfig:_v}=cf(qg.keys),Ev=_h("avatar-border-color"),Pv=_h("avatar-bg"),Lv={borderRadius:"full",border:"0.2em solid",[Ev.variable]:"white",_dark:{[Ev.variable]:"colors.gray.800"},borderColor:Ev.reference},Ov={[Pv.variable]:"colors.gray.200",_dark:{[Pv.variable]:"colors.whiteAlpha.400"},bgColor:Pv.reference},Mv=_h("avatar-background"),Tv=e=>{const{name:t,theme:n}=e,r=t?Um({string:t}):"colors.gray.400";let o="white";return Wm(r)(n)||(o="gray.800"),{bg:Mv.reference,"&:not([data-loaded])":{[Mv.variable]:r},color:o,[Ev.variable]:"colors.white",_dark:{[Ev.variable]:"colors.gray.800"},borderColor:Ev.reference,verticalAlign:"top"}};function Av(e){const t="100%"!==e?kv[e]:void 0;return Cv({container:{width:e,height:e,fontSize:`calc(${t??e} / 2.5)`},excessLabel:{width:e,height:e},label:{fontSize:`calc(${t??e} / 2.5)`,lineHeight:"100%"!==e?t??e:void 0}})}var Iv=_v({baseStyle:Cv((e=>({badge:Sv(Lv,e),excessLabel:Sv(Ov,e),container:Sv(Tv,e)}))),sizes:{"2xs":Av(4),xs:Av(6),sm:Av(8),md:Av(12),lg:Av(16),xl:Av(24),"2xl":Av(32),full:Av("100%")},defaultProps:{size:"md"}}),Rv={px:1,textTransform:"uppercase",fontSize:"xs",borderRadius:"sm",fontWeight:"bold"},Nv=_h("badge-bg"),Dv=_h("badge-color"),zv=e=>{const{colorScheme:t,theme:n}=e,r=Vm(`${t}.500`,.6)(n);return{[Nv.variable]:`colors.${t}.500`,[Dv.variable]:"colors.white",_dark:{[Nv.variable]:r,[Dv.variable]:"colors.whiteAlpha.800"},bg:Nv.reference,color:Dv.reference}},Bv=e=>{const{colorScheme:t,theme:n}=e,r=Vm(`${t}.200`,.16)(n);return{[Nv.variable]:`colors.${t}.100`,[Dv.variable]:`colors.${t}.800`,_dark:{[Nv.variable]:r,[Dv.variable]:`colors.${t}.200`},bg:Nv.reference,color:Dv.reference}},jv=e=>{const{colorScheme:t,theme:n}=e,r=Vm(`${t}.200`,.8)(n);return{[Dv.variable]:`colors.${t}.500`,_dark:{[Dv.variable]:r},color:Dv.reference,boxShadow:`inset 0 0 0px 1px ${Dv.reference}`}},Fv={baseStyle:Rv,variants:{solid:zv,subtle:Bv,outline:jv},defaultProps:{variant:"subtle",colorScheme:"gray"}},{defineMultiStyleConfig:Hv,definePartsStyle:Wv}=cf(Yg.keys),Vv=Hv({baseStyle:Wv({link:{transitionProperty:"common",transitionDuration:"fast",transitionTimingFunction:"ease-out",cursor:"pointer",textDecoration:"none",outline:"none",color:"inherit",_hover:{textDecoration:"underline"},_focusVisible:{boxShadow:"outline"}}})}),$v=e=>{const{colorScheme:t,theme:n}=e;if("gray"===t)return{color:Gm("inherit","whiteAlpha.900")(e),_hover:{bg:Gm("gray.100","whiteAlpha.200")(e)},_active:{bg:Gm("gray.200","whiteAlpha.300")(e)}};const r=Vm(`${t}.200`,.12)(n),o=Vm(`${t}.200`,.24)(n);return{color:Gm(`${t}.600`,`${t}.200`)(e),bg:"transparent",_hover:{bg:Gm(`${t}.50`,r)(e)},_active:{bg:Gm(`${t}.100`,o)(e)}}},Uv=e=>{const{colorScheme:t}=e,n=Gm("gray.200","whiteAlpha.300")(e);return{border:"1px solid",borderColor:"gray"===t?n:"currentColor",".chakra-button__group[data-attached] > &:not(:last-of-type)":{marginEnd:"-1px"},...Sv($v,e)}},Gv={yellow:{bg:"yellow.400",color:"black",hoverBg:"yellow.500",activeBg:"yellow.600"},cyan:{bg:"cyan.400",color:"black",hoverBg:"cyan.500",activeBg:"cyan.600"}},qv=e=>{const{colorScheme:t}=e;if("gray"===t){const t=Gm("gray.100","whiteAlpha.200")(e);return{bg:t,_hover:{bg:Gm("gray.200","whiteAlpha.300")(e),_disabled:{bg:t}},_active:{bg:Gm("gray.300","whiteAlpha.400")(e)}}}const{bg:n=`${t}.500`,color:r="white",hoverBg:o=`${t}.600`,activeBg:i=`${t}.700`}=Gv[t]??{},a=Gm(n,`${t}.200`)(e);return{bg:a,color:Gm(r,"gray.800")(e),_hover:{bg:Gm(o,`${t}.300`)(e),_disabled:{bg:a}},_active:{bg:Gm(i,`${t}.400`)(e)}}},Yv=e=>{const{colorScheme:t}=e;return{padding:0,height:"auto",lineHeight:"normal",verticalAlign:"baseline",color:Gm(`${t}.500`,`${t}.200`)(e),_hover:{textDecoration:"underline",_disabled:{textDecoration:"none"}},_active:{color:Gm(`${t}.700`,`${t}.500`)(e)}}},Zv={baseStyle:{lineHeight:"1.2",borderRadius:"md",fontWeight:"semibold",transitionProperty:"common",transitionDuration:"normal",_focusVisible:{boxShadow:"outline"},_disabled:{opacity:.4,cursor:"not-allowed",boxShadow:"none"},_hover:{_disabled:{bg:"initial"}}},variants:{ghost:$v,outline:Uv,solid:qv,link:Yv,unstyled:{bg:"none",color:"inherit",display:"inline",lineHeight:"inherit",m:"0",p:"0"}},sizes:{lg:{h:"12",minW:"12",fontSize:"lg",px:"6"},md:{h:"10",minW:"10",fontSize:"md",px:"4"},sm:{h:"8",minW:"8",fontSize:"sm",px:"3"},xs:{h:"6",minW:"6",fontSize:"xs",px:"2"}},defaultProps:{variant:"solid",size:"md",colorScheme:"gray"}},{definePartsStyle:Xv,defineMultiStyleConfig:Kv}=cf(gm.keys),Qv=_h("card-bg"),Jv=_h("card-padding"),ey=Xv({container:{[Qv.variable]:"chakra-body-bg",backgroundColor:Qv.reference,color:"chakra-body-text"},body:{padding:Jv.reference,flex:"1 1 0%"},header:{padding:Jv.reference},footer:{padding:Jv.reference}}),ty={sm:Xv({container:{borderRadius:"base",[Jv.variable]:"space.3"}}),md:Xv({container:{borderRadius:"md",[Jv.variable]:"space.5"}}),lg:Xv({container:{borderRadius:"xl",[Jv.variable]:"space.7"}})},ny=Kv({baseStyle:ey,variants:{elevated:Xv({container:{boxShadow:"base",_dark:{[Qv.variable]:"colors.gray.700"}}}),outline:Xv({container:{borderWidth:"1px",borderColor:"chakra-border-color"}}),filled:Xv({container:{[Qv.variable]:"colors.chakra-subtle-bg"}}),unstyled:{body:{padding:0},header:{padding:0},footer:{padding:0}}},sizes:ty,defaultProps:{variant:"elevated",size:"md"}}),{definePartsStyle:ry,defineMultiStyleConfig:oy}=cf(Zg.keys),iy=_h("checkbox-size"),ay=e=>{const{colorScheme:t}=e;return{w:iy.reference,h:iy.reference,transitionProperty:"box-shadow",transitionDuration:"normal",border:"2px solid",borderRadius:"sm",borderColor:"inherit",color:"white",_checked:{bg:Gm(`${t}.500`,`${t}.200`)(e),borderColor:Gm(`${t}.500`,`${t}.200`)(e),color:Gm("white","gray.900")(e),_hover:{bg:Gm(`${t}.600`,`${t}.300`)(e),borderColor:Gm(`${t}.600`,`${t}.300`)(e)},_disabled:{borderColor:Gm("gray.200","transparent")(e),bg:Gm("gray.200","whiteAlpha.300")(e),color:Gm("gray.500","whiteAlpha.500")(e)}},_indeterminate:{bg:Gm(`${t}.500`,`${t}.200`)(e),borderColor:Gm(`${t}.500`,`${t}.200`)(e),color:Gm("white","gray.900")(e)},_disabled:{bg:Gm("gray.100","whiteAlpha.100")(e),borderColor:Gm("gray.100","transparent")(e)},_focusVisible:{boxShadow:"outline"},_invalid:{borderColor:Gm("red.500","red.300")(e)}}},sy={_disabled:{cursor:"not-allowed"}},ly={userSelect:"none",_disabled:{opacity:.4}},cy={transitionProperty:"transform",transitionDuration:"normal"},uy=oy({baseStyle:ry((e=>({icon:cy,container:sy,control:Sv(ay,e),label:ly}))),sizes:{sm:ry({control:{[iy.variable]:"sizes.3"},label:{fontSize:"sm"},icon:{fontSize:"3xs"}}),md:ry({control:{[iy.variable]:"sizes.4"},label:{fontSize:"md"},icon:{fontSize:"2xs"}}),lg:ry({control:{[iy.variable]:"sizes.5"},label:{fontSize:"lg"},icon:{fontSize:"2xs"}})},defaultProps:{size:"md",colorScheme:"blue"}}),dy=iv("close-button-size"),hy=iv("close-button-bg"),fy={baseStyle:{w:[dy.reference],h:[dy.reference],borderRadius:"md",transitionProperty:"common",transitionDuration:"normal",_disabled:{opacity:.4,cursor:"not-allowed",boxShadow:"none"},_hover:{[hy.variable]:"colors.blackAlpha.100",_dark:{[hy.variable]:"colors.whiteAlpha.100"}},_active:{[hy.variable]:"colors.blackAlpha.200",_dark:{[hy.variable]:"colors.whiteAlpha.200"}},_focusVisible:{boxShadow:"outline"},bg:hy.reference},sizes:{lg:{[dy.variable]:"sizes.10",fontSize:"md"},md:{[dy.variable]:"sizes.8",fontSize:"xs"},sm:{[dy.variable]:"sizes.6",fontSize:"2xs"}},defaultProps:{size:"md"}},{variants:py,defaultProps:gy}=Fv,my={baseStyle:{fontFamily:"mono",fontSize:"sm",px:"0.2em",borderRadius:"sm"},variants:py,defaultProps:gy},vy={baseStyle:{w:"100%",mx:"auto",maxW:"prose",px:"4"}},yy={baseStyle:{opacity:.6,borderColor:"inherit"},variants:{solid:{borderStyle:"solid"},dashed:{borderStyle:"dashed"}},defaultProps:{variant:"solid"}},{definePartsStyle:by,defineMultiStyleConfig:xy}=cf(Xg.keys),wy=_h("drawer-bg"),ky=_h("drawer-box-shadow");function Sy(e){return by("full"===e?{dialog:{maxW:"100vw",h:"100vh"}}:{dialog:{maxW:e}})}var Cy={bg:"blackAlpha.600",zIndex:"overlay"},_y={display:"flex",zIndex:"modal",justifyContent:"center"},Ey=e=>{const{isFullHeight:t}=e;return{...t&&{height:"100vh"},zIndex:"modal",maxH:"100vh",color:"inherit",[wy.variable]:"colors.white",[ky.variable]:"shadows.lg",_dark:{[wy.variable]:"colors.gray.700",[ky.variable]:"shadows.dark-lg"},bg:wy.reference,boxShadow:ky.reference}},Py={px:"6",py:"4",fontSize:"xl",fontWeight:"semibold"},Ly={position:"absolute",top:"2",insetEnd:"3"},Oy={px:"6",py:"2",flex:"1",overflow:"auto"},My={px:"6",py:"4"},Ty=xy({baseStyle:by((e=>({overlay:Cy,dialogContainer:_y,dialog:Sv(Ey,e),header:Py,closeButton:Ly,body:Oy,footer:My}))),sizes:{xs:Sy("xs"),sm:Sy("md"),md:Sy("lg"),lg:Sy("2xl"),xl:Sy("4xl"),full:Sy("full")},defaultProps:{size:"xs"}}),{definePartsStyle:Ay,defineMultiStyleConfig:Iy}=cf(Kg.keys),Ry=Iy({baseStyle:Ay({preview:{borderRadius:"md",py:"1",transitionProperty:"common",transitionDuration:"normal"},input:{borderRadius:"md",py:"1",transitionProperty:"common",transitionDuration:"normal",width:"full",_focusVisible:{boxShadow:"outline"},_placeholder:{opacity:.6}},textarea:{borderRadius:"md",py:"1",transitionProperty:"common",transitionDuration:"normal",width:"full",_focusVisible:{boxShadow:"outline"},_placeholder:{opacity:.6}}})}),{definePartsStyle:Ny,defineMultiStyleConfig:Dy}=cf(Qg.keys),zy=_h("form-control-color"),By=Dy({baseStyle:Ny({container:{width:"100%",position:"relative"},requiredIndicator:{marginStart:"1",[zy.variable]:"colors.red.500",_dark:{[zy.variable]:"colors.red.300"},color:zy.reference},helperText:{mt:"2",[zy.variable]:"colors.gray.600",_dark:{[zy.variable]:"colors.whiteAlpha.600"},color:zy.reference,lineHeight:"normal",fontSize:"sm"}})}),{definePartsStyle:jy,defineMultiStyleConfig:Fy}=cf(Jg.keys),Hy=_h("form-error-color"),Wy=Fy({baseStyle:jy({text:{[Hy.variable]:"colors.red.500",_dark:{[Hy.variable]:"colors.red.300"},color:Hy.reference,mt:"2",fontSize:"sm",lineHeight:"normal"},icon:{marginEnd:"0.5em",[Hy.variable]:"colors.red.500",_dark:{[Hy.variable]:"colors.red.300"},color:Hy.reference}})}),Vy={baseStyle:{fontSize:"md",marginEnd:"3",mb:"2",fontWeight:"medium",transitionProperty:"common",transitionDuration:"normal",opacity:1,_disabled:{opacity:.4}}},$y={baseStyle:{fontFamily:"heading",fontWeight:"bold"},sizes:{"4xl":{fontSize:["6xl",null,"7xl"],lineHeight:1},"3xl":{fontSize:["5xl",null,"6xl"],lineHeight:1},"2xl":{fontSize:["4xl",null,"5xl"],lineHeight:[1.2,null,1]},xl:{fontSize:["3xl",null,"4xl"],lineHeight:[1.33,null,1.2]},lg:{fontSize:["2xl",null,"3xl"],lineHeight:[1.33,null,1.2]},md:{fontSize:"xl",lineHeight:1.2},sm:{fontSize:"md",lineHeight:1.2},xs:{fontSize:"sm",lineHeight:1.2}},defaultProps:{size:"xl"}},{definePartsStyle:Uy,defineMultiStyleConfig:Gy}=cf(em.keys),qy=Uy({field:{width:"100%",minWidth:0,outline:0,position:"relative",appearance:"none",transitionProperty:"common",transitionDuration:"normal",_disabled:{opacity:.4,cursor:"not-allowed"}}}),Yy={lg:{fontSize:"lg",px:"4",h:"12",borderRadius:"md"},md:{fontSize:"md",px:"4",h:"10",borderRadius:"md"},sm:{fontSize:"sm",px:"3",h:"8",borderRadius:"sm"},xs:{fontSize:"xs",px:"2",h:"6",borderRadius:"sm"}},Zy={lg:Uy({field:Yy.lg,addon:Yy.lg}),md:Uy({field:Yy.md,addon:Yy.md}),sm:Uy({field:Yy.sm,addon:Yy.sm}),xs:Uy({field:Yy.xs,addon:Yy.xs})};function Xy(e){const{focusBorderColor:t,errorBorderColor:n}=e;return{focusBorderColor:t||Gm("blue.500","blue.300")(e),errorBorderColor:n||Gm("red.500","red.300")(e)}}var Ky=Uy((e=>{const{theme:t}=e,{focusBorderColor:n,errorBorderColor:r}=Xy(e);return{field:{border:"1px solid",borderColor:"inherit",bg:"inherit",_hover:{borderColor:Gm("gray.300","whiteAlpha.400")(e)},_readOnly:{boxShadow:"none !important",userSelect:"all"},_invalid:{borderColor:Hm(t,r),boxShadow:`0 0 0 1px ${Hm(t,r)}`},_focusVisible:{zIndex:1,borderColor:Hm(t,n),boxShadow:`0 0 0 1px ${Hm(t,n)}`}},addon:{border:"1px solid",borderColor:Gm("inherit","whiteAlpha.50")(e),bg:Gm("gray.100","whiteAlpha.300")(e)}}})),Qy=Uy((e=>{const{theme:t}=e,{focusBorderColor:n,errorBorderColor:r}=Xy(e);return{field:{border:"2px solid",borderColor:"transparent",bg:Gm("gray.100","whiteAlpha.50")(e),_hover:{bg:Gm("gray.200","whiteAlpha.100")(e)},_readOnly:{boxShadow:"none !important",userSelect:"all"},_invalid:{borderColor:Hm(t,r)},_focusVisible:{bg:"transparent",borderColor:Hm(t,n)}},addon:{border:"2px solid",borderColor:"transparent",bg:Gm("gray.100","whiteAlpha.50")(e)}}})),Jy=Uy((e=>{const{theme:t}=e,{focusBorderColor:n,errorBorderColor:r}=Xy(e);return{field:{borderBottom:"1px solid",borderColor:"inherit",borderRadius:"0",px:"0",bg:"transparent",_readOnly:{boxShadow:"none !important",userSelect:"all"},_invalid:{borderColor:Hm(t,r),boxShadow:`0px 1px 0px 0px ${Hm(t,r)}`},_focusVisible:{borderColor:Hm(t,n),boxShadow:`0px 1px 0px 0px ${Hm(t,n)}`}},addon:{borderBottom:"2px solid",borderColor:"inherit",borderRadius:"0",px:"0",bg:"transparent"}}})),eb=Gy({baseStyle:qy,sizes:Zy,variants:{outline:Ky,filled:Qy,flushed:Jy,unstyled:Uy({field:{bg:"transparent",px:"0",height:"auto"},addon:{bg:"transparent",px:"0",height:"auto"}})},defaultProps:{size:"md",variant:"outline"}}),tb=_h("kbd-bg"),nb={baseStyle:{[tb.variable]:"colors.gray.100",_dark:{[tb.variable]:"colors.whiteAlpha.100"},bg:tb.reference,borderRadius:"md",borderWidth:"1px",borderBottomWidth:"3px",fontSize:"0.8em",fontWeight:"bold",lineHeight:"normal",px:"0.4em",whiteSpace:"nowrap"}},rb={baseStyle:{transitionProperty:"common",transitionDuration:"fast",transitionTimingFunction:"ease-out",cursor:"pointer",textDecoration:"none",outline:"none",color:"inherit",_hover:{textDecoration:"underline"},_focusVisible:{boxShadow:"outline"}}},{defineMultiStyleConfig:ob,definePartsStyle:ib}=cf(tm.keys),ab=ob({baseStyle:ib({icon:{marginEnd:"2",display:"inline",verticalAlign:"text-bottom"}})}),{defineMultiStyleConfig:sb,definePartsStyle:lb}=cf(nm.keys),cb=_h("menu-bg"),ub=_h("menu-shadow"),db=sb({baseStyle:lb({button:{transitionProperty:"common",transitionDuration:"normal"},list:{[cb.variable]:"#fff",[ub.variable]:"shadows.sm",_dark:{[cb.variable]:"colors.gray.700",[ub.variable]:"shadows.dark-lg"},color:"inherit",minW:"3xs",py:"2",zIndex:1,borderRadius:"md",borderWidth:"1px",bg:cb.reference,boxShadow:ub.reference},item:{py:"1.5",px:"3",transitionProperty:"background",transitionDuration:"ultra-fast",transitionTimingFunction:"ease-in",_focus:{[cb.variable]:"colors.gray.100",_dark:{[cb.variable]:"colors.whiteAlpha.100"}},_active:{[cb.variable]:"colors.gray.200",_dark:{[cb.variable]:"colors.whiteAlpha.200"}},_expanded:{[cb.variable]:"colors.gray.100",_dark:{[cb.variable]:"colors.whiteAlpha.100"}},_disabled:{opacity:.4,cursor:"not-allowed"},bg:cb.reference},groupTitle:{mx:4,my:2,fontWeight:"semibold",fontSize:"sm"},command:{opacity:.6},divider:{border:0,borderBottom:"1px solid",borderColor:"inherit",my:"2",opacity:.6}})}),{defineMultiStyleConfig:hb,definePartsStyle:fb}=cf(rm.keys),pb={bg:"blackAlpha.600",zIndex:"modal"},gb=e=>{const{isCentered:t,scrollBehavior:n}=e;return{display:"flex",zIndex:"modal",justifyContent:"center",alignItems:t?"center":"flex-start",overflow:"inside"===n?"hidden":"auto"}},mb=e=>{const{scrollBehavior:t}=e;return{borderRadius:"md",bg:Gm("white","gray.700")(e),color:"inherit",my:"16",zIndex:"modal",maxH:"inside"===t?"calc(100% - 7.5rem)":void 0,boxShadow:Gm("lg","dark-lg")(e)}},vb={px:"6",py:"4",fontSize:"xl",fontWeight:"semibold"},yb={position:"absolute",top:"2",insetEnd:"3"},bb=e=>{const{scrollBehavior:t}=e;return{px:"6",py:"2",flex:"1",overflow:"inside"===t?"auto":void 0}},xb={px:"6",py:"4"};function wb(e){return fb("full"===e?{dialog:{maxW:"100vw",minH:"$100vh",my:"0",borderRadius:"0"}}:{dialog:{maxW:e}})}var kb=hb({baseStyle:fb((e=>({overlay:pb,dialogContainer:Sv(gb,e),dialog:Sv(mb,e),header:vb,closeButton:yb,body:Sv(bb,e),footer:xb}))),sizes:{xs:wb("xs"),sm:wb("sm"),md:wb("md"),lg:wb("lg"),xl:wb("xl"),"2xl":wb("2xl"),"3xl":wb("3xl"),"4xl":wb("4xl"),"5xl":wb("5xl"),"6xl":wb("6xl"),full:wb("full")},defaultProps:{size:"md"}}),Sb={letterSpacings:{tighter:"-0.05em",tight:"-0.025em",normal:"0",wide:"0.025em",wider:"0.05em",widest:"0.1em"},lineHeights:{normal:"normal",none:1,shorter:1.25,short:1.375,base:1.5,tall:1.625,taller:"2",3:".75rem",4:"1rem",5:"1.25rem",6:"1.5rem",7:"1.75rem",8:"2rem",9:"2.25rem",10:"2.5rem"},fontWeights:{hairline:100,thin:200,light:300,normal:400,medium:500,semibold:600,bold:700,extrabold:800,black:900},fonts:{heading:'-apple-system, BlinkMacSystemFont, "Segoe UI", Helvetica, Arial, sans-serif, "Apple Color Emoji", "Segoe UI Emoji", "Segoe UI Symbol"',body:'-apple-system, BlinkMacSystemFont, "Segoe UI", Helvetica, Arial, sans-serif, "Apple Color Emoji", "Segoe UI Emoji", "Segoe UI Symbol"',mono:'SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",monospace'},fontSizes:{"3xs":"0.45rem","2xs":"0.625rem",xs:"0.75rem",sm:"0.875rem",md:"1rem",lg:"1.125rem",xl:"1.25rem","2xl":"1.5rem","3xl":"1.875rem","4xl":"2.25rem","5xl":"3rem","6xl":"3.75rem","7xl":"4.5rem","8xl":"6rem","9xl":"8rem"}},{defineMultiStyleConfig:Cb,definePartsStyle:_b}=cf(om.keys),Eb=iv("number-input-stepper-width"),Pb=iv("number-input-input-padding"),Lb=tv(Eb).add("0.5rem").toString(),Ob=iv("number-input-bg"),Mb=iv("number-input-color"),Tb=iv("number-input-border-color"),Ab={[Eb.variable]:"sizes.6",[Pb.variable]:Lb},Ib=e=>{var t;return(null==(t=Sv(eb.baseStyle,e))?void 0:t.field)??{}},Rb={width:Eb.reference},Nb={borderStart:"1px solid",borderStartColor:Tb.reference,color:Mb.reference,bg:Ob.reference,[Mb.variable]:"colors.chakra-body-text",[Tb.variable]:"colors.chakra-border-color",_dark:{[Mb.variable]:"colors.whiteAlpha.800",[Tb.variable]:"colors.whiteAlpha.300"},_active:{[Ob.variable]:"colors.gray.200",_dark:{[Ob.variable]:"colors.whiteAlpha.300"}},_disabled:{opacity:.4,cursor:"not-allowed"}};function Db(e){var t,n;const r=null==(t=eb.sizes)?void 0:t[e],o={lg:"md",md:"md",sm:"sm",xs:"sm"},i=(null==(n=r.field)?void 0:n.fontSize)??"md",a=Sb.fontSizes[i];return _b({field:{...r.field,paddingInlineEnd:Pb.reference,verticalAlign:"top"},stepper:{fontSize:tv(a).multiply(.75).toString(),_first:{borderTopEndRadius:o[e]},_last:{borderBottomEndRadius:o[e],mt:"-1px",borderTopWidth:1}}})}var zb,Bb,jb,Fb,Hb,Wb,Vb,$b,Ub,Gb,qb,Yb,Zb,Xb,Kb,Qb,Jb,ex=Cb({baseStyle:_b((e=>({root:Ab,field:Sv(Ib,e)??{},stepperGroup:Rb,stepper:Nb}))),sizes:{xs:Db("xs"),sm:Db("sm"),md:Db("md"),lg:Db("lg")},variants:eb.variants,defaultProps:eb.defaultProps}),tx={baseStyle:{...null==(zb=eb.baseStyle)?void 0:zb.field,textAlign:"center"},sizes:{lg:{fontSize:"lg",w:12,h:12,borderRadius:"md"},md:{fontSize:"md",w:10,h:10,borderRadius:"md"},sm:{fontSize:"sm",w:8,h:8,borderRadius:"sm"},xs:{fontSize:"xs",w:6,h:6,borderRadius:"sm"}},variants:{outline:e=>{var t,n;return(null==(n=Sv(null==(t=eb.variants)?void 0:t.outline,e))?void 0:n.field)??{}},flushed:e=>{var t,n;return(null==(n=Sv(null==(t=eb.variants)?void 0:t.flushed,e))?void 0:n.field)??{}},filled:e=>{var t,n;return(null==(n=Sv(null==(t=eb.variants)?void 0:t.filled,e))?void 0:n.field)??{}},unstyled:(null==(Bb=eb.variants)?void 0:Bb.unstyled.field)??{}},defaultProps:eb.defaultProps},{defineMultiStyleConfig:nx,definePartsStyle:rx}=cf(im.keys),ox=iv("popper-bg"),ix=iv("popper-arrow-bg"),ax=iv("popper-arrow-shadow-color"),sx=nx({baseStyle:rx({popper:{zIndex:10},content:{[ox.variable]:"colors.white",bg:ox.reference,[ix.variable]:ox.reference,[ax.variable]:"colors.gray.200",_dark:{[ox.variable]:"colors.gray.700",[ax.variable]:"colors.whiteAlpha.300"},width:"xs",border:"1px solid",borderColor:"inherit",borderRadius:"md",boxShadow:"sm",zIndex:"inherit",_focusVisible:{outline:0,boxShadow:"outline"}},header:{px:3,py:2,borderBottomWidth:"1px"},body:{px:3,py:2},footer:{px:3,py:2,borderTopWidth:"1px"},closeButton:{position:"absolute",borderRadius:"md",top:1,insetEnd:2,padding:2}})}),{defineMultiStyleConfig:lx,definePartsStyle:cx}=cf(am.keys),ux=e=>{const{colorScheme:t,theme:n,isIndeterminate:r,hasStripe:o}=e,i=Gm($m(),$m("1rem","rgba(0,0,0,0.1)"))(e),a=Gm(`${t}.500`,`${t}.200`)(e),s=`linear-gradient(\n to right,\n transparent 0%,\n ${Hm(n,a)} 50%,\n transparent 100%\n )`;return{...!r&&o&&i,...r?{bgImage:s}:{bgColor:a}}},dx={lineHeight:"1",fontSize:"0.25em",fontWeight:"bold",color:"white"},hx=e=>({bg:Gm("gray.100","whiteAlpha.300")(e)}),fx=e=>({transitionProperty:"common",transitionDuration:"slow",...ux(e)}),px=cx((e=>({label:dx,filledTrack:fx(e),track:hx(e)}))),gx=lx({sizes:{xs:cx({track:{h:"1"}}),sm:cx({track:{h:"2"}}),md:cx({track:{h:"3"}}),lg:cx({track:{h:"4"}})},baseStyle:px,defaultProps:{size:"md",colorScheme:"blue"}}),{defineMultiStyleConfig:mx,definePartsStyle:vx}=cf(sm.keys),yx=e=>{var t;const n=null==(t=Sv(uy.baseStyle,e))?void 0:t.control;return{...n,borderRadius:"full",_checked:{...null==n?void 0:n._checked,_before:{content:'""',display:"inline-block",pos:"relative",w:"50%",h:"50%",borderRadius:"50%",bg:"currentColor"}}}},bx=mx({baseStyle:vx((e=>{var t,n,r,o;return{label:null==(n=(t=uy).baseStyle)?void 0:n.call(t,e).label,container:null==(o=(r=uy).baseStyle)?void 0:o.call(r,e).container,control:yx(e)}})),sizes:{md:vx({control:{w:"4",h:"4"},label:{fontSize:"md"}}),lg:vx({control:{w:"5",h:"5"},label:{fontSize:"lg"}}),sm:vx({control:{width:"3",height:"3"},label:{fontSize:"sm"}})},defaultProps:{size:"md",colorScheme:"blue"}}),{defineMultiStyleConfig:xx,definePartsStyle:wx}=cf(lm.keys),kx=_h("select-bg"),Sx={paddingInlineEnd:"8"},Cx=xx({baseStyle:wx({field:{...null==(jb=eb.baseStyle)?void 0:jb.field,appearance:"none",paddingBottom:"1px",lineHeight:"normal",bg:kx.reference,[kx.variable]:"colors.white",_dark:{[kx.variable]:"colors.gray.700"},"> option, > optgroup":{bg:kx.reference}},icon:{width:"6",height:"100%",insetEnd:"2",position:"relative",color:"currentColor",fontSize:"xl",_disabled:{opacity:.5}}}),sizes:{lg:{...null==(Fb=eb.sizes)?void 0:Fb.lg,field:{...null==(Hb=eb.sizes)?void 0:Hb.lg.field,...Sx}},md:{...null==(Wb=eb.sizes)?void 0:Wb.md,field:{...null==(Vb=eb.sizes)?void 0:Vb.md.field,...Sx}},sm:{...null==($b=eb.sizes)?void 0:$b.sm,field:{...null==(Ub=eb.sizes)?void 0:Ub.sm.field,...Sx}},xs:{...null==(Gb=eb.sizes)?void 0:Gb.xs,field:{...null==(qb=eb.sizes)?void 0:qb.xs.field,...Sx},icon:{insetEnd:"1"}}},variants:eb.variants,defaultProps:eb.defaultProps}),_x=_h("skeleton-start-color"),Ex=_h("skeleton-end-color"),Px={baseStyle:{[_x.variable]:"colors.gray.100",[Ex.variable]:"colors.gray.400",_dark:{[_x.variable]:"colors.gray.800",[Ex.variable]:"colors.gray.600"},background:_x.reference,borderColor:Ex.reference,opacity:.7,borderRadius:"sm"}},Lx=_h("skip-link-bg"),Ox={baseStyle:{borderRadius:"md",fontWeight:"semibold",_focusVisible:{boxShadow:"outline",padding:"4",position:"fixed",top:"6",insetStart:"6",[Lx.variable]:"colors.white",_dark:{[Lx.variable]:"colors.gray.700"},bg:Lx.reference}}},{defineMultiStyleConfig:Mx,definePartsStyle:Tx}=cf(cm.keys),Ax=_h("slider-thumb-size"),Ix=_h("slider-track-size"),Rx=_h("slider-bg"),Nx=e=>{const{orientation:t}=e;return{display:"inline-block",position:"relative",cursor:"pointer",_disabled:{opacity:.6,cursor:"default",pointerEvents:"none"},...qm({orientation:t,vertical:{h:"100%"},horizontal:{w:"100%"}})}},Dx=e=>({...qm({orientation:e.orientation,horizontal:{h:Ix.reference},vertical:{w:Ix.reference}}),overflow:"hidden",borderRadius:"sm",[Rx.variable]:"colors.gray.200",_dark:{[Rx.variable]:"colors.whiteAlpha.200"},_disabled:{[Rx.variable]:"colors.gray.300",_dark:{[Rx.variable]:"colors.whiteAlpha.300"}},bg:Rx.reference}),zx=e=>{const{orientation:t}=e;return{...qm({orientation:t,vertical:{left:"50%",transform:"translateX(-50%)",_active:{transform:"translateX(-50%) scale(1.15)"}},horizontal:{top:"50%",transform:"translateY(-50%)",_active:{transform:"translateY(-50%) scale(1.15)"}}}),w:Ax.reference,h:Ax.reference,display:"flex",alignItems:"center",justifyContent:"center",position:"absolute",outline:0,zIndex:1,borderRadius:"full",bg:"white",boxShadow:"base",border:"1px solid",borderColor:"transparent",transitionProperty:"transform",transitionDuration:"normal",_focusVisible:{boxShadow:"outline"},_disabled:{bg:"gray.300"}}},Bx=e=>{const{colorScheme:t}=e;return{width:"inherit",height:"inherit",[Rx.variable]:`colors.${t}.500`,_dark:{[Rx.variable]:`colors.${t}.200`},bg:Rx.reference}},jx=Mx({baseStyle:Tx((e=>({container:Nx(e),track:Dx(e),thumb:zx(e),filledTrack:Bx(e)}))),sizes:{lg:Tx({container:{[Ax.variable]:"sizes.4",[Ix.variable]:"sizes.1"}}),md:Tx({container:{[Ax.variable]:"sizes.3.5",[Ix.variable]:"sizes.1"}}),sm:Tx({container:{[Ax.variable]:"sizes.2.5",[Ix.variable]:"sizes.0.5"}})},defaultProps:{size:"md",colorScheme:"blue"}}),Fx=iv("spinner-size"),Hx={baseStyle:{width:[Fx.reference],height:[Fx.reference]},sizes:{xs:{[Fx.variable]:"sizes.3"},sm:{[Fx.variable]:"sizes.4"},md:{[Fx.variable]:"sizes.6"},lg:{[Fx.variable]:"sizes.8"},xl:{[Fx.variable]:"sizes.12"}},defaultProps:{size:"md"}},{defineMultiStyleConfig:Wx,definePartsStyle:Vx}=cf(um.keys),$x=Wx({baseStyle:Vx({container:{},label:{fontWeight:"medium"},helpText:{opacity:.8,marginBottom:"2"},number:{verticalAlign:"baseline",fontWeight:"semibold"},icon:{marginEnd:1,w:"3.5",h:"3.5",verticalAlign:"middle"}}),sizes:{md:Vx({label:{fontSize:"sm"},helpText:{fontSize:"sm"},number:{fontSize:"2xl"}})},defaultProps:{size:"md"}}),{defineMultiStyleConfig:Ux,definePartsStyle:Gx}=cf(dm.keys),qx=iv("switch-track-width"),Yx=iv("switch-track-height"),Zx=iv("switch-track-diff"),Xx=tv.subtract(qx,Yx),Kx=iv("switch-thumb-x"),Qx=iv("switch-bg"),Jx=e=>{const{colorScheme:t}=e;return{borderRadius:"full",p:"0.5",width:[qx.reference],height:[Yx.reference],transitionProperty:"common",transitionDuration:"fast",[Qx.variable]:"colors.gray.300",_dark:{[Qx.variable]:"colors.whiteAlpha.400"},_focusVisible:{boxShadow:"outline"},_disabled:{opacity:.4,cursor:"not-allowed"},_checked:{[Qx.variable]:`colors.${t}.500`,_dark:{[Qx.variable]:`colors.${t}.200`}},bg:Qx.reference}},ew={bg:"white",transitionProperty:"transform",transitionDuration:"normal",borderRadius:"inherit",width:[Yx.reference],height:[Yx.reference],_checked:{transform:`translateX(${Kx.reference})`}},tw=Ux({baseStyle:Gx((e=>({container:{[Zx.variable]:Xx,[Kx.variable]:Zx.reference,_rtl:{[Kx.variable]:tv(Zx).negate().toString()}},track:Jx(e),thumb:ew}))),sizes:{sm:Gx({container:{[qx.variable]:"1.375rem",[Yx.variable]:"sizes.3"}}),md:Gx({container:{[qx.variable]:"1.875rem",[Yx.variable]:"sizes.4"}}),lg:Gx({container:{[qx.variable]:"2.875rem",[Yx.variable]:"sizes.6"}})},defaultProps:{size:"md",colorScheme:"blue"}}),{defineMultiStyleConfig:nw,definePartsStyle:rw}=cf(hm.keys),ow=rw({table:{fontVariantNumeric:"lining-nums tabular-nums",borderCollapse:"collapse",width:"full"},th:{fontFamily:"heading",fontWeight:"bold",textTransform:"uppercase",letterSpacing:"wider",textAlign:"start"},td:{textAlign:"start"},caption:{mt:4,fontFamily:"heading",textAlign:"center",fontWeight:"medium"}}),iw={"&[data-is-numeric=true]":{textAlign:"end"}},aw=rw((e=>{const{colorScheme:t}=e;return{th:{color:Gm("gray.600","gray.400")(e),borderBottom:"1px",borderColor:Gm(`${t}.100`,`${t}.700`)(e),...iw},td:{borderBottom:"1px",borderColor:Gm(`${t}.100`,`${t}.700`)(e),...iw},caption:{color:Gm("gray.600","gray.100")(e)},tfoot:{tr:{"&:last-of-type":{th:{borderBottomWidth:0}}}}}})),sw=rw((e=>{const{colorScheme:t}=e;return{th:{color:Gm("gray.600","gray.400")(e),borderBottom:"1px",borderColor:Gm(`${t}.100`,`${t}.700`)(e),...iw},td:{borderBottom:"1px",borderColor:Gm(`${t}.100`,`${t}.700`)(e),...iw},caption:{color:Gm("gray.600","gray.100")(e)},tbody:{tr:{"&:nth-of-type(odd)":{"th, td":{borderBottomWidth:"1px",borderColor:Gm(`${t}.100`,`${t}.700`)(e)},td:{background:Gm(`${t}.100`,`${t}.700`)(e)}}}},tfoot:{tr:{"&:last-of-type":{th:{borderBottomWidth:0}}}}}})),lw=nw({baseStyle:ow,variants:{simple:aw,striped:sw,unstyled:{}},sizes:{sm:rw({th:{px:"4",py:"1",lineHeight:"4",fontSize:"xs"},td:{px:"4",py:"2",fontSize:"sm",lineHeight:"4"},caption:{px:"4",py:"2",fontSize:"xs"}}),md:rw({th:{px:"6",py:"3",lineHeight:"4",fontSize:"xs"},td:{px:"6",py:"4",lineHeight:"5"},caption:{px:"6",py:"2",fontSize:"sm"}}),lg:rw({th:{px:"8",py:"4",lineHeight:"5",fontSize:"sm"},td:{px:"8",py:"5",lineHeight:"6"},caption:{px:"6",py:"2",fontSize:"md"}})},defaultProps:{variant:"simple",size:"md",colorScheme:"gray"}}),cw=_h("tabs-color"),uw=_h("tabs-bg"),dw=_h("tabs-border-color"),{defineMultiStyleConfig:hw,definePartsStyle:fw}=cf(fm.keys),pw=e=>{const{orientation:t}=e;return{display:"vertical"===t?"flex":"block"}},gw=e=>{const{isFitted:t}=e;return{flex:t?1:void 0,transitionProperty:"common",transitionDuration:"normal",_focusVisible:{zIndex:1,boxShadow:"outline"},_disabled:{cursor:"not-allowed",opacity:.4}}},mw=e=>{const{align:t="start",orientation:n}=e;return{justifyContent:{end:"flex-end",center:"center",start:"flex-start"}[t],flexDirection:"vertical"===n?"column":"row"}},vw={p:4},yw=fw((e=>({root:pw(e),tab:gw(e),tablist:mw(e),tabpanel:vw}))),bw={sm:fw({tab:{py:1,px:4,fontSize:"sm"}}),md:fw({tab:{fontSize:"md",py:2,px:4}}),lg:fw({tab:{fontSize:"lg",py:3,px:4}})},xw=fw((e=>{const{colorScheme:t,orientation:n}=e,r="vertical"===n?"borderStart":"borderBottom";return{tablist:{[r]:"2px solid",borderColor:"inherit"},tab:{[r]:"2px solid",borderColor:"transparent",["vertical"===n?"marginStart":"marginBottom"]:"-2px",_selected:{[cw.variable]:`colors.${t}.600`,_dark:{[cw.variable]:`colors.${t}.300`},borderColor:"currentColor"},_active:{[uw.variable]:"colors.gray.200",_dark:{[uw.variable]:"colors.whiteAlpha.300"}},_disabled:{_active:{bg:"none"}},color:cw.reference,bg:uw.reference}}})),ww=fw((e=>{const{colorScheme:t}=e;return{tab:{borderTopRadius:"md",border:"1px solid",borderColor:"transparent",mb:"-1px",[dw.reference]:"transparent",_selected:{[cw.variable]:`colors.${t}.600`,[dw.variable]:"colors.white",_dark:{[cw.variable]:`colors.${t}.300`,[dw.variable]:"colors.gray.800"},borderColor:"inherit",borderBottomColor:dw.reference},color:cw.reference},tablist:{mb:"-1px",borderBottom:"1px solid",borderColor:"inherit"}}})),kw=fw((e=>{const{colorScheme:t}=e;return{tab:{border:"1px solid",borderColor:"inherit",[uw.variable]:"colors.gray.50",_dark:{[uw.variable]:"colors.whiteAlpha.50"},mb:"-1px",_notLast:{marginEnd:"-1px"},_selected:{[uw.variable]:"colors.white",[cw.variable]:`colors.${t}.600`,_dark:{[uw.variable]:"colors.gray.800",[cw.variable]:`colors.${t}.300`},borderColor:"inherit",borderTopColor:"currentColor",borderBottomColor:"transparent"},color:cw.reference,bg:uw.reference},tablist:{mb:"-1px",borderBottom:"1px solid",borderColor:"inherit"}}})),Sw=fw((e=>{const{colorScheme:t,theme:n}=e;return{tab:{borderRadius:"full",fontWeight:"semibold",color:"gray.600",_selected:{color:Hm(n,`${t}.700`),bg:Hm(n,`${t}.100`)}}}})),Cw=fw((e=>{const{colorScheme:t}=e;return{tab:{borderRadius:"full",fontWeight:"semibold",[cw.variable]:"colors.gray.600",_dark:{[cw.variable]:"inherit"},_selected:{[cw.variable]:"colors.white",[uw.variable]:`colors.${t}.600`,_dark:{[cw.variable]:"colors.gray.800",[uw.variable]:`colors.${t}.300`}},color:cw.reference,bg:uw.reference}}})),_w=hw({baseStyle:yw,sizes:bw,variants:{line:xw,enclosed:ww,"enclosed-colored":kw,"soft-rounded":Sw,"solid-rounded":Cw,unstyled:fw({})},defaultProps:{size:"md",variant:"line",colorScheme:"blue"}}),{defineMultiStyleConfig:Ew,definePartsStyle:Pw}=cf(pm.keys),Lw=Pw({container:{fontWeight:"medium",lineHeight:1.2,outline:0,borderRadius:"md",_focusVisible:{boxShadow:"outline"}},label:{lineHeight:1.2,overflow:"visible"},closeButton:{fontSize:"lg",w:"5",h:"5",transitionProperty:"common",transitionDuration:"normal",borderRadius:"full",marginStart:"1.5",marginEnd:"-1",opacity:.5,_disabled:{opacity:.4},_focusVisible:{boxShadow:"outline",bg:"rgba(0, 0, 0, 0.14)"},_hover:{opacity:.8},_active:{opacity:1}}}),Ow={sm:Pw({container:{minH:"5",minW:"5",fontSize:"xs",px:"2"},closeButton:{marginEnd:"-2px",marginStart:"0.35rem"}}),md:Pw({container:{minH:"6",minW:"6",fontSize:"sm",px:"2"}}),lg:Pw({container:{minH:"8",minW:"8",fontSize:"md",px:"3"}})},Mw=Ew({variants:{subtle:Pw((e=>{var t;return{container:null==(t=Fv.variants)?void 0:t.subtle(e)}})),solid:Pw((e=>{var t;return{container:null==(t=Fv.variants)?void 0:t.solid(e)}})),outline:Pw((e=>{var t;return{container:null==(t=Fv.variants)?void 0:t.outline(e)}}))},baseStyle:Lw,sizes:Ow,defaultProps:{size:"md",variant:"subtle",colorScheme:"gray"}}),Tw={...null==(Yb=eb.baseStyle)?void 0:Yb.field,paddingY:"2",minHeight:"20",lineHeight:"short",verticalAlign:"top"},Aw={outline:e=>{var t;return(null==(t=eb.variants)?void 0:t.outline(e).field)??{}},flushed:e=>{var t;return(null==(t=eb.variants)?void 0:t.flushed(e).field)??{}},filled:e=>{var t;return(null==(t=eb.variants)?void 0:t.filled(e).field)??{}},unstyled:(null==(Zb=eb.variants)?void 0:Zb.unstyled.field)??{}},Iw={baseStyle:Tw,sizes:{xs:(null==(Xb=eb.sizes)?void 0:Xb.xs.field)??{},sm:(null==(Kb=eb.sizes)?void 0:Kb.sm.field)??{},md:(null==(Qb=eb.sizes)?void 0:Qb.md.field)??{},lg:(null==(Jb=eb.sizes)?void 0:Jb.lg.field)??{}},variants:Aw,defaultProps:{size:"md",variant:"outline"}},Rw=iv("tooltip-bg"),Nw=iv("tooltip-fg"),Dw=iv("popper-arrow-bg"),zw={bg:Rw.reference,color:Nw.reference,[Rw.variable]:"colors.gray.700",[Nw.variable]:"colors.whiteAlpha.900",_dark:{[Rw.variable]:"colors.gray.300",[Nw.variable]:"colors.gray.900"},[Dw.variable]:Rw.reference,px:"2",py:"0.5",borderRadius:"sm",fontWeight:"medium",fontSize:"sm",boxShadow:"md",maxW:"xs",zIndex:"tooltip"},Bw={Accordion:cv,Alert:xv,Avatar:Iv,Badge:Fv,Breadcrumb:Vv,Button:Zv,Checkbox:uy,CloseButton:fy,Code:my,Container:vy,Divider:yy,Drawer:Ty,Editable:Ry,Form:By,FormError:Wy,FormLabel:Vy,Heading:$y,Input:eb,Kbd:nb,Link:rb,List:ab,Menu:db,Modal:kb,NumberInput:ex,PinInput:tx,Popover:sx,Progress:gx,Radio:bx,Select:Cx,Skeleton:Px,SkipLink:Ox,Slider:jx,Spinner:Hx,Stat:$x,Switch:tw,Table:lw,Tabs:_w,Tag:Mw,Textarea:Iw,Tooltip:{baseStyle:zw},Card:ny},jw={none:0,"1px":"1px solid","2px":"2px solid","4px":"4px solid","8px":"8px solid"},Fw={xs:"0 0 0 1px rgba(0, 0, 0, 0.05)",sm:"0 1px 2px 0 rgba(0, 0, 0, 0.05)",base:"0 1px 3px 0 rgba(0, 0, 0, 0.1), 0 1px 2px 0 rgba(0, 0, 0, 0.06)",md:"0 4px 6px -1px rgba(0, 0, 0, 0.1), 0 2px 4px -1px rgba(0, 0, 0, 0.06)",lg:"0 10px 15px -3px rgba(0, 0, 0, 0.1), 0 4px 6px -2px rgba(0, 0, 0, 0.05)",xl:"0 20px 25px -5px rgba(0, 0, 0, 0.1), 0 10px 10px -5px rgba(0, 0, 0, 0.04)","2xl":"0 25px 50px -12px rgba(0, 0, 0, 0.25)",outline:"0 0 0 3px rgba(66, 153, 225, 0.6)",inner:"inset 0 2px 4px 0 rgba(0,0,0,0.06)",none:"none","dark-lg":"rgba(0, 0, 0, 0.1) 0px 0px 0px 1px, rgba(0, 0, 0, 0.2) 0px 5px 10px, rgba(0, 0, 0, 0.4) 0px 15px 40px"},Hw={property:{common:"background-color, border-color, color, fill, stroke, opacity, box-shadow, transform",colors:"background-color, border-color, color, fill, stroke",dimensions:"width, height",position:"left, right, top, bottom",background:"background-color, background-image, background-position"},easing:{"ease-in":"cubic-bezier(0.4, 0, 1, 1)","ease-out":"cubic-bezier(0, 0, 0.2, 1)","ease-in-out":"cubic-bezier(0.4, 0, 0.2, 1)"},duration:{"ultra-fast":"50ms",faster:"100ms",fast:"150ms",normal:"200ms",slow:"300ms",slower:"400ms","ultra-slow":"500ms"}},Ww={semanticTokens:{colors:{"chakra-body-text":{_light:"gray.800",_dark:"whiteAlpha.900"},"chakra-body-bg":{_light:"white",_dark:"gray.800"},"chakra-border-color":{_light:"gray.200",_dark:"whiteAlpha.300"},"chakra-subtle-bg":{_light:"gray.100",_dark:"gray.700"},"chakra-placeholder-color":{_light:"gray.500",_dark:"whiteAlpha.400"}}},direction:"ltr",...{breakpoints:{base:"0em",sm:"30em",md:"48em",lg:"62em",xl:"80em","2xl":"96em"},zIndices:{hide:-1,auto:"auto",base:0,docked:10,dropdown:1e3,sticky:1100,banner:1200,overlay:1300,modal:1400,popover:1500,skipLink:1600,toast:1700,tooltip:1800},radii:{none:"0",sm:"0.125rem",base:"0.25rem",md:"0.375rem",lg:"0.5rem",xl:"0.75rem","2xl":"1rem","3xl":"1.5rem",full:"9999px"},blur:{none:0,sm:"4px",base:"8px",md:"12px",lg:"16px",xl:"24px","2xl":"40px","3xl":"64px"},colors:{transparent:"transparent",current:"currentColor",black:"#000000",white:"#FFFFFF",whiteAlpha:{50:"rgba(255, 255, 255, 0.04)",100:"rgba(255, 255, 255, 0.06)",200:"rgba(255, 255, 255, 0.08)",300:"rgba(255, 255, 255, 0.16)",400:"rgba(255, 255, 255, 0.24)",500:"rgba(255, 255, 255, 0.36)",600:"rgba(255, 255, 255, 0.48)",700:"rgba(255, 255, 255, 0.64)",800:"rgba(255, 255, 255, 0.80)",900:"rgba(255, 255, 255, 0.92)"},blackAlpha:{50:"rgba(0, 0, 0, 0.04)",100:"rgba(0, 0, 0, 0.06)",200:"rgba(0, 0, 0, 0.08)",300:"rgba(0, 0, 0, 0.16)",400:"rgba(0, 0, 0, 0.24)",500:"rgba(0, 0, 0, 0.36)",600:"rgba(0, 0, 0, 0.48)",700:"rgba(0, 0, 0, 0.64)",800:"rgba(0, 0, 0, 0.80)",900:"rgba(0, 0, 0, 0.92)"},gray:{50:"#F7FAFC",100:"#EDF2F7",200:"#E2E8F0",300:"#CBD5E0",400:"#A0AEC0",500:"#718096",600:"#4A5568",700:"#2D3748",800:"#1A202C",900:"#171923"},red:{50:"#FFF5F5",100:"#FED7D7",200:"#FEB2B2",300:"#FC8181",400:"#F56565",500:"#E53E3E",600:"#C53030",700:"#9B2C2C",800:"#822727",900:"#63171B"},orange:{50:"#FFFAF0",100:"#FEEBC8",200:"#FBD38D",300:"#F6AD55",400:"#ED8936",500:"#DD6B20",600:"#C05621",700:"#9C4221",800:"#7B341E",900:"#652B19"},yellow:{50:"#FFFFF0",100:"#FEFCBF",200:"#FAF089",300:"#F6E05E",400:"#ECC94B",500:"#D69E2E",600:"#B7791F",700:"#975A16",800:"#744210",900:"#5F370E"},green:{50:"#F0FFF4",100:"#C6F6D5",200:"#9AE6B4",300:"#68D391",400:"#48BB78",500:"#38A169",600:"#2F855A",700:"#276749",800:"#22543D",900:"#1C4532"},teal:{50:"#E6FFFA",100:"#B2F5EA",200:"#81E6D9",300:"#4FD1C5",400:"#38B2AC",500:"#319795",600:"#2C7A7B",700:"#285E61",800:"#234E52",900:"#1D4044"},blue:{50:"#ebf8ff",100:"#bee3f8",200:"#90cdf4",300:"#63b3ed",400:"#4299e1",500:"#3182ce",600:"#2b6cb0",700:"#2c5282",800:"#2a4365",900:"#1A365D"},cyan:{50:"#EDFDFD",100:"#C4F1F9",200:"#9DECF9",300:"#76E4F7",400:"#0BC5EA",500:"#00B5D8",600:"#00A3C4",700:"#0987A0",800:"#086F83",900:"#065666"},purple:{50:"#FAF5FF",100:"#E9D8FD",200:"#D6BCFA",300:"#B794F4",400:"#9F7AEA",500:"#805AD5",600:"#6B46C1",700:"#553C9A",800:"#44337A",900:"#322659"},pink:{50:"#FFF5F7",100:"#FED7E2",200:"#FBB6CE",300:"#F687B3",400:"#ED64A6",500:"#D53F8C",600:"#B83280",700:"#97266D",800:"#702459",900:"#521B41"},linkedin:{50:"#E8F4F9",100:"#CFEDFB",200:"#9BDAF3",300:"#68C7EC",400:"#34B3E4",500:"#00A0DC",600:"#008CC9",700:"#0077B5",800:"#005E93",900:"#004471"},facebook:{50:"#E8F4F9",100:"#D9DEE9",200:"#B7C2DA",300:"#6482C0",400:"#4267B2",500:"#385898",600:"#314E89",700:"#29487D",800:"#223B67",900:"#1E355B"},messenger:{50:"#D0E6FF",100:"#B9DAFF",200:"#A2CDFF",300:"#7AB8FF",400:"#2E90FF",500:"#0078FF",600:"#0063D1",700:"#0052AC",800:"#003C7E",900:"#002C5C"},whatsapp:{50:"#dffeec",100:"#b9f5d0",200:"#90edb3",300:"#65e495",400:"#3cdd78",500:"#22c35e",600:"#179848",700:"#0c6c33",800:"#01421c",900:"#001803"},twitter:{50:"#E5F4FD",100:"#C8E9FB",200:"#A8DCFA",300:"#83CDF7",400:"#57BBF5",500:"#1DA1F2",600:"#1A94DA",700:"#1681BF",800:"#136B9E",900:"#0D4D71"},telegram:{50:"#E3F2F9",100:"#C5E4F3",200:"#A2D4EC",300:"#7AC1E4",400:"#47A9DA",500:"#0088CC",600:"#007AB8",700:"#006BA1",800:"#005885",900:"#003F5E"}},...Sb,sizes:kv,shadows:Fw,space:wv,borders:jw,transition:Hw},components:Bw,styles:{global:{body:{fontFamily:"body",color:"chakra-body-text",bg:"chakra-body-bg",transitionProperty:"background-color",transitionDuration:"normal",lineHeight:"base"},"*::placeholder":{color:"chakra-placeholder-color"},"*, *::before, &::after":{borderColor:"chakra-border-color",wordWrap:"break-word"}}},config:{useSystemColorMode:!1,initialColorMode:"light",cssVarPrefix:"chakra"}},Vw="undefined"!=typeof Element,$w="function"==typeof Map,Uw="function"==typeof Set,Gw="function"==typeof ArrayBuffer&&!!ArrayBuffer.isView;function qw(e,t){if(e===t)return!0;if(e&&t&&"object"==typeof e&&"object"==typeof t){if(e.constructor!==t.constructor)return!1;var n,r,o,i;if(Array.isArray(e)){if((n=e.length)!=t.length)return!1;for(r=n;0!=r--;)if(!qw(e[r],t[r]))return!1;return!0}if($w&&e instanceof Map&&t instanceof Map){if(e.size!==t.size)return!1;for(i=e.entries();!(r=i.next()).done;)if(!t.has(r.value[0]))return!1;for(i=e.entries();!(r=i.next()).done;)if(!qw(r.value[1],t.get(r.value[0])))return!1;return!0}if(Uw&&e instanceof Set&&t instanceof Set){if(e.size!==t.size)return!1;for(i=e.entries();!(r=i.next()).done;)if(!t.has(r.value[0]))return!1;return!0}if(Gw&&ArrayBuffer.isView(e)&&ArrayBuffer.isView(t)){if((n=e.length)!=t.length)return!1;for(r=n;0!=r--;)if(e[r]!==t[r])return!1;return!0}if(e.constructor===RegExp)return e.source===t.source&&e.flags===t.flags;if(e.valueOf!==Object.prototype.valueOf)return e.valueOf()===t.valueOf();if(e.toString!==Object.prototype.toString)return e.toString()===t.toString();if((n=(o=Object.keys(e)).length)!==Object.keys(t).length)return!1;for(r=n;0!=r--;)if(!Object.prototype.hasOwnProperty.call(t,o[r]))return!1;if(Vw&&e instanceof Element)return!1;for(r=n;0!=r--;)if(("_owner"!==o[r]&&"__v"!==o[r]&&"__o"!==o[r]||!e.$$typeof)&&!qw(e[o[r]],t[o[r]]))return!1;return!0}return e!=e&&t!=t}var Yw=function(e,t){try{return qw(e,t)}catch(n){if((n.message||"").match(/stack|recursion/i))return console.warn("react-fast-compare cannot handle circular refs"),!1;throw n}};function Zw(){const e=a.exports.useContext(cg);if(!e)throw Error("useTheme: `theme` is undefined. Seems you forgot to wrap your app in `` or ``");return e}function Xw(){return{...dd(),theme:Zw()}}function Kw(e){const{cssVarsRoot:t,theme:n,children:r}=e,o=a.exports.useMemo((()=>Kh(n)),[n]);return cd(dg,{theme:o,children:[ld(Qw,{root:t}),r]})}function Qw({root:e=":host, :root"}){const t=[e,"[data-theme]"].join(",");return ld(hg,{styles:e=>({[t]:e.__cssVars})})}function Jw(){const{colorMode:e}=dd();return ld(hg,{styles:t=>{const n=Ng(Mg(t,"styles.global"),{theme:t,colorMode:e});if(!n)return;return lf(n)(t)}})}!function(e={}){const{strict:t=!0,errorMessage:n="useContext: `context` is undefined. Seems you forgot to wrap component within the Provider",name:r}=e,o=a.exports.createContext(void 0);o.displayName=r,o.Provider}({name:"StylesContext",errorMessage:"useStyles: `styles` is undefined. Seems you forgot to wrap the components in `` "});var ek=new Set([...tf,"textStyle","layerStyle","apply","noOfLines","focusBorderColor","errorBorderColor","as","__css","css","sx"]),tk=new Set(["htmlWidth","htmlHeight","htmlSize"]);function nk(e){return tk.has(e)||!ek.has(e)}function rk(e,t){const{baseStyle:n,...r}=t??{};r.shouldForwardProp||(r.shouldForwardProp=nk);const o=(({baseStyle:e})=>t=>{const{theme:n,css:r,__css:o,sx:i,...a}=t,s=Tg(a,((e,t)=>rf(t))),l=Ng(e,t),c=Object.assign({},o,l,Ag(s),i),u=lf(c)(t.theme);return r?[u,r]:u})({baseStyle:n}),i=Vg(e,r)(o);return H.forwardRef((function(e,t){const{colorMode:n,forced:r}=dd();return H.createElement(i,{ref:t,"data-theme":r?n:void 0,...e})}))}function ok(e){return a.exports.forwardRef(e)}function ik(e,t={}){const{styleConfig:n,...r}=t,{theme:o,colorMode:i}=Xw(),s=e?Mg(o,`components.${e}`):void 0,l=n||s,c=xd({theme:o,colorMode:i},(null==l?void 0:l.defaultProps)??{},Ag(function(e,t){const n={};return Object.keys(e).forEach((r=>{t.includes(r)||(n[r]=e[r])})),n}(r,["children"]))),u=a.exports.useRef({});if(l){const e=function(e){return t=>{const{variant:n,size:r,theme:o}=t,i=df(o);return xd({},kd(e.baseStyle??{},t),i(e,"sizes",r,t),i(e,"variants",n,t))}}(l),t=e(c);Yw(u.current,t)||(u.current=t)}return u.current}function ak(e,t={}){return ik(e,t)}function sk(e,t={}){return ik(e,t)}var lk=function(){const e=new Map;return new Proxy(rk,{apply:(e,t,n)=>rk(...n),get:(t,n)=>(e.has(n)||e.set(n,rk(n)),e.get(n))})}();function ck(e={}){const{name:t,strict:n=!0,hookName:r="useContext",providerName:o="Provider",errorMessage:i}=e,s=a.exports.createContext(void 0);return s.displayName=t,[s.Provider,function e(){var t;const l=a.exports.useContext(s);if(!l&&n){const n=new Error(i??`${r} returned \`undefined\`. Seems you forgot to wrap component within ${o}`);throw n.name="ContextError",null==(t=Error.captureStackTrace)||t.call(Error,n,e),n}return l},s]}function uk(...e){return t=>{e.forEach((e=>{!function(e,t){if(null!=e)if("function"!=typeof e)try{e.current=t}catch(n){throw new Error(`Cannot assign value '${t}' to ref '${e}'`)}else e(t)}(e,t)}))}}function dk(...e){return a.exports.useMemo((()=>uk(...e)),e)}function hk(e){return e.sort(((e,t)=>{const n=e.compareDocumentPosition(t);if(n&Node.DOCUMENT_POSITION_FOLLOWING||n&Node.DOCUMENT_POSITION_CONTAINED_BY)return-1;if(n&Node.DOCUMENT_POSITION_PRECEDING||n&Node.DOCUMENT_POSITION_CONTAINS)return 1;if(n&Node.DOCUMENT_POSITION_DISCONNECTED||n&Node.DOCUMENT_POSITION_IMPLEMENTATION_SPECIFIC)throw Error("Cannot sort the given nodes.");return 0}))}function fk(e,t,n){let r=e+1;return n&&r>=t&&(r=0),r}function pk(e,t,n){let r=e-1;return n&&r<0&&(r=t),r}var gk="undefined"!=typeof window?a.exports.useLayoutEffect:a.exports.useEffect;function mk(){const t=a.exports.useRef(new class{constructor(){e(this,"descendants",new Map),e(this,"register",(e=>{if(null!=e)return(e=>"object"==typeof e&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE)(e)?this.registerNode(e):t=>{this.registerNode(t,e)}})),e(this,"unregister",(e=>{this.descendants.delete(e);const t=hk(Array.from(this.descendants.keys()));this.assignIndex(t)})),e(this,"destroy",(()=>{this.descendants.clear()})),e(this,"assignIndex",(e=>{this.descendants.forEach((t=>{const n=e.indexOf(t.node);t.index=n,t.node.dataset.index=t.index.toString()}))})),e(this,"count",(()=>this.descendants.size)),e(this,"enabledCount",(()=>this.enabledValues().length)),e(this,"values",(()=>Array.from(this.descendants.values()).sort(((e,t)=>e.index-t.index)))),e(this,"enabledValues",(()=>this.values().filter((e=>!e.disabled)))),e(this,"item",(e=>{if(0!==this.count())return this.values()[e]})),e(this,"enabledItem",(e=>{if(0!==this.enabledCount())return this.enabledValues()[e]})),e(this,"first",(()=>this.item(0))),e(this,"firstEnabled",(()=>this.enabledItem(0))),e(this,"last",(()=>this.item(this.descendants.size-1))),e(this,"lastEnabled",(()=>{const e=this.enabledValues().length-1;return this.enabledItem(e)})),e(this,"indexOf",(e=>{var t;return e?(null==(t=this.descendants.get(e))?void 0:t.index)??-1:-1})),e(this,"enabledIndexOf",(e=>null==e?-1:this.enabledValues().findIndex((t=>t.node.isSameNode(e))))),e(this,"next",((e,t=!0)=>{const n=fk(e,this.count(),t);return this.item(n)})),e(this,"nextEnabled",((e,t=!0)=>{const n=this.item(e);if(!n)return;const r=fk(this.enabledIndexOf(n.node),this.enabledCount(),t);return this.enabledItem(r)})),e(this,"prev",((e,t=!0)=>{const n=pk(e,this.count()-1,t);return this.item(n)})),e(this,"prevEnabled",((e,t=!0)=>{const n=this.item(e);if(!n)return;const r=pk(this.enabledIndexOf(n.node),this.enabledCount()-1,t);return this.enabledItem(r)})),e(this,"registerNode",((e,t)=>{if(!e||this.descendants.has(e))return;const n=hk(Array.from(this.descendants.keys()).concat(e));(null==t?void 0:t.disabled)&&(t.disabled=!!t.disabled);const r={node:e,index:-1,...t};this.descendants.set(e,r),this.assignIndex(n)}))}});return gk((()=>()=>t.current.destroy())),t.current}var[vk,yk]=ck({name:"DescendantsProvider",errorMessage:"useDescendantsContext must be used within DescendantsProvider"});function bk(){return[vk,()=>yk(),()=>mk(),e=>function(e){const t=yk(),[n,r]=a.exports.useState(-1),o=a.exports.useRef(null);gk((()=>()=>{o.current&&t.unregister(o.current)}),[]),gk((()=>{if(!o.current)return;const e=Number(o.current.dataset.index);n==e||Number.isNaN(e)||r(e)}));const i=e?t.register(e):t.register;return{descendants:t,index:n,enabledIndex:t.enabledIndexOf(o.current),register:uk(i,o)}}(e)]}var xk=(...e)=>e.filter(Boolean).join(" "),wk={path:cd("g",{stroke:"currentColor",strokeWidth:"1.5",children:[ld("path",{strokeLinecap:"round",fill:"none",d:"M9,9a3,3,0,1,1,4,2.829,1.5,1.5,0,0,0-1,1.415V14.25"}),ld("path",{fill:"currentColor",strokeLinecap:"round",d:"M12,17.25a.375.375,0,1,0,.375.375A.375.375,0,0,0,12,17.25h0"}),ld("circle",{fill:"none",strokeMiterlimit:"10",cx:"12",cy:"12",r:"11.25"})]}),viewBox:"0 0 24 24"},kk=ok(((e,t)=>{const{as:n,viewBox:r,color:o="currentColor",focusable:i=!1,children:a,className:s,__css:l,...c}=e,u={ref:t,focusable:i,className:xk("chakra-icon",s),__css:{w:"1em",h:"1em",display:"inline-block",lineHeight:"1em",flexShrink:0,color:o,...l}},d=r??wk.viewBox;if(n&&"string"!=typeof n)return H.createElement(lk.svg,{as:n,...u,...c});const h=a??wk.path;return H.createElement(lk.svg,{verticalAlign:"middle",viewBox:d,...u,...c},h)}));function Sk(e){const{viewBox:t="0 0 24 24",d:n,displayName:r,defaultProps:o={}}=e,i=a.exports.Children.toArray(e.path),s=ok(((e,r)=>ld(kk,{ref:r,viewBox:t,...o,...e,children:i.length?i:ld("path",{fill:"currentColor",d:n})})));return s.displayName=r,s}function Ck(e,t=[]){const n=a.exports.useRef(e);return a.exports.useEffect((()=>{n.current=e})),a.exports.useCallback(((...e)=>{var t;return null==(t=n.current)?void 0:t.call(n,...e)}),t)}function _k(e){const{value:t,defaultValue:n,onChange:r,shouldUpdate:o=((e,t)=>e!==t)}=e,i=Ck(r),s=Ck(o),[l,c]=a.exports.useState(n),u=void 0!==t,d=u?t:l,h=Ck((e=>{const t="function"==typeof e?e(d):e;s(d,t)&&(u||c(t),i(t))}),[u,i,d,s]);return[d,h]}kk.displayName="Icon";const Ek=a.exports.createContext({transformPagePoint:e=>e,isStatic:!1,reducedMotion:"never"}),Pk=a.exports.createContext({});const Lk=a.exports.createContext(null),Ok="undefined"!=typeof document,Mk=Ok?a.exports.useLayoutEffect:a.exports.useEffect,Tk=a.exports.createContext({strict:!1});function Ak(e,t,n,r){const o=a.exports.useContext(Pk).visualElement,i=a.exports.useContext(Tk),s=a.exports.useContext(Lk),l=a.exports.useContext(Ek).reducedMotion,c=a.exports.useRef();r=r||i.renderer,!c.current&&r&&(c.current=r(e,{visualState:t,parent:o,props:n,presenceId:s?s.id:void 0,blockInitialAnimation:!!s&&!1===s.initial,reducedMotionConfig:l}));const u=c.current;return Mk((()=>{u&&u.render()})),a.exports.useEffect((()=>{u&&u.animationState&&u.animationState.animateChanges()})),Mk((()=>()=>u&&u.notify("Unmount")),[]),u}function Ik(e){return"object"==typeof e&&Object.prototype.hasOwnProperty.call(e,"current")}function Rk(e,t,n){return a.exports.useCallback((r=>{r&&e.mount&&e.mount(r),t&&(r?t.mount(r):t.unmount()),n&&("function"==typeof n?n(r):Ik(n)&&(n.current=r))}),[t])}function Nk(e){return"string"==typeof e||Array.isArray(e)}function Dk(e){return"object"==typeof e&&"function"==typeof e.start}const zk=["initial","animate","exit","whileHover","whileDrag","whileTap","whileFocus","whileInView"];function Bk(e){return Dk(e.animate)||zk.some((t=>Nk(e[t])))}function jk(e){return Boolean(Bk(e)||e.variants)}function Fk(e){const{initial:t,animate:n}=function(e,t){if(Bk(e)){const{initial:t,animate:n}=e;return{initial:!1===t||Nk(t)?t:void 0,animate:Nk(n)?n:void 0}}return!1!==e.inherit?t:{}}(e,a.exports.useContext(Pk));return a.exports.useMemo((()=>({initial:t,animate:n})),[Hk(t),Hk(n)])}function Hk(e){return Array.isArray(e)?e.join(" "):e}const Wk=e=>({isEnabled:t=>e.some((e=>!!t[e]))}),Vk={measureLayout:Wk(["layout","layoutId","drag"]),animation:Wk(["animate","exit","variants","whileHover","whileTap","whileFocus","whileDrag","whileInView"]),exit:Wk(["exit"]),drag:Wk(["drag","dragControls"]),focus:Wk(["whileFocus"]),hover:Wk(["whileHover","onHoverStart","onHoverEnd"]),tap:Wk(["whileTap","onTap","onTapStart","onTapCancel"]),pan:Wk(["onPan","onPanStart","onPanSessionStart","onPanEnd"]),inView:Wk(["whileInView","onViewportEnter","onViewportLeave"])};function $k(e){const t=a.exports.useRef(null);return null===t.current&&(t.current=e()),t.current}const Uk={hasAnimatedSinceResize:!0,hasEverUpdated:!1};let Gk=1;const qk=a.exports.createContext({});class Yk extends H.Component{getSnapshotBeforeUpdate(){const{visualElement:e,props:t}=this.props;return e&&e.setProps(t),null}componentDidUpdate(){}render(){return this.props.children}}const Zk=a.exports.createContext({}),Xk=Symbol.for("motionComponentSymbol");function Kk({preloadedFeatures:e,createVisualElement:t,projectionNodeConstructor:n,useRender:r,useVisualState:o,Component:i}){e&&function(e){for(const t in e)"projectionNodeConstructor"===t?Vk.projectionNodeConstructor=e[t]:Vk[t].Component=e[t]}(e);const s=a.exports.forwardRef((function(s,l){const c={...a.exports.useContext(Ek),...s,layoutId:Qk(s)},{isStatic:u}=c;let d=null;const h=Fk(s),f=u?void 0:$k((()=>{if(Uk.hasEverUpdated)return Gk++})),p=o(s,u);if(!u&&Ok){h.visualElement=Ak(i,p,c,t);const r=a.exports.useContext(Tk).strict,o=a.exports.useContext(Zk);h.visualElement&&(d=h.visualElement.loadFeatures(c,r,e,f,n||Vk.projectionNodeConstructor,o))}return cd(Yk,{visualElement:h.visualElement,props:c,children:[d,ld(Pk.Provider,{value:h,children:r(i,s,f,Rk(p,h.visualElement,l),p,u,h.visualElement)})]})}));return s[Xk]=i,s}function Qk({layoutId:e}){const t=a.exports.useContext(qk).id;return t&&void 0!==e?t+"-"+e:e}function Jk(e){function t(t,n={}){return Kk(e(t,n))}if("undefined"==typeof Proxy)return t;const n=new Map;return new Proxy(t,{get:(e,r)=>(n.has(r)||n.set(r,t(r)),n.get(r))})}const eS=["animate","circle","defs","desc","ellipse","g","image","line","filter","marker","mask","metadata","path","pattern","polygon","polyline","rect","stop","svg","switch","symbol","text","tspan","use","view"];function tS(e){return"string"==typeof e&&!e.includes("-")&&!!(eS.indexOf(e)>-1||/[A-Z]/.test(e))}const nS={};const rS=["transformPerspective","x","y","z","translateX","translateY","translateZ","scale","scaleX","scaleY","rotate","rotateX","rotateY","rotateZ","skew","skewX","skewY"],oS=new Set(rS);function iS(e,{layout:t,layoutId:n}){return oS.has(e)||e.startsWith("origin")||(t||void 0!==n)&&(!!nS[e]||"opacity"===e)}const aS=e=>!!(null==e?void 0:e.getVelocity),sS={x:"translateX",y:"translateY",z:"translateZ",transformPerspective:"perspective"},lS=(e,t)=>rS.indexOf(e)-rS.indexOf(t);function cS(e){return e.startsWith("--")}const uS=(e,t)=>t&&"number"==typeof e?t.transform(e):e,dS=(e,t)=>n=>Math.max(Math.min(n,t),e),hS=e=>e%1?Number(e.toFixed(5)):e,fS=/(-)?([\d]*\.?[\d])+/g,pS=/(#[0-9a-f]{6}|#[0-9a-f]{3}|#(?:[0-9a-f]{2}){2,4}|(rgb|hsl)a?\((-?[\d\.]+%?[,\s]+){2}(-?[\d\.]+%?)\s*[\,\/]?\s*[\d\.]*%?\))/gi,gS=/^(#[0-9a-f]{3}|#(?:[0-9a-f]{2}){2,4}|(rgb|hsl)a?\((-?[\d\.]+%?[,\s]+){2}(-?[\d\.]+%?)\s*[\,\/]?\s*[\d\.]*%?\))$/i;function mS(e){return"string"==typeof e}const vS={test:e=>"number"==typeof e,parse:parseFloat,transform:e=>e},yS=Object.assign(Object.assign({},vS),{transform:dS(0,1)}),bS=Object.assign(Object.assign({},vS),{default:1}),xS=e=>({test:t=>mS(t)&&t.endsWith(e)&&1===t.split(" ").length,parse:parseFloat,transform:t=>`${t}${e}`}),wS=xS("deg"),kS=xS("%"),SS=xS("px"),CS=xS("vh"),_S=xS("vw"),ES=Object.assign(Object.assign({},kS),{parse:e=>kS.parse(e)/100,transform:e=>kS.transform(100*e)}),PS=(e,t)=>n=>Boolean(mS(n)&&gS.test(n)&&n.startsWith(e)||t&&Object.prototype.hasOwnProperty.call(n,t)),LS=(e,t,n)=>r=>{if(!mS(r))return r;const[o,i,a,s]=r.match(fS);return{[e]:parseFloat(o),[t]:parseFloat(i),[n]:parseFloat(a),alpha:void 0!==s?parseFloat(s):1}},OS={test:PS("hsl","hue"),parse:LS("hue","saturation","lightness"),transform:({hue:e,saturation:t,lightness:n,alpha:r=1})=>"hsla("+Math.round(e)+", "+kS.transform(hS(t))+", "+kS.transform(hS(n))+", "+hS(yS.transform(r))+")"},MS=dS(0,255),TS=Object.assign(Object.assign({},vS),{transform:e=>Math.round(MS(e))}),AS={test:PS("rgb","red"),parse:LS("red","green","blue"),transform:({red:e,green:t,blue:n,alpha:r=1})=>"rgba("+TS.transform(e)+", "+TS.transform(t)+", "+TS.transform(n)+", "+hS(yS.transform(r))+")"};const IS={test:PS("#"),parse:function(e){let t="",n="",r="",o="";return e.length>5?(t=e.substr(1,2),n=e.substr(3,2),r=e.substr(5,2),o=e.substr(7,2)):(t=e.substr(1,1),n=e.substr(2,1),r=e.substr(3,1),o=e.substr(4,1),t+=t,n+=n,r+=r,o+=o),{red:parseInt(t,16),green:parseInt(n,16),blue:parseInt(r,16),alpha:o?parseInt(o,16)/255:1}},transform:AS.transform},RS={test:e=>AS.test(e)||IS.test(e)||OS.test(e),parse:e=>AS.test(e)?AS.parse(e):OS.test(e)?OS.parse(e):IS.parse(e),transform:e=>mS(e)?e:e.hasOwnProperty("red")?AS.transform(e):OS.transform(e)},NS="${c}",DS="${n}";function zS(e){"number"==typeof e&&(e=`${e}`);const t=[];let n=0;const r=e.match(pS);r&&(n=r.length,e=e.replace(pS,NS),t.push(...r.map(RS.parse)));const o=e.match(fS);return o&&(e=e.replace(fS,DS),t.push(...o.map(vS.parse))),{values:t,numColors:n,tokenised:e}}function BS(e){return zS(e).values}function jS(e){const{values:t,numColors:n,tokenised:r}=zS(e),o=t.length;return e=>{let t=r;for(let r=0;r"number"==typeof e?0:e;const HS={test:function(e){var t,n,r,o;return isNaN(e)&&mS(e)&&(null!==(n=null===(t=e.match(fS))||void 0===t?void 0:t.length)&&void 0!==n?n:0)+(null!==(o=null===(r=e.match(pS))||void 0===r?void 0:r.length)&&void 0!==o?o:0)>0},parse:BS,createTransformer:jS,getAnimatableNone:function(e){const t=BS(e);return jS(e)(t.map(FS))}},WS=new Set(["brightness","contrast","saturate","opacity"]);function VS(e){let[t,n]=e.slice(0,-1).split("(");if("drop-shadow"===t)return e;const[r]=n.match(fS)||[];if(!r)return e;const o=n.replace(r,"");let i=WS.has(t)?1:0;return r!==n&&(i*=100),t+"("+i+o+")"}const $S=/([a-z-]*)\(.*?\)/g,US=Object.assign(Object.assign({},HS),{getAnimatableNone:e=>{const t=e.match($S);return t?t.map(VS).join(" "):e}}),GS={...vS,transform:Math.round},qS={borderWidth:SS,borderTopWidth:SS,borderRightWidth:SS,borderBottomWidth:SS,borderLeftWidth:SS,borderRadius:SS,radius:SS,borderTopLeftRadius:SS,borderTopRightRadius:SS,borderBottomRightRadius:SS,borderBottomLeftRadius:SS,width:SS,maxWidth:SS,height:SS,maxHeight:SS,size:SS,top:SS,right:SS,bottom:SS,left:SS,padding:SS,paddingTop:SS,paddingRight:SS,paddingBottom:SS,paddingLeft:SS,margin:SS,marginTop:SS,marginRight:SS,marginBottom:SS,marginLeft:SS,rotate:wS,rotateX:wS,rotateY:wS,rotateZ:wS,scale:bS,scaleX:bS,scaleY:bS,scaleZ:bS,skew:wS,skewX:wS,skewY:wS,distance:SS,translateX:SS,translateY:SS,translateZ:SS,x:SS,y:SS,z:SS,perspective:SS,transformPerspective:SS,opacity:yS,originX:ES,originY:ES,originZ:SS,zIndex:GS,fillOpacity:yS,strokeOpacity:yS,numOctaves:GS};function YS(e,t,n,r){const{style:o,vars:i,transform:a,transformKeys:s,transformOrigin:l}=e;s.length=0;let c=!1,u=!1,d=!0;for(const h in t){const e=t[h];if(cS(h)){i[h]=e;continue}const n=qS[h],r=uS(e,n);if(oS.has(h)){if(c=!0,a[h]=r,s.push(h),!d)continue;e!==(n.default||0)&&(d=!1)}else h.startsWith("origin")?(u=!0,l[h]=r):o[h]=r}if(t.transform||(c||r?o.transform=function({transform:e,transformKeys:t},{enableHardwareAcceleration:n=!0,allowTransformNone:r=!0},o,i){let a="";t.sort(lS);for(const s of t)a+=`${sS[s]||s}(${e[s]}) `;return n&&!e.z&&(a+="translateZ(0)"),a=a.trim(),i?a=i(e,o?"":a):r&&o&&(a="none"),a}(e,n,d,r):o.transform&&(o.transform="none")),u){const{originX:e="50%",originY:t="50%",originZ:n=0}=l;o.transformOrigin=`${e} ${t} ${n}`}}const ZS=()=>({style:{},transform:{},transformKeys:[],transformOrigin:{},vars:{}});function XS(e,t,n){for(const r in t)aS(t[r])||iS(r,n)||(e[r]=t[r])}function KS(e,t,n){const r={};return XS(r,e.style||{},e),Object.assign(r,function({transformTemplate:e},t,n){return a.exports.useMemo((()=>{const r={style:{},transform:{},transformKeys:[],transformOrigin:{},vars:{}};return YS(r,t,{enableHardwareAcceleration:!n},e),Object.assign({},r.vars,r.style)}),[t])}(e,t,n)),e.transformValues?e.transformValues(r):r}function QS(e,t,n){const r={},o=KS(e,t,n);return e.drag&&!1!==e.dragListener&&(r.draggable=!1,o.userSelect=o.WebkitUserSelect=o.WebkitTouchCallout="none",o.touchAction=!0===e.drag?"none":"pan-"+("x"===e.drag?"y":"x")),r.style=o,r}const JS=new Set(["initial","style","values","variants","transition","transformTemplate","transformValues","custom","inherit","layout","layoutId","layoutDependency","onLayoutAnimationStart","onLayoutAnimationComplete","onLayoutMeasure","onBeforeLayoutMeasure","onAnimationStart","onAnimationComplete","onUpdate","onDragStart","onDrag","onDragEnd","onMeasureDragConstraints","onDirectionLock","onDragTransitionEnd","drag","dragControls","dragListener","dragConstraints","dragDirectionLock","dragSnapToOrigin","_dragX","_dragY","dragElastic","dragMomentum","dragPropagation","dragTransition","onHoverStart","onHoverEnd","layoutScroll","whileInView","onViewportEnter","onViewportLeave","viewport","whileTap","onTap","onTapStart","onTapCancel","animate","exit","variants","whileHover","whileTap","whileFocus","whileDrag","whileInView","onPan","onPanStart","onPanSessionStart","onPanEnd"]);function eC(e){return JS.has(e)}let tC=e=>!eC(e);try{(nC=require("@emotion/is-prop-valid").default)&&(tC=e=>e.startsWith("on")?!eC(e):nC(e))}catch(zb){}var nC;function rC(e,t,n){return"string"==typeof e?e:SS.transform(t+n*e)}const oC={offset:"stroke-dashoffset",array:"stroke-dasharray"},iC={offset:"strokeDashoffset",array:"strokeDasharray"};function aC(e,{attrX:t,attrY:n,originX:r,originY:o,pathLength:i,pathSpacing:a=1,pathOffset:s=0,...l},c,u){YS(e,l,c,u),e.attrs=e.style,e.style={};const{attrs:d,style:h,dimensions:f}=e;d.transform&&(f&&(h.transform=d.transform),delete d.transform),f&&(void 0!==r||void 0!==o||h.transform)&&(h.transformOrigin=function(e,t,n){return`${rC(t,e.x,e.width)} ${rC(n,e.y,e.height)}`}(f,void 0!==r?r:.5,void 0!==o?o:.5)),void 0!==t&&(d.x=t),void 0!==n&&(d.y=n),void 0!==i&&function(e,t,n=1,r=0,o=!0){e.pathLength=1;const i=o?oC:iC;e[i.offset]=SS.transform(-r);const a=SS.transform(t),s=SS.transform(n);e[i.array]=`${a} ${s}`}(d,i,a,s,!1)}const sC=()=>({style:{},transform:{},transformKeys:[],transformOrigin:{},vars:{},attrs:{}});function lC(e,t){const n=a.exports.useMemo((()=>{const n={style:{},transform:{},transformKeys:[],transformOrigin:{},vars:{},attrs:{}};return aC(n,t,{enableHardwareAcceleration:!1},e.transformTemplate),{...n.attrs,style:{...n.style}}}),[t]);if(e.style){const t={};XS(t,e.style,e),n.style={...t,...n.style}}return n}function cC(e=!1){return(t,n,r,o,{latestValues:i},s)=>{const l=(tS(t)?lC:QS)(n,i,s),c=function(e,t,n){const r={};for(const o in e)(tC(o)||!0===n&&eC(o)||!t&&!eC(o)||e.draggable&&o.startsWith("onDrag"))&&(r[o]=e[o]);return r}(n,"string"==typeof t,e),u={...c,...l,ref:o};return r&&(u["data-projection-id"]=r),a.exports.createElement(t,u)}}const uC=e=>e.replace(/([a-z])([A-Z])/g,"$1-$2").toLowerCase();function dC(e,{style:t,vars:n},r,o){Object.assign(e.style,t,o&&o.getProjectionStyles(r));for(const i in n)e.style.setProperty(i,n[i])}const hC=new Set(["baseFrequency","diffuseConstant","kernelMatrix","kernelUnitLength","keySplines","keyTimes","limitingConeAngle","markerHeight","markerWidth","numOctaves","targetX","targetY","surfaceScale","specularConstant","specularExponent","stdDeviation","tableValues","viewBox","gradientTransform","pathLength"]);function fC(e,t,n,r){dC(e,t,void 0,r);for(const o in t.attrs)e.setAttribute(hC.has(o)?o:uC(o),t.attrs[o])}function pC(e){const{style:t}=e,n={};for(const r in t)(aS(t[r])||iS(r,e))&&(n[r]=t[r]);return n}function gC(e){const t=pC(e);for(const n in e)if(aS(e[n])){t["x"===n||"y"===n?"attr"+n.toUpperCase():n]=e[n]}return t}function mC(e,t,n,r={},o={}){return"function"==typeof t&&(t=t(void 0!==n?n:e.custom,r,o)),"string"==typeof t&&(t=e.variants&&e.variants[t]),"function"==typeof t&&(t=t(void 0!==n?n:e.custom,r,o)),t}const vC=e=>Array.isArray(e),yC=e=>vC(e)?e[e.length-1]||0:e;function bC(e){const t=aS(e)?e.get():e;return(e=>Boolean(e&&"object"==typeof e&&e.mix&&e.toValue))(t)?t.toValue():t}const xC=e=>(t,n)=>{const r=a.exports.useContext(Pk),o=a.exports.useContext(Lk),i=()=>function({scrapeMotionValuesFromProps:e,createRenderState:t,onMount:n},r,o,i){const a={latestValues:wC(r,o,i,e),renderState:t()};return n&&(a.mount=e=>n(r,e,a)),a}(e,t,r,o);return n?i():$k(i)};function wC(e,t,n,r){const o={},i=r(e);for(const h in i)o[h]=bC(i[h]);let{initial:a,animate:s}=e;const l=Bk(e),c=jk(e);t&&c&&!l&&!1!==e.inherit&&(void 0===a&&(a=t.initial),void 0===s&&(s=t.animate));let u=!!n&&!1===n.initial;u=u||!1===a;const d=u?s:a;if(d&&"boolean"!=typeof d&&!Dk(d)){(Array.isArray(d)?d:[d]).forEach((t=>{const n=mC(e,t);if(!n)return;const{transitionEnd:r,transition:i,...a}=n;for(const e in a){let t=a[e];if(Array.isArray(t)){t=t[u?t.length-1:0]}null!==t&&(o[e]=t)}for(const e in r)o[e]=r[e]}))}return o}const kC={useVisualState:xC({scrapeMotionValuesFromProps:gC,createRenderState:sC,onMount:(e,t,{renderState:n,latestValues:r})=>{try{n.dimensions="function"==typeof t.getBBox?t.getBBox():t.getBoundingClientRect()}catch(B2){n.dimensions={x:0,y:0,width:0,height:0}}aC(n,r,{enableHardwareAcceleration:!1},e.transformTemplate),fC(t,n)}})},SC={useVisualState:xC({scrapeMotionValuesFromProps:pC,createRenderState:ZS})};var CC;function _C(e,t,n,r={passive:!0}){return e.addEventListener(t,n,r),()=>e.removeEventListener(t,n)}function EC(e,t,n,r){a.exports.useEffect((()=>{const o=e.current;if(n&&o)return _C(o,t,n,r)}),[e,t,n,r])}function PC(e){return"undefined"!=typeof PointerEvent&&e instanceof PointerEvent?!("mouse"!==e.pointerType):e instanceof MouseEvent}function LC(e){return!!e.touches}!function(e){e.Animate="animate",e.Hover="whileHover",e.Tap="whileTap",e.Drag="whileDrag",e.Focus="whileFocus",e.InView="whileInView",e.Exit="exit"}(CC||(CC={}));const OC={pageX:0,pageY:0};function MC(e,t="page"){const n=e.touches[0]||e.changedTouches[0]||OC;return{x:n[t+"X"],y:n[t+"Y"]}}function TC(e,t="page"){return{x:e[t+"X"],y:e[t+"Y"]}}function AC(e,t="page"){return{point:LC(e)?MC(e,t):TC(e,t)}}const IC=(e,t=!1)=>{const n=t=>e(t,AC(t));return t?(r=n,e=>{const t=e instanceof MouseEvent;(!t||t&&0===e.button)&&r(e)}):n;var r},RC={pointerdown:"mousedown",pointermove:"mousemove",pointerup:"mouseup",pointercancel:"mousecancel",pointerover:"mouseover",pointerout:"mouseout",pointerenter:"mouseenter",pointerleave:"mouseleave"},NC={pointerdown:"touchstart",pointermove:"touchmove",pointerup:"touchend",pointercancel:"touchcancel"};function DC(e){return Ok&&null===window.onpointerdown?e:Ok&&null===window.ontouchstart?NC[e]:Ok&&null===window.onmousedown?RC[e]:e}function zC(e,t,n,r){return _C(e,DC(t),IC(n,"pointerdown"===t),r)}function BC(e,t,n,r){return EC(e,DC(t),n&&IC(n,"pointerdown"===t),r)}function jC(e){let t=null;return()=>{const n=()=>{t=null};return null===t&&(t=e,n)}}const FC=jC("dragHorizontal"),HC=jC("dragVertical");function WC(e){let t=!1;if("y"===e)t=HC();else if("x"===e)t=FC();else{const e=FC(),n=HC();e&&n?t=()=>{e(),n()}:(e&&e(),n&&n())}return t}function VC(){const e=WC(!0);return!e||(e(),!1)}function $C(e,t,n){return(r,o)=>{PC(r)&&!VC()&&(e.animationState&&e.animationState.setActive(CC.Hover,t),n&&n(r,o))}}const UC=(e,t)=>!!t&&(e===t||UC(e,t.parentElement));function GC(e){return a.exports.useEffect((()=>()=>e()),[])}function qC(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols){var o=0;for(r=Object.getOwnPropertySymbols(e);oMath.min(Math.max(n,e),t),ZC=.001;function XC({duration:e=800,bounce:t=.25,velocity:n=0,mass:r=1}){let o,i,a=1-t;a=YC(.05,1,a),e=YC(.01,10,e/1e3),a<1?(o=t=>{const r=t*a,o=r*e,i=r-n,s=KC(t,a),l=Math.exp(-o);return ZC-i/s*l},i=t=>{const r=t*a*e,i=r*n+n,s=Math.pow(a,2)*Math.pow(t,2)*e,l=Math.exp(-r),c=KC(Math.pow(t,2),a);return(-o(t)+ZC>0?-1:1)*((i-s)*l)/c}):(o=t=>Math.exp(-t*e)*((t-n)*e+1)-.001,i=t=>Math.exp(-t*e)*(e*e*(n-t)));const s=function(e,t,n){let r=n;for(let o=1;o<12;o++)r-=e(r)/t(r);return r}(o,i,5/e);if(e*=1e3,isNaN(s))return{stiffness:100,damping:10,duration:e};{const t=Math.pow(s,2)*r;return{stiffness:t,damping:2*a*Math.sqrt(r*t),duration:e}}}function KC(e,t){return e*Math.sqrt(1-t*t)}const QC=["duration","bounce"],JC=["stiffness","damping","mass"];function e_(e,t){return t.some((t=>void 0!==e[t]))}function t_(e){var{from:t=0,to:n=1,restSpeed:r=2,restDelta:o}=e,i=qC(e,["from","to","restSpeed","restDelta"]);const a={done:!1,value:t};let{stiffness:s,damping:l,mass:c,velocity:u,duration:d,isResolvedFromDuration:h}=function(e){let t=Object.assign({velocity:0,stiffness:100,damping:10,mass:1,isResolvedFromDuration:!1},e);if(!e_(e,JC)&&e_(e,QC)){const n=XC(e);t=Object.assign(Object.assign(Object.assign({},t),n),{velocity:0,mass:1}),t.isResolvedFromDuration=!0}return t}(i),f=n_,p=n_;function g(){const e=u?-u/1e3:0,r=n-t,i=l/(2*Math.sqrt(s*c)),a=Math.sqrt(s/c)/1e3;if(void 0===o&&(o=Math.min(Math.abs(n-t)/100,.4)),i<1){const t=KC(a,i);f=o=>{const s=Math.exp(-i*a*o);return n-s*((e+i*a*r)/t*Math.sin(t*o)+r*Math.cos(t*o))},p=n=>{const o=Math.exp(-i*a*n);return i*a*o*(Math.sin(t*n)*(e+i*a*r)/t+r*Math.cos(t*n))-o*(Math.cos(t*n)*(e+i*a*r)-t*r*Math.sin(t*n))}}else if(1===i)f=t=>n-Math.exp(-a*t)*(r+(e+a*r)*t);else{const t=a*Math.sqrt(i*i-1);f=o=>{const s=Math.exp(-i*a*o),l=Math.min(t*o,300);return n-s*((e+i*a*r)*Math.sinh(l)+t*r*Math.cosh(l))/t}}}return g(),{next:e=>{const t=f(e);if(h)a.done=e>=d;else{const i=1e3*p(e),s=Math.abs(i)<=r,l=Math.abs(n-t)<=o;a.done=s&&l}return a.value=a.done?n:t,a},flipTarget:()=>{u=-u,[t,n]=[n,t],g()}}}t_.needsInterpolation=(e,t)=>"string"==typeof e||"string"==typeof t;const n_=e=>0,r_=(e,t,n)=>{const r=t-e;return 0===r?1:(n-e)/r},o_=(e,t,n)=>-n*e+n*t+e;function i_(e,t,n){return n<0&&(n+=1),n>1&&(n-=1),n<1/6?e+6*(t-e)*n:n<.5?t:n<2/3?e+(t-e)*(2/3-n)*6:e}function a_({hue:e,saturation:t,lightness:n,alpha:r}){e/=360,n/=100;let o=0,i=0,a=0;if(t/=100){const r=n<.5?n*(1+t):n+t-n*t,s=2*n-r;o=i_(s,r,e+1/3),i=i_(s,r,e),a=i_(s,r,e-1/3)}else o=i=a=n;return{red:Math.round(255*o),green:Math.round(255*i),blue:Math.round(255*a),alpha:r}}const s_=(e,t,n)=>{const r=e*e,o=t*t;return Math.sqrt(Math.max(0,n*(o-r)+r))},l_=[IS,AS,OS],c_=e=>l_.find((t=>t.test(e))),u_=(e,t)=>{let n=c_(e),r=c_(t),o=n.parse(e),i=r.parse(t);n===OS&&(o=a_(o),n=AS),r===OS&&(i=a_(i),r=AS);const a=Object.assign({},o);return e=>{for(const t in a)"alpha"!==t&&(a[t]=s_(o[t],i[t],e));return a.alpha=o_(o.alpha,i.alpha,e),n.transform(a)}},d_=e=>"number"==typeof e,h_=(e,t)=>n=>t(e(n)),f_=(...e)=>e.reduce(h_);function p_(e,t){return d_(e)?n=>o_(e,t,n):RS.test(e)?u_(e,t):y_(e,t)}const g_=(e,t)=>{const n=[...e],r=n.length,o=e.map(((e,n)=>p_(e,t[n])));return e=>{for(let t=0;t{const n=Object.assign(Object.assign({},e),t),r={};for(const o in n)void 0!==e[o]&&void 0!==t[o]&&(r[o]=p_(e[o],t[o]));return e=>{for(const t in r)n[t]=r[t](e);return n}};function v_(e){const t=HS.parse(e),n=t.length;let r=0,o=0,i=0;for(let a=0;a{const n=HS.createTransformer(t),r=v_(e),o=v_(t);return r.numHSL===o.numHSL&&r.numRGB===o.numRGB&&r.numNumbers>=o.numNumbers?f_(g_(r.parsed,o.parsed),n):n=>`${n>0?t:e}`},b_=(e,t)=>n=>o_(e,t,n);function x_(e,t,n){const r=[],o=n||function(e){return"number"==typeof e?b_:"string"==typeof e?RS.test(e)?u_:y_:Array.isArray(e)?g_:"object"==typeof e?m_:void 0}(e[0]),i=e.length-1;for(let a=0;ae[i-1]&&(e=[].concat(e),t=[].concat(t),e.reverse(),t.reverse());const a=x_(t,r,o),s=2===i?function([e,t],[n]){return r=>n(r_(e,t,r))}(e,a):function(e,t){const n=e.length,r=n-1;return o=>{let i=0,a=!1;if(o<=e[0]?a=!0:o>=e[r]&&(i=r-1,a=!0),!a){let t=1;for(;to||t===r);t++);i=t-1}const s=r_(e[i],e[i+1],o);return t[i](s)}}(e,a);return n?t=>s(YC(e[0],e[i-1],t)):s}const k_=e=>t=>1-e(1-t),S_=e=>t=>t<=.5?e(2*t)/2:(2-e(2*(1-t)))/2,C_=e=>t=>t*t*((e+1)*t-e),__=e=>e,E_=(P_=2,e=>Math.pow(e,P_));var P_;const L_=k_(E_),O_=S_(E_),M_=e=>1-Math.sin(Math.acos(e)),T_=k_(M_),A_=S_(T_),I_=C_(1.525),R_=k_(I_),N_=S_(I_),D_=(e=>{const t=C_(e);return e=>(e*=2)<1?.5*t(e):.5*(2-Math.pow(2,-10*(e-1)))})(1.525),z_=e=>{if(1===e||0===e)return e;const t=e*e;return e<.36363636363636365?7.5625*t:e<.7272727272727273?9.075*t-9.9*e+3.4:e<.9?12.066481994459833*t-19.63545706371191*e+8.898060941828255:10.8*e*e-20.52*e+10.72},B_=k_(z_);function j_(e,t){return e.map((()=>t||O_)).splice(0,e.length-1)}function F_({from:e=0,to:t=1,ease:n,offset:r,duration:o=300}){const i={done:!1,value:e},a=Array.isArray(t)?t:[e,t],s=function(e,t){return e.map((e=>e*t))}(r&&r.length===a.length?r:function(e){const t=e.length;return e.map(((e,n)=>0!==n?n/(t-1):0))}(a),o);function l(){return w_(s,a,{ease:Array.isArray(n)?n:j_(a,n)})}let c=l();return{next:e=>(i.value=c(e),i.done=e>=o,i),flipTarget:()=>{a.reverse(),c=l()}}}const H_={keyframes:F_,spring:t_,decay:function({velocity:e=0,from:t=0,power:n=.8,timeConstant:r=350,restDelta:o=.5,modifyTarget:i}){const a={done:!1,value:t};let s=n*e;const l=t+s,c=void 0===i?l:i(l);return c!==l&&(s=c-t),{next:e=>{const t=-s*Math.exp(-e/r);return a.done=!(t>o||t<-o),a.value=a.done?c:c+t,a},flipTarget:()=>{}}}};const W_=1/60*1e3,V_="undefined"!=typeof performance?()=>performance.now():()=>Date.now(),$_="undefined"!=typeof window?e=>window.requestAnimationFrame(e):e=>setTimeout((()=>e(V_())),W_);let U_=!0,G_=!1,q_=!1;const Y_={delta:0,timestamp:0},Z_=["read","update","preRender","render","postRender"],X_=Z_.reduce(((e,t)=>(e[t]=function(e){let t=[],n=[],r=0,o=!1,i=!1;const a=new WeakSet,s={schedule:(e,i=!1,s=!1)=>{const l=s&&o,c=l?t:n;return i&&a.add(e),-1===c.indexOf(e)&&(c.push(e),l&&o&&(r=t.length)),e},cancel:e=>{const t=n.indexOf(e);-1!==t&&n.splice(t,1),a.delete(e)},process:l=>{if(o)i=!0;else{if(o=!0,[t,n]=[n,t],n.length=0,r=t.length,r)for(let n=0;nG_=!0)),e)),{}),K_=Z_.reduce(((e,t)=>{const n=X_[t];return e[t]=(e,t=!1,r=!1)=>(G_||tE(),n.schedule(e,t,r)),e}),{}),Q_=Z_.reduce(((e,t)=>(e[t]=X_[t].cancel,e)),{});Z_.reduce(((e,t)=>(e[t]=()=>X_[t].process(Y_),e)),{});const J_=e=>X_[e].process(Y_),eE=e=>{G_=!1,Y_.delta=U_?W_:Math.max(Math.min(e-Y_.timestamp,40),1),Y_.timestamp=e,q_=!0,Z_.forEach(J_),q_=!1,G_&&(U_=!1,$_(eE))},tE=()=>{G_=!0,U_=!0,q_||$_(eE)};function nE(e,t,n=0){return e-t-n}const rE=e=>{const t=({delta:t})=>e(t);return{start:()=>K_.update(t,!0),stop:()=>Q_.update(t)}};function oE(e){var t,n,{from:r,autoplay:o=!0,driver:i=rE,elapsed:a=0,repeat:s=0,repeatType:l="loop",repeatDelay:c=0,onPlay:u,onStop:d,onComplete:h,onRepeat:f,onUpdate:p}=e,g=qC(e,["from","autoplay","driver","elapsed","repeat","repeatType","repeatDelay","onPlay","onStop","onComplete","onRepeat","onUpdate"]);let m,v,y,{to:b}=g,x=0,w=g.duration,k=!1,S=!0;const C=function(e){if(Array.isArray(e.to))return F_;if(H_[e.type])return H_[e.type];const t=new Set(Object.keys(e));return t.has("ease")||t.has("duration")&&!t.has("dampingRatio")?F_:t.has("dampingRatio")||t.has("stiffness")||t.has("mass")||t.has("damping")||t.has("restSpeed")||t.has("restDelta")?t_:F_}(g);(null===(n=(t=C).needsInterpolation)||void 0===n?void 0:n.call(t,r,b))&&(y=w_([0,100],[r,b],{clamp:!1}),r=0,b=100);const _=C(Object.assign(Object.assign({},g),{from:r,to:b}));function E(){x++,"reverse"===l?(S=x%2==0,a=function(e,t,n=0,r=!0){return r?nE(t+-e,t,n):t-(e-t)+n}(a,w,c,S)):(a=nE(a,w,c),"mirror"===l&&_.flipTarget()),k=!1,f&&f()}function P(e){if(S||(e=-e),a+=e,!k){const e=_.next(Math.max(0,a));v=e.value,y&&(v=y(v)),k=S?e.done:a<=0}null==p||p(v),k&&(0===x&&(null!=w||(w=a)),x=t+n:e<=-n}(a,w,c,S)&&E():(m.stop(),h&&h()))}return o&&(null==u||u(),m=i(P),m.start()),{stop:()=>{null==d||d(),m.stop()}}}function iE(e,t){return t?e*(1e3/t):0}function aE({from:e=0,velocity:t=0,min:n,max:r,power:o=.8,timeConstant:i=750,bounceStiffness:a=500,bounceDamping:s=10,restDelta:l=1,modifyTarget:c,driver:u,onUpdate:d,onComplete:h,onStop:f}){let p;function g(e){return void 0!==n&&er}function m(e){return void 0===n?r:void 0===r||Math.abs(n-e){var n;null==d||d(t),null===(n=e.onUpdate)||void 0===n||n.call(e,t)},onComplete:h,onStop:f}))}function y(e){v(Object.assign({type:"spring",stiffness:a,damping:s,restDelta:l},e))}if(g(e))y({from:e,velocity:t,to:m(e)});else{let r=o*t+e;void 0!==c&&(r=c(r));const a=m(r),s=a===n?-1:1;let u,d;const h=e=>{u=d,d=e,t=iE(e-u,Y_.delta),(1===s&&e>a||-1===s&&enull==p?void 0:p.stop()}}const sE=e=>e.hasOwnProperty("x")&&e.hasOwnProperty("y"),lE=e=>sE(e)&&e.hasOwnProperty("z"),cE=(e,t)=>Math.abs(e-t);function uE(e,t){if(d_(e)&&d_(t))return cE(e,t);if(sE(e)&&sE(t)){const n=cE(e.x,t.x),r=cE(e.y,t.y),o=lE(e)&&lE(t)?cE(e.z,t.z):0;return Math.sqrt(Math.pow(n,2)+Math.pow(r,2)+Math.pow(o,2))}}const dE=(e,t)=>1-3*t+3*e,hE=(e,t)=>3*t-6*e,fE=e=>3*e,pE=(e,t,n)=>((dE(t,n)*e+hE(t,n))*e+fE(t))*e,gE=(e,t,n)=>3*dE(t,n)*e*e+2*hE(t,n)*e+fE(t);const mE=.1;function vE(e,t,n,r){if(e===t&&n===r)return __;const o=new Float32Array(11);for(let a=0;a<11;++a)o[a]=pE(a*mE,e,n);function i(t){let r=0,i=1;for(;10!==i&&o[i]<=t;++i)r+=mE;--i;const a=r+(t-o[i])/(o[i+1]-o[i])*mE,s=gE(a,e,n);return s>=.001?function(e,t,n,r){for(let o=0;o<8;++o){const o=gE(t,n,r);if(0===o)return t;t-=(pE(t,n,r)-e)/o}return t}(t,a,e,n):0===s?a:function(e,t,n,r,o){let i,a,s=0;do{a=t+(n-t)/2,i=pE(a,r,o)-e,i>0?n=a:t=a}while(Math.abs(i)>1e-7&&++s<10);return a}(t,r,r+mE,e,n)}return e=>0===e||1===e?e:pE(i(e),t,r)}const yE=("undefined"==typeof process||process.env,"production"),bE=new Set;function xE(e,t,n){e||bE.has(t)||(console.warn(t),n&&console.warn(n),bE.add(t))}const wE=new WeakMap,kE=new WeakMap,SE=e=>{const t=wE.get(e.target);t&&t(e)},CE=e=>{e.forEach(SE)};function _E(e,t,n){const r=function({root:e,...t}){const n=e||document;kE.has(n)||kE.set(n,{});const r=kE.get(n),o=JSON.stringify(t);return r[o]||(r[o]=new IntersectionObserver(CE,{root:e,...t})),r[o]}(t);return wE.set(e,n),r.observe(e),()=>{wE.delete(e),r.unobserve(e)}}const EE={some:0,all:1};function PE(e,t,n,{root:r,margin:o,amount:i="some",once:s}){a.exports.useEffect((()=>{if(!e||!n.current)return;const a={root:null==r?void 0:r.current,rootMargin:o,threshold:"number"==typeof i?i:EE[i]};return _E(n.current,a,(e=>{const{isIntersecting:r}=e;if(t.isInView===r)return;if(t.isInView=r,s&&!r&&t.hasEnteredView)return;r&&(t.hasEnteredView=!0),n.animationState&&n.animationState.setActive(CC.InView,r);const o=n.getProps(),i=r?o.onViewportEnter:o.onViewportLeave;i&&i(e)}))}),[e,r,o,i])}function LE(e,t,n,{fallback:r=!0}){a.exports.useEffect((()=>{e&&r&&("production"!==yE&&xE(!1,"IntersectionObserver not available on this device. whileInView animations will trigger on mount."),requestAnimationFrame((()=>{t.hasEnteredView=!0;const{onViewportEnter:e}=n.getProps();e&&e(null),n.animationState&&n.animationState.setActive(CC.InView,!0)})))}),[e])}const OE=e=>t=>(e(t),null),ME={inView:OE((function({visualElement:e,whileInView:t,onViewportEnter:n,onViewportLeave:r,viewport:o={}}){const i=a.exports.useRef({hasEnteredView:!1,isInView:!1});let s=Boolean(t||n||r);o.once&&i.current.hasEnteredView&&(s=!1),("undefined"==typeof IntersectionObserver?LE:PE)(s,i.current,e,o)})),tap:OE((function({onTap:e,onTapStart:t,onTapCancel:n,whileTap:r,visualElement:o}){const i=e||t||n||r,s=a.exports.useRef(!1),l=a.exports.useRef(null),c={passive:!(t||e||n||p)};function u(){l.current&&l.current(),l.current=null}function d(){return u(),s.current=!1,o.animationState&&o.animationState.setActive(CC.Tap,!1),!VC()}function h(t,r){d()&&(UC(o.current,t.target)?e&&e(t,r):n&&n(t,r))}function f(e,t){d()&&n&&n(e,t)}function p(e,n){u(),s.current||(s.current=!0,l.current=f_(zC(window,"pointerup",h,c),zC(window,"pointercancel",f,c)),o.animationState&&o.animationState.setActive(CC.Tap,!0),t&&t(e,n))}BC(o,"pointerdown",i?p:void 0,c),GC(u)})),focus:OE((function({whileFocus:e,visualElement:t}){const{animationState:n}=t;EC(t,"focus",e?()=>{n&&n.setActive(CC.Focus,!0)}:void 0),EC(t,"blur",e?()=>{n&&n.setActive(CC.Focus,!1)}:void 0)})),hover:OE((function({onHoverStart:e,onHoverEnd:t,whileHover:n,visualElement:r}){BC(r,"pointerenter",e||n?$C(r,!0,e):void 0,{passive:!e}),BC(r,"pointerleave",t||n?$C(r,!1,t):void 0,{passive:!t})}))};function TE(){const e=a.exports.useContext(Lk);if(null===e)return[!0,null];const{isPresent:t,onExitComplete:n,register:r}=e,o=a.exports.useId();a.exports.useEffect((()=>r(o)),[]);return!t&&n?[!1,()=>n&&n(o)]:[!0]}function AE(){return null===(e=a.exports.useContext(Lk))||e.isPresent;var e}function IE(e,t){if(!Array.isArray(t))return!1;const n=t.length;if(n!==e.length)return!1;for(let r=0;r1e3*e,NE={linear:__,easeIn:E_,easeInOut:O_,easeOut:L_,circIn:M_,circInOut:A_,circOut:T_,backIn:I_,backInOut:N_,backOut:R_,anticipate:D_,bounceIn:B_,bounceInOut:e=>e<.5?.5*(1-z_(1-2*e)):.5*z_(2*e-1)+.5,bounceOut:z_},DE=e=>{if(Array.isArray(e)){e.length;const[t,n,r,o]=e;return vE(t,n,r,o)}return"string"==typeof e?NE[e]:e},zE=(e,t)=>"zIndex"!==e&&(!("number"!=typeof t&&!Array.isArray(t))||!("string"!=typeof t||!HS.test(t)||t.startsWith("url("))),BE=()=>({type:"spring",stiffness:500,damping:25,restSpeed:10}),jE=e=>({type:"spring",stiffness:550,damping:0===e?2*Math.sqrt(550):30,restSpeed:10}),FE=()=>({type:"keyframes",ease:"linear",duration:.3}),HE=e=>({type:"keyframes",duration:.8,values:e}),WE={x:BE,y:BE,z:BE,rotate:BE,rotateX:BE,rotateY:BE,rotateZ:BE,scaleX:jE,scaleY:jE,scale:jE,opacity:FE,backgroundColor:FE,color:FE,default:jE},VE=(e,t)=>{let n;return n=vC(t)?HE:WE[e]||WE.default,{to:t,...n(t)}},$E={...qS,color:RS,backgroundColor:RS,outlineColor:RS,fill:RS,stroke:RS,borderColor:RS,borderTopColor:RS,borderRightColor:RS,borderBottomColor:RS,borderLeftColor:RS,filter:US,WebkitFilter:US},UE=e=>$E[e];function GE(e,t){var n;let r=UE(e);return r!==US&&(r=HS),null===(n=r.getAnimatableNone)||void 0===n?void 0:n.call(r,t)}const qE=!1,YE=1/60*1e3,ZE="undefined"!=typeof performance?()=>performance.now():()=>Date.now(),XE="undefined"!=typeof window?e=>window.requestAnimationFrame(e):e=>setTimeout((()=>e(ZE())),YE);let KE=!0,QE=!1,JE=!1;const eP={delta:0,timestamp:0},tP=["read","update","preRender","render","postRender"],nP=tP.reduce(((e,t)=>(e[t]=function(e){let t=[],n=[],r=0,o=!1,i=!1;const a=new WeakSet,s={schedule:(e,i=!1,s=!1)=>{const l=s&&o,c=l?t:n;return i&&a.add(e),-1===c.indexOf(e)&&(c.push(e),l&&o&&(r=t.length)),e},cancel:e=>{const t=n.indexOf(e);-1!==t&&n.splice(t,1),a.delete(e)},process:l=>{if(o)i=!0;else{if(o=!0,[t,n]=[n,t],n.length=0,r=t.length,r)for(let n=0;nQE=!0)),e)),{}),rP=tP.reduce(((e,t)=>{const n=nP[t];return e[t]=(e,t=!1,r=!1)=>(QE||lP(),n.schedule(e,t,r)),e}),{}),oP=tP.reduce(((e,t)=>(e[t]=nP[t].cancel,e)),{}),iP=tP.reduce(((e,t)=>(e[t]=()=>nP[t].process(eP),e)),{}),aP=e=>nP[e].process(eP),sP=e=>{QE=!1,eP.delta=KE?YE:Math.max(Math.min(e-eP.timestamp,40),1),eP.timestamp=e,JE=!0,tP.forEach(aP),JE=!1,QE&&(KE=!1,XE(sP))},lP=()=>{QE=!0,KE=!0,JE||XE(sP)},cP=()=>eP;function uP(e,t){const n=performance.now(),r=({timestamp:o})=>{const i=o-n;i>=t&&(oP.read(r),e(i-t))};return rP.read(r,!0),()=>oP.read(r)}function dP({ease:e,times:t,yoyo:n,flip:r,loop:o,...i}){const a={...i};return t&&(a.offset=t),i.duration&&(a.duration=RE(i.duration)),i.repeatDelay&&(a.repeatDelay=RE(i.repeatDelay)),e&&(a.ease=(e=>Array.isArray(e)&&"number"!=typeof e[0])(e)?e.map(DE):DE(e)),"tween"===i.type&&(a.type="keyframes"),(n||o||r)&&(n?a.repeatType="reverse":o?a.repeatType="loop":r&&(a.repeatType="mirror"),a.repeat=o||n||r||i.repeat),"spring"!==i.type&&(a.type="keyframes"),a}function hP(e,t,n){return Array.isArray(t.to)&&void 0===e.duration&&(e.duration=.8),function(e){Array.isArray(e.to)&&null===e.to[0]&&(e.to=[...e.to],e.to[0]=e.from)}(t),function({when:e,delay:t,delayChildren:n,staggerChildren:r,staggerDirection:o,repeat:i,repeatType:a,repeatDelay:s,from:l,...c}){return!!Object.keys(c).length}(e)||(e={...e,...VE(n,t.to)}),{...t,...dP(e)}}function fP(e){return 0===e||"string"==typeof e&&0===parseFloat(e)&&-1===e.indexOf(" ")}function pP(e){return"number"==typeof e?0:GE("",e)}function gP(e,t){return e[t]||e.default||e}function mP(e,t,n,r={}){return qE&&(r={type:!1}),t.start((o=>{let i;const a=function(e,t,n,r,o){const i=gP(r,e)||{};let a=void 0!==i.from?i.from:t.get();const s=zE(e,n);return"none"===a&&s&&"string"==typeof n?a=GE(e,n):fP(a)&&"string"==typeof n?a=pP(n):!Array.isArray(n)&&fP(n)&&"string"==typeof a&&(n=pP(a)),zE(e,a)&&s&&!1!==i.type?function(){const r={from:a,to:n,velocity:t.getVelocity(),onComplete:o,onUpdate:e=>t.set(e)};return"inertia"===i.type||"decay"===i.type?aE({...r,...i}):oE({...hP(i,r,e),onUpdate:e=>{r.onUpdate(e),i.onUpdate&&i.onUpdate(e)},onComplete:()=>{r.onComplete(),i.onComplete&&i.onComplete()}})}:function(){const e=yC(n);return t.set(e),o(),i.onUpdate&&i.onUpdate(e),i.onComplete&&i.onComplete(),{stop:()=>{}}}}(e,t,n,r,o),s=function(e,t){var n,r;return null!==(r=null!==(n=(gP(e,t)||{}).delay)&&void 0!==n?n:e.delay)&&void 0!==r?r:0}(r,e),l=()=>i=a();let c;return s?c=uP(l,RE(s)):l(),()=>{c&&c(),i&&i.stop()}}))}const vP=e=>/^\-?\d*\.?\d+$/.test(e),yP=e=>/^0[^.\s]+$/.test(e);function bP(e,t){-1===e.indexOf(t)&&e.push(t)}function xP(e,t){const n=e.indexOf(t);n>-1&&e.splice(n,1)}class wP{constructor(){this.subscriptions=[]}add(e){return bP(this.subscriptions,e),()=>xP(this.subscriptions,e)}notify(e,t,n){const r=this.subscriptions.length;if(r)if(1===r)this.subscriptions[0](e,t,n);else for(let o=0;o{this.prev=this.current,this.current=e;const{delta:n,timestamp:r}=cP();this.lastUpdated!==r&&(this.timeDelta=n,this.lastUpdated=r,rP.postRender(this.scheduleVelocityCheck)),this.prev!==this.current&&this.updateSubscribers.notify(this.current),this.velocityUpdateSubscribers.getSize()&&this.velocityUpdateSubscribers.notify(this.getVelocity()),t&&this.renderSubscribers.notify(this.current)},this.scheduleVelocityCheck=()=>rP.postRender(this.velocityCheck),this.velocityCheck=({timestamp:e})=>{e!==this.lastUpdated&&(this.prev=this.current,this.velocityUpdateSubscribers.notify(this.getVelocity()))},this.hasAnimated=!1,this.prev=this.current=e,this.canTrackVelocity=(e=>!isNaN(parseFloat(e)))(this.current)}onChange(e){return this.updateSubscribers.add(e)}clearListeners(){this.updateSubscribers.clear()}onRenderRequest(e){return e(this.get()),this.renderSubscribers.add(e)}attach(e){this.passiveEffect=e}set(e,t=!0){t&&this.passiveEffect?this.passiveEffect(e,this.updateAndNotify):this.updateAndNotify(e,t)}get(){return this.current}getPrevious(){return this.prev}getVelocity(){return this.canTrackVelocity?iE(parseFloat(this.current)-parseFloat(this.prev),this.timeDelta):0}start(e){return this.stop(),new Promise((t=>{this.hasAnimated=!0,this.stopAnimation=e(t)})).then((()=>this.clearAnimation()))}stop(){this.stopAnimation&&this.stopAnimation(),this.clearAnimation()}isAnimating(){return!!this.stopAnimation}clearAnimation(){this.stopAnimation=null}destroy(){this.updateSubscribers.clear(),this.renderSubscribers.clear(),this.stop()}}function SP(e){return new kP(e)}const CP=e=>t=>t.test(e),_P=[vS,SS,kS,wS,_S,CS,{test:e=>"auto"===e,parse:e=>e}],EP=e=>_P.find(CP(e)),PP=[..._P,RS,HS],LP=e=>PP.find(CP(e));function OP(e,t,n){const r=e.getProps();return mC(r,t,void 0!==n?n:r.custom,function(e){const t={};return e.values.forEach(((e,n)=>t[n]=e.get())),t}(e),function(e){const t={};return e.values.forEach(((e,n)=>t[n]=e.getVelocity())),t}(e))}function MP(e,t,n){e.hasValue(t)?e.getValue(t).set(n):e.addValue(t,SP(n))}function TP(e,t){if(!t)return;return(t[e]||t.default||t).from}function AP(e){return Boolean(aS(e)&&e.add)}function IP(e,t,n={}){var r;const o=OP(e,t,n.custom);let{transition:i=e.getDefaultTransition()||{}}=o||{};n.transitionOverride&&(i=n.transitionOverride);const a=o?()=>RP(e,o,n):()=>Promise.resolve(),s=(null===(r=e.variantChildren)||void 0===r?void 0:r.size)?(r=0)=>{const{delayChildren:o=0,staggerChildren:a,staggerDirection:s}=i;return function(e,t,n=0,r=0,o=1,i){const a=[],s=(e.variantChildren.size-1)*r,l=1===o?(e=0)=>e*r:(e=0)=>s-e*r;return Array.from(e.variantChildren).sort(NP).forEach(((e,r)=>{a.push(IP(e,t,{...i,delay:n+l(r)}).then((()=>e.notify("AnimationComplete",t))))})),Promise.all(a)}(e,t,o+r,a,s,n)}:()=>Promise.resolve(),{when:l}=i;if(l){const[e,t]="beforeChildren"===l?[a,s]:[s,a];return e().then(t)}return Promise.all([a(),s(n.delay)])}function RP(e,t,{delay:n=0,transitionOverride:r,type:o}={}){var i;let{transition:a=e.getDefaultTransition(),transitionEnd:s,...l}=e.makeTargetAnimatable(t);const c=e.getValue("willChange");r&&(a=r);const u=[],d=o&&(null===(i=e.animationState)||void 0===i?void 0:i.getState()[o]);for(const h in l){const t=e.getValue(h),r=l[h];if(!t||void 0===r||d&&DP(d,h))continue;let o={delay:n,...a};e.shouldReduceMotion&&oS.has(h)&&(o={...o,type:!1,delay:0});let i=mP(h,t,r,o);AP(c)&&(c.add(h),i=i.then((()=>c.remove(h)))),u.push(i)}return Promise.all(u).then((()=>{s&&function(e,t){const n=OP(e,t);let{transitionEnd:r={},transition:o={},...i}=n?e.makeTargetAnimatable(n,!1):{};i={...i,...r};for(const a in i)MP(e,a,yC(i[a]))}(e,s)}))}function NP(e,t){return e.sortNodePosition(t)}function DP({protectedKeys:e,needsAnimating:t},n){const r=e.hasOwnProperty(n)&&!0!==t[n];return t[n]=!1,r}const zP=[CC.Animate,CC.InView,CC.Focus,CC.Hover,CC.Tap,CC.Drag,CC.Exit],BP=[...zP].reverse(),jP=zP.length;function FP(e){return t=>Promise.all(t.map((({animation:t,options:n})=>function(e,t,n={}){let r;if(e.notify("AnimationStart",t),Array.isArray(t)){const o=t.map((t=>IP(e,t,n)));r=Promise.all(o)}else if("string"==typeof t)r=IP(e,t,n);else{const o="function"==typeof t?OP(e,t,n.custom):t;r=RP(e,o,n)}return r.then((()=>e.notify("AnimationComplete",t)))}(e,t,n))))}function HP(e){let t=FP(e);const n={[CC.Animate]:VP(!0),[CC.InView]:VP(),[CC.Hover]:VP(),[CC.Tap]:VP(),[CC.Drag]:VP(),[CC.Focus]:VP(),[CC.Exit]:VP()};let r=!0;const o=(t,n)=>{const r=OP(e,n);if(r){const{transition:e,transitionEnd:n,...o}=r;t={...t,...o,...n}}return t};function i(i,a){var s;const l=e.getProps(),c=e.getVariantContext(!0)||{},u=[],d=new Set;let h={},f=1/0;for(let t=0;tf&&v;const k=Array.isArray(m)?m:[m];let S=k.reduce(o,{});!1===y&&(S={});const{prevResolvedValues:C={}}=g,_={...C,...S},E=e=>{w=!0,d.delete(e),g.needsAnimating[e]=!0};for(const e in _){const t=S[e],n=C[e];h.hasOwnProperty(e)||(t!==n?vC(t)&&vC(n)?!IE(t,n)||x?E(e):g.protectedKeys[e]=!0:void 0!==t?E(e):d.add(e):void 0!==t&&d.has(e)?E(e):g.protectedKeys[e]=!0)}g.prevProp=m,g.prevResolvedValues=S,g.isActive&&(h={...h,...S}),r&&e.blockInitialAnimation&&(w=!1),w&&!b&&u.push(...k.map((e=>({animation:e,options:{type:p,...i}}))))}if(d.size){const t={};d.forEach((n=>{const r=e.getBaseTarget(n);void 0!==r&&(t[n]=r)})),u.push({animation:t})}let p=Boolean(u.length);return r&&!1===l.initial&&!e.manuallyAnimateOnMount&&(p=!1),r=!1,p?t(u):Promise.resolve()}return{animateChanges:i,setActive:function(t,r,o){var a;if(n[t].isActive===r)return Promise.resolve();null===(a=e.variantChildren)||void 0===a||a.forEach((e=>{var n;return null===(n=e.animationState)||void 0===n?void 0:n.setActive(t,r)})),n[t].isActive=r;const s=i(o,t);for(const e in n)n[e].protectedKeys={};return s},setAnimateFunction:function(n){t=n(e)},getState:()=>n}}function WP(e,t){return"string"==typeof t?t!==e:!!Array.isArray(t)&&!IE(t,e)}function VP(e=!1){return{isActive:e,protectedKeys:{},needsAnimating:{},prevResolvedValues:{}}}const $P={animation:OE((({visualElement:e,animate:t})=>{e.animationState||(e.animationState=HP(e)),Dk(t)&&a.exports.useEffect((()=>t.subscribe(e)),[t])})),exit:OE((e=>{const{custom:t,visualElement:n}=e,[r,o]=TE(),i=a.exports.useContext(Lk);a.exports.useEffect((()=>{n.isPresent=r;const e=n.animationState&&n.animationState.setActive(CC.Exit,!r,{custom:i&&i.custom||t});e&&!r&&e.then(o)}),[r])}))};class UP{constructor(e,t,{transformPagePoint:n}={}){if(this.startEvent=null,this.lastMoveEvent=null,this.lastMoveEventInfo=null,this.handlers={},this.updatePoint=()=>{if(!this.lastMoveEvent||!this.lastMoveEventInfo)return;const e=YP(this.lastMoveEventInfo,this.history),t=null!==this.startEvent,n=uE(e.offset,{x:0,y:0})>=3;if(!t&&!n)return;const{point:r}=e,{timestamp:o}=cP();this.history.push({...r,timestamp:o});const{onStart:i,onMove:a}=this.handlers;t||(i&&i(this.lastMoveEvent,e),this.startEvent=this.lastMoveEvent),a&&a(this.lastMoveEvent,e)},this.handlePointerMove=(e,t)=>{this.lastMoveEvent=e,this.lastMoveEventInfo=GP(t,this.transformPagePoint),PC(e)&&0===e.buttons?this.handlePointerUp(e,t):rP.update(this.updatePoint,!0)},this.handlePointerUp=(e,t)=>{this.end();const{onEnd:n,onSessionEnd:r}=this.handlers,o=YP(GP(t,this.transformPagePoint),this.history);this.startEvent&&n&&n(e,o),r&&r(e,o)},LC(e)&&e.touches.length>1)return;this.handlers=t,this.transformPagePoint=n;const r=GP(AC(e),this.transformPagePoint),{point:o}=r,{timestamp:i}=cP();this.history=[{...o,timestamp:i}];const{onSessionStart:a}=t;a&&a(e,YP(r,this.history)),this.removeListeners=f_(zC(window,"pointermove",this.handlePointerMove),zC(window,"pointerup",this.handlePointerUp),zC(window,"pointercancel",this.handlePointerUp))}updateHandlers(e){this.handlers=e}end(){this.removeListeners&&this.removeListeners(),oP.update(this.updatePoint)}}function GP(e,t){return t?{point:t(e.point)}:e}function qP(e,t){return{x:e.x-t.x,y:e.y-t.y}}function YP({point:e},t){return{point:e,delta:qP(e,XP(t)),offset:qP(e,ZP(t)),velocity:KP(t,.1)}}function ZP(e){return e[0]}function XP(e){return e[e.length-1]}function KP(e,t){if(e.length<2)return{x:0,y:0};let n=e.length-1,r=null;const o=XP(e);for(;n>=0&&(r=e[n],!(o.timestamp-r.timestamp>RE(t)));)n--;if(!r)return{x:0,y:0};const i=(o.timestamp-r.timestamp)/1e3;if(0===i)return{x:0,y:0};const a={x:(o.x-r.x)/i,y:(o.y-r.y)/i};return a.x===1/0&&(a.x=0),a.y===1/0&&(a.y=0),a}function QP(e){return e.max-e.min}function JP(e,t=0,n=.01){return uE(e,t){this.stopAnimation(),t&&this.snapToCursor(AC(e,"page").point)},onStart:(e,t)=>{var n;const{drag:r,dragPropagation:o,onDragStart:i}=this.getProps();(!r||o||(this.openGlobalLock&&this.openGlobalLock(),this.openGlobalLock=WC(r),this.openGlobalLock))&&(this.isDragging=!0,this.currentDirection=null,this.resolveConstraints(),this.visualElement.projection&&(this.visualElement.projection.isAnimationBlocked=!0,this.visualElement.projection.target=void 0),uL((e=>{var t,n;let r=this.getAxisMotionValue(e).get()||0;if(kS.test(r)){const o=null===(n=null===(t=this.visualElement.projection)||void 0===t?void 0:t.layout)||void 0===n?void 0:n.layoutBox[e];if(o){r=QP(o)*(parseFloat(r)/100)}}this.originPoint[e]=r})),null==i||i(e,t),null===(n=this.visualElement.animationState)||void 0===n||n.setActive(CC.Drag,!0))},onMove:(e,t)=>{const{dragPropagation:n,dragDirectionLock:r,onDirectionLock:o,onDrag:i}=this.getProps();if(!n&&!this.openGlobalLock)return;const{offset:a}=t;if(r&&null===this.currentDirection)return this.currentDirection=function(e,t=10){let n=null;Math.abs(e.y)>t?n="y":Math.abs(e.x)>t&&(n="x");return n}(a),void(null!==this.currentDirection&&(null==o||o(this.currentDirection)));this.updateAxis("x",t.point,a),this.updateAxis("y",t.point,a),this.visualElement.render(),null==i||i(e,t)},onSessionEnd:(e,t)=>this.stop(e,t)},{transformPagePoint:this.visualElement.getTransformPagePoint()})}stop(e,t){const n=this.isDragging;if(this.cancel(),!n)return;const{velocity:r}=t;this.startAnimation(r);const{onDragEnd:o}=this.getProps();null==o||o(e,t)}cancel(){var e,t;this.isDragging=!1,this.visualElement.projection&&(this.visualElement.projection.isAnimationBlocked=!1),null===(e=this.panSession)||void 0===e||e.end(),this.panSession=void 0;const{dragPropagation:n}=this.getProps();!n&&this.openGlobalLock&&(this.openGlobalLock(),this.openGlobalLock=null),null===(t=this.visualElement.animationState)||void 0===t||t.setActive(CC.Drag,!1)}updateAxis(e,t,n){const{drag:r}=this.getProps();if(!n||!OL(e,r,this.currentDirection))return;const o=this.getAxisMotionValue(e);let i=this.originPoint[e]+n[e];this.constraints&&this.constraints[e]&&(i=function(e,{min:t,max:n},r){return void 0!==t&&en&&(e=r?o_(n,e,r.max):Math.min(e,n)),e}(i,this.constraints[e],this.elastic[e])),o.set(i)}resolveConstraints(){const{dragConstraints:e,dragElastic:t}=this.getProps(),{layout:n}=this.visualElement.projection||{},r=this.constraints;e&&Ik(e)?this.constraints||(this.constraints=this.resolveRefConstraints()):this.constraints=!(!e||!n)&&function(e,{top:t,left:n,bottom:r,right:o}){return{x:iL(e.x,n,o),y:iL(e.y,t,r)}}(n.layoutBox,e),this.elastic=function(e=sL){return!1===e?e=0:!0===e&&(e=sL),{x:lL(e,"left","right"),y:lL(e,"top","bottom")}}(t),r!==this.constraints&&n&&this.constraints&&!this.hasMutatedConstraints&&uL((e=>{this.getAxisMotionValue(e)&&(this.constraints[e]=function(e,t){const n={};return void 0!==t.min&&(n.min=t.min-e.min),void 0!==t.max&&(n.max=t.max-e.min),n}(n.layoutBox[e],this.constraints[e]))}))}resolveRefConstraints(){const{dragConstraints:e,onMeasureDragConstraints:t}=this.getProps();if(!e||!Ik(e))return!1;const n=e.current,{projection:r}=this.visualElement;if(!r||!r.layout)return!1;const o=function(e,t,n){const r=EL(e,n),{scroll:o}=t;return o&&(wL(r.x,o.offset.x),wL(r.y,o.offset.y)),r}(n,r.root,this.visualElement.getTransformPagePoint());let i=function(e,t){return{x:aL(e.x,t.x),y:aL(e.y,t.y)}}(r.layout.layoutBox,o);if(t){const e=t(function({x:e,y:t}){return{top:t.min,right:e.max,bottom:t.max,left:e.min}}(i));this.hasMutatedConstraints=!!e,e&&(i=dL(e))}return i}startAnimation(e){const{drag:t,dragMomentum:n,dragElastic:r,dragTransition:o,dragSnapToOrigin:i,onDragTransitionEnd:a}=this.getProps(),s=this.constraints||{},l=uL((a=>{var l;if(!OL(a,t,this.currentDirection))return;let c=null!==(l=null==s?void 0:s[a])&&void 0!==l?l:{};i&&(c={min:0,max:0});const u=r?200:1e6,d=r?40:1e7,h={type:"inertia",velocity:n?e[a]:0,bounceStiffness:u,bounceDamping:d,timeConstant:750,restDelta:1,restSpeed:10,...o,...c};return this.startAxisValueAnimation(a,h)}));return Promise.all(l).then(a)}startAxisValueAnimation(e,t){return mP(e,this.getAxisMotionValue(e),0,t)}stopAnimation(){uL((e=>this.getAxisMotionValue(e).stop()))}getAxisMotionValue(e){var t,n;const r="_drag"+e.toUpperCase(),o=this.visualElement.getProps()[r];return o||this.visualElement.getValue(e,null!==(n=null===(t=this.visualElement.getProps().initial)||void 0===t?void 0:t[e])&&void 0!==n?n:0)}snapToCursor(e){uL((t=>{const{drag:n}=this.getProps();if(!OL(t,n,this.currentDirection))return;const{projection:r}=this.visualElement,o=this.getAxisMotionValue(t);if(r&&r.layout){const{min:n,max:i}=r.layout.layoutBox[t];o.set(e[t]-o_(n,i,.5))}}))}scalePositionWithinConstraints(){var e;if(!this.visualElement.current)return;const{drag:t,dragConstraints:n}=this.getProps(),{projection:r}=this.visualElement;if(!Ik(n)||!r||!this.constraints)return;this.stopAnimation();const o={x:0,y:0};uL((e=>{const t=this.getAxisMotionValue(e);if(t){const n=t.get();o[e]=function(e,t){let n=.5;const r=QP(e),o=QP(t);return o>r?n=r_(t.min,t.max-r,e.min):r>o&&(n=r_(e.min,e.max-o,t.min)),YC(0,1,n)}({min:n,max:n},this.constraints[e])}}));const{transformTemplate:i}=this.visualElement.getProps();this.visualElement.current.style.transform=i?i({},""):"none",null===(e=r.root)||void 0===e||e.updateScroll(),r.updateLayout(),this.resolveConstraints(),uL((e=>{if(!OL(e,t,null))return;const n=this.getAxisMotionValue(e),{min:r,max:i}=this.constraints[e];n.set(o_(r,i,o[e]))}))}addListeners(){var e;if(!this.visualElement.current)return;PL.set(this.visualElement,this);const t=zC(this.visualElement.current,"pointerdown",(e=>{const{drag:t,dragListener:n=!0}=this.getProps();t&&n&&this.start(e)})),n=()=>{const{dragConstraints:e}=this.getProps();Ik(e)&&(this.constraints=this.resolveRefConstraints())},{projection:r}=this.visualElement,o=r.addEventListener("measure",n);r&&!r.layout&&(null===(e=r.root)||void 0===e||e.updateScroll(),r.updateLayout()),n();const i=_C(window,"resize",(()=>this.scalePositionWithinConstraints())),a=r.addEventListener("didUpdate",(({delta:e,hasLayoutChanged:t})=>{this.isDragging&&t&&(uL((t=>{const n=this.getAxisMotionValue(t);n&&(this.originPoint[t]+=e[t].translate,n.set(n.get()+e[t].translate))})),this.visualElement.render())}));return()=>{i(),t(),o(),null==a||a()}}getProps(){const e=this.visualElement.getProps(),{drag:t=!1,dragDirectionLock:n=!1,dragPropagation:r=!1,dragConstraints:o=!1,dragElastic:i=sL,dragMomentum:a=!0}=e;return{...e,drag:t,dragDirectionLock:n,dragPropagation:r,dragConstraints:o,dragElastic:i,dragMomentum:a}}}function OL(e,t,n){return!(!0!==t&&t!==e||null!==n&&n!==e)}const ML={pan:OE((function({onPan:e,onPanStart:t,onPanEnd:n,onPanSessionStart:r,visualElement:o}){const i=e||t||n||r,s=a.exports.useRef(null),{transformPagePoint:l}=a.exports.useContext(Ek),c={onSessionStart:r,onStart:t,onMove:e,onEnd:(e,t)=>{s.current=null,n&&n(e,t)}};a.exports.useEffect((()=>{null!==s.current&&s.current.updateHandlers(c)})),BC(o,"pointerdown",i&&function(e){s.current=new UP(e,c,{transformPagePoint:l})}),GC((()=>s.current&&s.current.end()))})),drag:OE((function(e){const{dragControls:t,visualElement:n}=e,r=$k((()=>new LL(n)));a.exports.useEffect((()=>t&&t.subscribe(r)),[r,t]),a.exports.useEffect((()=>r.addListeners()),[r])}))};function TL(e){return"string"==typeof e&&e.startsWith("var(--")}const AL=/var\((--[a-zA-Z0-9-_]+),? ?([a-zA-Z0-9 ()%#.,-]+)?\)/;function IL(e,t,n=1){const[r,o]=function(e){const t=AL.exec(e);if(!t)return[,];const[,n,r]=t;return[n,r]}(e);if(!r)return;const i=window.getComputedStyle(t).getPropertyValue(r);return i?i.trim():TL(o)?IL(o,t,n+1):o}const RL=new Set(["width","height","top","left","right","bottom","x","y"]),NL=e=>RL.has(e),DL=(e,t)=>{e.set(t,!1),e.set(t)},zL=e=>e===vS||e===SS;var BL;!function(e){e.width="width",e.height="height",e.left="left",e.right="right",e.top="top",e.bottom="bottom"}(BL||(BL={}));const jL=(e,t)=>parseFloat(e.split(", ")[t]),FL=(e,t)=>(n,{transform:r})=>{if("none"===r||!r)return 0;const o=r.match(/^matrix3d\((.+)\)$/);if(o)return jL(o[1],t);{const t=r.match(/^matrix\((.+)\)$/);return t?jL(t[1],e):0}},HL=new Set(["x","y","z"]),WL=rS.filter((e=>!HL.has(e)));const VL={width:({x:e},{paddingLeft:t="0",paddingRight:n="0"})=>e.max-e.min-parseFloat(t)-parseFloat(n),height:({y:e},{paddingTop:t="0",paddingBottom:n="0"})=>e.max-e.min-parseFloat(t)-parseFloat(n),top:(e,{top:t})=>parseFloat(t),left:(e,{left:t})=>parseFloat(t),bottom:({y:e},{top:t})=>parseFloat(t)+(e.max-e.min),right:({x:e},{left:t})=>parseFloat(t)+(e.max-e.min),x:FL(4,13),y:FL(5,14)},$L=(e,t,n={},r={})=>{t={...t},r={...r};const o=Object.keys(t).filter(NL);let i=[],a=!1;const s=[];if(o.forEach((o=>{const l=e.getValue(o);if(!e.hasValue(o))return;let c=n[o],u=EP(c);const d=t[o];let h;if(vC(d)){const e=d.length,t=null===d[0]?1:0;c=d[t],u=EP(c);for(let n=t;n{const r=e.getValue(n);void 0!==r&&(t.push([n,r.get()]),r.set(n.startsWith("scale")?1:0))})),t.length&&e.render(),t}(e),a=!0),s.push(o),r[o]=void 0!==r[o]?r[o]:t[o],DL(l,d))})),s.length){const n=s.indexOf("height")>=0?window.pageYOffset:null,o=((e,t,n)=>{const r=t.measureViewportBox(),o=t.current,i=getComputedStyle(o),{display:a}=i,s={};"none"===a&&t.setStaticValue("display",e.display||"block"),n.forEach((e=>{s[e]=VL[e](r,i)})),t.render();const l=t.measureViewportBox();return n.forEach((n=>{const r=t.getValue(n);DL(r,s[n]),e[n]=VL[n](l,i)})),e})(t,e,s);return i.length&&i.forEach((([t,n])=>{e.getValue(t).set(n)})),e.render(),Ok&&null!==n&&window.scrollTo({top:n}),{target:o,transitionEnd:r}}return{target:t,transitionEnd:r}};function UL(e,t,n,r){return(e=>Object.keys(e).some(NL))(t)?$L(e,t,n,r):{target:t,transitionEnd:r}}const GL=(e,t,n,r)=>{const o=function(e,{...t},n){const r=e.current;if(!(r instanceof Element))return{target:t,transitionEnd:n};n&&(n={...n}),e.values.forEach((e=>{const t=e.get();if(!TL(t))return;const n=IL(t,r);n&&e.set(n)}));for(const o in t){const e=t[o];if(!TL(e))continue;const i=IL(e,r);i&&(t[o]=i,n&&void 0===n[o]&&(n[o]=e))}return{target:t,transitionEnd:n}}(e,t,r);return UL(e,t=o.target,n,r=o.transitionEnd)},qL={current:null},YL={current:!1};const ZL=Object.keys(Vk),XL=ZL.length,KL=["AnimationStart","AnimationComplete","Update","Unmount","BeforeLayoutMeasure","LayoutMeasure","LayoutAnimationStart","LayoutAnimationComplete"];class QL{constructor({parent:e,props:t,reducedMotionConfig:n,visualState:r},o={}){this.current=null,this.children=new Set,this.isVariantNode=!1,this.isControllingVariants=!1,this.shouldReduceMotion=null,this.values=new Map,this.isPresent=!0,this.valueSubscriptions=new Map,this.prevMotionValues={},this.events={},this.propEventSubscriptions={},this.notifyUpdate=()=>this.notify("Update",this.latestValues),this.render=()=>{this.current&&(this.triggerBuild(),this.renderInstance(this.current,this.renderState,this.props.style,this.projection))},this.scheduleRender=()=>rP.render(this.render,!1,!0);const{latestValues:i,renderState:a}=r;this.latestValues=i,this.baseTarget={...i},this.initialValues=t.initial?{...i}:{},this.renderState=a,this.parent=e,this.props=t,this.depth=e?e.depth+1:0,this.reducedMotionConfig=n,this.options=o,this.isControllingVariants=Bk(t),this.isVariantNode=jk(t),this.isVariantNode&&(this.variantChildren=new Set),this.manuallyAnimateOnMount=Boolean(e&&e.current);const{willChange:s,...l}=this.scrapeMotionValuesFromProps(t);for(const c in l){const e=l[c];void 0!==i[c]&&aS(e)&&(e.set(i[c],!1),AP(s)&&s.add(c))}}scrapeMotionValuesFromProps(e){return{}}mount(e){var t;this.current=e,this.projection&&this.projection.mount(e),this.parent&&this.isVariantNode&&!this.isControllingVariants&&(this.removeFromVariantTree=null===(t=this.parent)||void 0===t?void 0:t.addVariantChild(this)),this.values.forEach(((e,t)=>this.bindToMotionValue(t,e))),YL.current||function(){if(YL.current=!0,Ok)if(window.matchMedia){const e=window.matchMedia("(prefers-reduced-motion)"),t=()=>qL.current=e.matches;e.addListener(t),t()}else qL.current=!1}(),this.shouldReduceMotion="never"!==this.reducedMotionConfig&&("always"===this.reducedMotionConfig||qL.current),this.parent&&this.parent.children.add(this),this.setProps(this.props)}unmount(){var e,t,n;null===(e=this.projection)||void 0===e||e.unmount(),oP.update(this.notifyUpdate),oP.render(this.render),this.valueSubscriptions.forEach((e=>e())),null===(t=this.removeFromVariantTree)||void 0===t||t.call(this),null===(n=this.parent)||void 0===n||n.children.delete(this);for(const r in this.events)this.events[r].clear();this.current=null}bindToMotionValue(e,t){const n=oS.has(e),r=t.onChange((t=>{this.latestValues[e]=t,this.props.onUpdate&&rP.update(this.notifyUpdate,!1,!0),n&&this.projection&&(this.projection.isProjectionDirty=!0)})),o=t.onRenderRequest(this.scheduleRender);this.valueSubscriptions.set(e,(()=>{r(),o()}))}sortNodePosition(e){return this.current&&this.sortInstanceNodePosition&&this.type===e.type?this.sortInstanceNodePosition(this.current,e.current):0}loadFeatures(e,t,n,r,o,i){const s=[];for(let l=0;lthis.scheduleRender(),animationType:"string"==typeof n?n:"both",initialPromotionConfig:i,layoutScroll:l})}return s}triggerBuild(){this.build(this.renderState,this.latestValues,this.options,this.props)}measureViewportBox(){return this.current?this.measureInstanceViewportBox(this.current,this.props):{x:{min:0,max:0},y:{min:0,max:0}}}getStaticValue(e){return this.latestValues[e]}setStaticValue(e,t){this.latestValues[e]=t}makeTargetAnimatable(e,t=!0){return this.makeTargetAnimatableFromInstance(e,this.props,t)}setProps(e){(e.transformTemplate||this.props.transformTemplate)&&this.scheduleRender(),this.props=e;for(let t=0;tn.variantChildren.delete(e)}addValue(e,t){this.hasValue(e)&&this.removeValue(e),this.values.set(e,t),this.latestValues[e]=t.get(),this.bindToMotionValue(e,t)}removeValue(e){var t;this.values.delete(e),null===(t=this.valueSubscriptions.get(e))||void 0===t||t(),this.valueSubscriptions.delete(e),delete this.latestValues[e],this.removeValueFromRenderState(e,this.renderState)}hasValue(e){return this.values.has(e)}getValue(e,t){if(this.props.values&&this.props.values[e])return this.props.values[e];let n=this.values.get(e);return void 0===n&&void 0!==t&&(n=SP(t),this.addValue(e,n)),n}readValue(e){return void 0===this.latestValues[e]&&this.current?this.readValueFromInstance(this.current,e,this.options):this.latestValues[e]}setBaseTarget(e,t){this.baseTarget[e]=t}getBaseTarget(e){var t;const{initial:n}=this.props,r="string"==typeof n||"object"==typeof n?null===(t=mC(this.props,n))||void 0===t?void 0:t[e]:void 0;if(n&&void 0!==r)return r;const o=this.getBaseTargetFromProps(this.props,e);return void 0===o||aS(o)?void 0!==this.initialValues[e]&&void 0===r?void 0:this.baseTarget[e]:o}on(e,t){return this.events[e]||(this.events[e]=new wP),this.events[e].add(t)}notify(e,...t){var n;null===(n=this.events[e])||void 0===n||n.notify(...t)}}const JL=["initial",...zP],eO=JL.length;class tO extends QL{sortInstanceNodePosition(e,t){return 2&e.compareDocumentPosition(t)?1:-1}getBaseTargetFromProps(e,t){var n;return null===(n=e.style)||void 0===n?void 0:n[t]}removeValueFromRenderState(e,{vars:t,style:n}){delete t[e],delete n[e]}makeTargetAnimatableFromInstance({transition:e,transitionEnd:t,...n},{transformValues:r},o){let i=function(e,t,n){var r;const o={};for(const i in e){const e=TP(i,t);o[i]=void 0!==e?e:null===(r=n.getValue(i))||void 0===r?void 0:r.get()}return o}(n,e||{},this);if(r&&(t&&(t=r(t)),n&&(n=r(n)),i&&(i=r(i))),o){!function(e,t,n){var r,o;const i=Object.keys(t).filter((t=>!e.hasValue(t))),a=i.length;if(a)for(let s=0;stS(e)?new rO(t,{enableHardwareAcceleration:!1}):new nO(t,{enableHardwareAcceleration:!0});function iO(e,t){return t.max===t.min?0:e/(t.max-t.min)*100}const aO={correct:(e,t)=>{if(!t.target)return e;if("string"==typeof e){if(!SS.test(e))return e;e=parseFloat(e)}return`${iO(e,t.target.x)}% ${iO(e,t.target.y)}%`}},sO="_$css",lO={correct:(e,{treeScale:t,projectionDelta:n})=>{const r=e,o=e.includes("var("),i=[];o&&(e=e.replace(AL,(e=>(i.push(e),sO))));const a=HS.parse(e);if(a.length>5)return r;const s=HS.createTransformer(e),l="number"!=typeof a[0]?1:0,c=n.x.scale*t.x,u=n.y.scale*t.y;a[0+l]/=c,a[1+l]/=u;const d=o_(c,u,.5);"number"==typeof a[2+l]&&(a[2+l]/=d),"number"==typeof a[3+l]&&(a[3+l]/=d);let h=s(a);if(o){let e=0;h=h.replace(sO,(()=>{const t=i[e];return e++,t}))}return h}};class cO extends H.Component{componentDidMount(){const{visualElement:e,layoutGroup:t,switchLayoutGroup:n,layoutId:r}=this.props,{projection:o}=e;var i;i=uO,Object.assign(nS,i),o&&(t.group&&t.group.add(o),n&&n.register&&r&&n.register(o),o.root.didUpdate(),o.addEventListener("animationComplete",(()=>{this.safeToRemove()})),o.setOptions({...o.options,onExitComplete:()=>this.safeToRemove()})),Uk.hasEverUpdated=!0}getSnapshotBeforeUpdate(e){const{layoutDependency:t,visualElement:n,drag:r,isPresent:o}=this.props,i=n.projection;return i?(i.isPresent=o,r||e.layoutDependency!==t||void 0===t?i.willUpdate():this.safeToRemove(),e.isPresent!==o&&(o?i.promote():i.relegate()||rP.postRender((()=>{var e;(null===(e=i.getStack())||void 0===e?void 0:e.members.length)||this.safeToRemove()}))),null):null}componentDidUpdate(){const{projection:e}=this.props.visualElement;e&&(e.root.didUpdate(),!e.currentAnimation&&e.isLead()&&this.safeToRemove())}componentWillUnmount(){const{visualElement:e,layoutGroup:t,switchLayoutGroup:n}=this.props,{projection:r}=e;r&&(r.scheduleCheckAfterUnmount(),(null==t?void 0:t.group)&&t.group.remove(r),(null==n?void 0:n.deregister)&&n.deregister(r))}safeToRemove(){const{safeToRemove:e}=this.props;null==e||e()}render(){return null}}const uO={borderRadius:{...aO,applyTo:["borderTopLeftRadius","borderTopRightRadius","borderBottomLeftRadius","borderBottomRightRadius"]},borderTopLeftRadius:aO,borderTopRightRadius:aO,borderBottomLeftRadius:aO,borderBottomRightRadius:aO,boxShadow:lO},dO={measureLayout:function(e){const[t,n]=TE(),r=a.exports.useContext(qk);return ld(cO,{...e,layoutGroup:r,switchLayoutGroup:a.exports.useContext(Zk),isPresent:t,safeToRemove:n})}};const hO=["TopLeft","TopRight","BottomLeft","BottomRight"],fO=hO.length,pO=e=>"string"==typeof e?parseFloat(e):e,gO=e=>"number"==typeof e||SS.test(e);function mO(e,t){var n;return null!==(n=e[t])&&void 0!==n?n:e.borderRadius}const vO=bO(0,.5,T_),yO=bO(.5,.95,__);function bO(e,t,n){return r=>rt?1:n(r_(e,t,r))}function xO(e,t){e.min=t.min,e.max=t.max}function wO(e,t){xO(e.x,t.x),xO(e.y,t.y)}function kO(e,t,n,r,o){return e=vL(e-=t,1/n,r),void 0!==o&&(e=vL(e,1/o,r)),e}function SO(e,t,[n,r,o],i,a){!function(e,t=0,n=1,r=.5,o,i=e,a=e){kS.test(t)&&(t=parseFloat(t),t=o_(a.min,a.max,t/100)-a.min);if("number"!=typeof t)return;let s=o_(i.min,i.max,r);e===i&&(s-=t),e.min=kO(e.min,t,n,s,o),e.max=kO(e.max,t,n,s,o)}(e,t[n],t[r],t[o],t.scale,i,a)}const CO=["x","scaleX","originX"],_O=["y","scaleY","originY"];function EO(e,t,n,r){SO(e.x,t,CO,null==n?void 0:n.x,null==r?void 0:r.x),SO(e.y,t,_O,null==n?void 0:n.y,null==r?void 0:r.y)}function PO(e){return 0===e.translate&&1===e.scale}function LO(e){return PO(e.x)&&PO(e.y)}function OO(e,t){return e.x.min===t.x.min&&e.x.max===t.x.max&&e.y.min===t.y.min&&e.y.max===t.y.max}function MO(e){return QP(e.x)/QP(e.y)}class TO{constructor(){this.members=[]}add(e){bP(this.members,e),e.scheduleRender()}remove(e){if(xP(this.members,e),e===this.prevLead&&(this.prevLead=void 0),e===this.lead){const e=this.members[this.members.length-1];e&&this.promote(e)}}relegate(e){const t=this.members.findIndex((t=>e===t));if(0===t)return!1;let n;for(let r=t;r>=0;r--){const e=this.members[r];if(!1!==e.isPresent){n=e;break}}return!!n&&(this.promote(n),!0)}promote(e,t){var n;const r=this.lead;if(e!==r&&(this.prevLead=r,this.lead=e,e.show(),r)){r.instance&&r.scheduleRender(),e.scheduleRender(),e.resumeFrom=r,t&&(e.resumeFrom.preserveOpacity=!0),r.snapshot&&(e.snapshot=r.snapshot,e.snapshot.latestValues=r.animationValues||r.latestValues),(null===(n=e.root)||void 0===n?void 0:n.isUpdating)&&(e.isLayoutDirty=!0);const{crossfade:o}=e.options;!1===o&&r.hide()}}exitAnimationComplete(){this.members.forEach((e=>{var t,n,r,o,i;null===(n=(t=e.options).onExitComplete)||void 0===n||n.call(t),null===(i=null===(r=e.resumingFrom)||void 0===r?void 0:(o=r.options).onExitComplete)||void 0===i||i.call(o)}))}scheduleRender(){this.members.forEach((e=>{e.instance&&e.scheduleRender(!1)}))}removeLeadSnapshot(){this.lead&&this.lead.snapshot&&(this.lead.snapshot=void 0)}}function AO(e,t,n){let r="";const o=e.x.translate/t.x,i=e.y.translate/t.y;if((o||i)&&(r=`translate3d(${o}px, ${i}px, 0) `),1===t.x&&1===t.y||(r+=`scale(${1/t.x}, ${1/t.y}) `),n){const{rotate:e,rotateX:t,rotateY:o}=n;e&&(r+=`rotate(${e}deg) `),t&&(r+=`rotateX(${t}deg) `),o&&(r+=`rotateY(${o}deg) `)}const a=e.x.scale*t.x,s=e.y.scale*t.y;return 1===a&&1===s||(r+=`scale(${a}, ${s})`),r||"none"}const IO=(e,t)=>e.depth-t.depth;class RO{constructor(){this.children=[],this.isDirty=!1}add(e){bP(this.children,e),this.isDirty=!0}remove(e){xP(this.children,e),this.isDirty=!0}forEach(e){this.isDirty&&this.children.sort(IO),this.isDirty=!1,this.children.forEach(e)}}const NO=["","X","Y","Z"];let DO=0;function zO({attachResizeListener:e,defaultParent:t,measureScroll:n,checkIsScrollRoot:r,resetTransform:o}){return class{constructor(e,n={},r=(null==t?void 0:t())){this.id=DO++,this.animationId=0,this.children=new Set,this.options={},this.isTreeAnimating=!1,this.isAnimationBlocked=!1,this.isLayoutDirty=!1,this.isProjectionDirty=!1,this.updateManuallyBlocked=!1,this.updateBlockedByResize=!1,this.isUpdating=!1,this.isSVG=!1,this.needsReset=!1,this.shouldResetTransform=!1,this.treeScale={x:1,y:1},this.eventHandlers=new Map,this.potentialNodes=new Map,this.checkUpdateFailed=()=>{this.isUpdating&&(this.isUpdating=!1,this.clearAllSnapshots())},this.updateProjection=()=>{this.nodes.forEach($O),this.nodes.forEach(UO)},this.hasProjected=!1,this.isVisible=!0,this.animationProgress=0,this.sharedNodes=new Map,this.elementId=e,this.latestValues=n,this.root=r?r.root||r:this,this.path=r?[...r.path,r]:[],this.parent=r,this.depth=r?r.depth+1:0,e&&this.root.registerPotentialNode(e,this);for(let t=0;tthis.root.updateBlockedByResize=!1;e(t,(()=>{this.root.updateBlockedByResize=!0,n&&n(),n=uP(r,250),Uk.hasAnimatedSinceResize&&(Uk.hasAnimatedSinceResize=!1,this.nodes.forEach(VO))}))}o&&this.root.registerSharedNode(o,this),!1!==this.options.animate&&a&&(o||i)&&this.addEventListener("didUpdate",(({delta:e,hasLayoutChanged:t,hasRelativeTargetChanged:n,layout:r})=>{var o,i,s,l,c;if(this.isTreeAnimationBlocked())return this.target=void 0,void(this.relativeTarget=void 0);const u=null!==(i=null!==(o=this.options.transition)&&void 0!==o?o:a.getDefaultTransition())&&void 0!==i?i:KO,{onLayoutAnimationStart:d,onLayoutAnimationComplete:h}=a.getProps(),f=!this.targetLayout||!OO(this.targetLayout,r)||n,p=!t&&n;if((null===(s=this.resumeFrom)||void 0===s?void 0:s.instance)||p||t&&(f||!this.currentAnimation)){this.resumeFrom&&(this.resumingFrom=this.resumeFrom,this.resumingFrom.resumingFrom=void 0),this.setAnimationOrigin(e,p);const t={...gP(u,"layout"),onPlay:d,onComplete:h};a.shouldReduceMotion&&(t.delay=0,t.type=!1),this.startAnimation(t)}else t||0!==this.animationProgress||VO(this),this.isLead()&&(null===(c=(l=this.options).onExitComplete)||void 0===c||c.call(l));this.targetLayout=r}))}unmount(){var e,t;this.options.layoutId&&this.willUpdate(),this.root.nodes.remove(this),null===(e=this.getStack())||void 0===e||e.remove(this),null===(t=this.parent)||void 0===t||t.children.delete(this),this.instance=void 0,oP.preRender(this.updateProjection)}blockUpdate(){this.updateManuallyBlocked=!0}unblockUpdate(){this.updateManuallyBlocked=!1}isUpdateBlocked(){return this.updateManuallyBlocked||this.updateBlockedByResize}isTreeAnimationBlocked(){var e;return this.isAnimationBlocked||(null===(e=this.parent)||void 0===e?void 0:e.isTreeAnimationBlocked())||!1}startUpdate(){var e;this.isUpdateBlocked()||(this.isUpdating=!0,null===(e=this.nodes)||void 0===e||e.forEach(GO),this.animationId++)}willUpdate(e=!0){var t,n,r;if(this.root.isUpdateBlocked())return void(null===(n=(t=this.options).onExitComplete)||void 0===n||n.call(t));if(!this.root.isUpdating&&this.root.startUpdate(),this.isLayoutDirty)return;this.isLayoutDirty=!0;for(let s=0;s{this.isLayoutDirty?this.root.didUpdate():this.root.checkUpdateFailed()}))}updateSnapshot(){!this.snapshot&&this.instance&&(this.snapshot=this.measure())}updateLayout(){var e;if(!this.instance)return;if(this.updateScroll(),!(this.options.alwaysMeasureLayout&&this.isLead()||this.isLayoutDirty))return;if(this.resumeFrom&&!this.resumeFrom.instance)for(let n=0;n{var n;const r=t/1e3;YO(s.x,e.x,r),YO(s.y,e.y,r),this.setTargetDelta(s),this.relativeTarget&&this.relativeTargetOrigin&&this.layout&&(null===(n=this.relativeParent)||void 0===n?void 0:n.layout)&&(oL(l,this.layout.layoutBox,this.relativeParent.layout.layoutBox),function(e,t,n,r){ZO(e.x,t.x,n.x,r),ZO(e.y,t.y,n.y,r)}(this.relativeTarget,this.relativeTargetOrigin,l,r)),c&&(this.animationValues=a,function(e,t,n,r,o,i){var a,s,l,c;o?(e.opacity=o_(0,null!==(a=n.opacity)&&void 0!==a?a:1,vO(r)),e.opacityExit=o_(null!==(s=t.opacity)&&void 0!==s?s:1,0,yO(r))):i&&(e.opacity=o_(null!==(l=t.opacity)&&void 0!==l?l:1,null!==(c=n.opacity)&&void 0!==c?c:1,r));for(let u=0;u{Uk.hasAnimatedSinceResize=!0,this.currentAnimation=function(e,t,n={}){const r=aS(e)?e:SP(e);return mP("",r,t,n),{stop:()=>r.stop(),isAnimating:()=>r.isAnimating()}}(0,1e3,{...e,onUpdate:t=>{var n;this.mixTargetDelta(t),null===(n=e.onUpdate)||void 0===n||n.call(e,t)},onComplete:()=>{var t;null===(t=e.onComplete)||void 0===t||t.call(e),this.completeAnimation()}}),this.resumingFrom&&(this.resumingFrom.currentAnimation=this.currentAnimation),this.pendingAnimation=void 0}))}completeAnimation(){var e;this.resumingFrom&&(this.resumingFrom.currentAnimation=void 0,this.resumingFrom.preserveOpacity=void 0),null===(e=this.getStack())||void 0===e||e.exitAnimationComplete(),this.resumingFrom=this.currentAnimation=this.animationValues=void 0,this.notifyListeners("animationComplete")}finishAnimation(){var e;this.currentAnimation&&(null===(e=this.mixTargetDelta)||void 0===e||e.call(this,1e3),this.currentAnimation.stop()),this.completeAnimation()}applyTransformsToTarget(){const e=this.getLead();let{targetWithTransforms:t,target:n,layout:r,latestValues:o}=e;if(t&&n&&r){if(this!==e&&this.layout&&r&&eM(this.options.animationType,this.layout.layoutBox,r.layoutBox)){n=this.target||{x:{min:0,max:0},y:{min:0,max:0}};const t=QP(this.layout.layoutBox.x);n.x.min=e.target.x.min,n.x.max=n.x.min+t;const r=QP(this.layout.layoutBox.y);n.y.min=e.target.y.min,n.y.max=n.y.min+r}wO(t,n),_L(t,o),tL(this.projectionDeltaWithTransform,this.layoutCorrected,t,o)}}registerSharedNode(e,t){var n,r,o;this.sharedNodes.has(e)||this.sharedNodes.set(e,new TO);this.sharedNodes.get(e).add(t),t.promote({transition:null===(n=t.options.initialPromotionConfig)||void 0===n?void 0:n.transition,preserveFollowOpacity:null===(o=null===(r=t.options.initialPromotionConfig)||void 0===r?void 0:r.shouldPreserveFollowOpacity)||void 0===o?void 0:o.call(r,t)})}isLead(){const e=this.getStack();return!e||e.lead===this}getLead(){var e;const{layoutId:t}=this.options;return t&&(null===(e=this.getStack())||void 0===e?void 0:e.lead)||this}getPrevLead(){var e;const{layoutId:t}=this.options;return t?null===(e=this.getStack())||void 0===e?void 0:e.prevLead:void 0}getStack(){const{layoutId:e}=this.options;if(e)return this.root.sharedNodes.get(e)}promote({needsReset:e,transition:t,preserveFollowOpacity:n}={}){const r=this.getStack();r&&r.promote(this,n),e&&(this.projectionDelta=void 0,this.needsReset=!0),t&&this.setOptions({transition:t})}relegate(){const e=this.getStack();return!!e&&e.relegate(this)}resetRotation(){const{visualElement:e}=this.options;if(!e)return;let t=!1;const{latestValues:n}=e;if((n.rotate||n.rotateX||n.rotateY||n.rotateZ)&&(t=!0),!t)return;const r={};for(let o=0;o{var t;return null===(t=e.currentAnimation)||void 0===t?void 0:t.stop()})),this.root.nodes.forEach(HO),this.root.sharedNodes.clear()}}}function BO(e){e.updateLayout()}function jO(e){var t,n,r;const o=(null===(t=e.resumeFrom)||void 0===t?void 0:t.snapshot)||e.snapshot;if(e.isLead()&&e.layout&&o&&e.hasListeners("didUpdate")){const{layoutBox:t,measuredBox:n}=e.layout,{animationType:r}=e.options,i=o.source!==e.layout.source;"size"===r?uL((e=>{const n=i?o.measuredBox[e]:o.layoutBox[e],r=QP(n);n.min=t[e].min,n.max=n.min+r})):eM(r,o.layoutBox,t)&&uL((e=>{const n=i?o.measuredBox[e]:o.layoutBox[e],r=QP(t[e]);n.max=n.min+r}));const a={x:{translate:0,scale:1,origin:0,originPoint:0},y:{translate:0,scale:1,origin:0,originPoint:0}};tL(a,t,o.layoutBox);const s={x:{translate:0,scale:1,origin:0,originPoint:0},y:{translate:0,scale:1,origin:0,originPoint:0}};i?tL(s,e.applyTransform(n,!0),o.measuredBox):tL(s,t,o.layoutBox);const l=!LO(a);let c=!1;if(!e.resumeFrom){const n=e.getClosestProjectingParent();if(n&&!n.resumeFrom){const{snapshot:e,layout:r}=n;if(e&&r){const n={x:{min:0,max:0},y:{min:0,max:0}};oL(n,o.layoutBox,e.layoutBox);const i={x:{min:0,max:0},y:{min:0,max:0}};oL(i,t,r.layoutBox),OO(n,i)||(c=!0)}}}e.notifyListeners("didUpdate",{layout:t,snapshot:o,delta:s,layoutDelta:a,hasLayoutChanged:l,hasRelativeTargetChanged:c})}else e.isLead()&&(null===(r=(n=e.options).onExitComplete)||void 0===r||r.call(n));e.options.transition=void 0}function FO(e){e.clearSnapshot()}function HO(e){e.clearMeasurements()}function WO(e){const{visualElement:t}=e.options;(null==t?void 0:t.getProps().onBeforeLayoutMeasure)&&t.notify("BeforeLayoutMeasure"),e.resetTransform()}function VO(e){e.finishAnimation(),e.targetDelta=e.relativeTarget=e.target=void 0}function $O(e){e.resolveTargetDelta()}function UO(e){e.calcProjection()}function GO(e){e.resetRotation()}function qO(e){e.removeLeadSnapshot()}function YO(e,t,n){e.translate=o_(t.translate,0,n),e.scale=o_(t.scale,1,n),e.origin=t.origin,e.originPoint=t.originPoint}function ZO(e,t,n,r){e.min=o_(t.min,n.min,r),e.max=o_(t.max,n.max,r)}function XO(e){return e.animationValues&&void 0!==e.animationValues.opacityExit}const KO={duration:.45,ease:[.4,0,.1,1]};function QO(e,t){let n=e.root;for(let o=e.path.length-1;o>=0;o--)if(Boolean(e.path[o].instance)){n=e.path[o];break}const r=(n&&n!==e.root?n.instance:document).querySelector(`[data-projection-id="${t}"]`);r&&e.mount(r,!0)}function JO(e){e.min=Math.round(e.min),e.max=Math.round(e.max)}function eM(e,t,n){return"position"===e||"preserve-aspect"===e&&!function(e,t,n=.1){return uE(e,t)<=n}(MO(t),MO(n),.2)}const tM=zO({attachResizeListener:(e,t)=>_C(e,"resize",t),measureScroll:()=>({x:document.documentElement.scrollLeft||document.body.scrollLeft,y:document.documentElement.scrollTop||document.body.scrollTop}),checkIsScrollRoot:()=>!0}),nM={current:void 0},rM=zO({measureScroll:e=>({x:e.scrollLeft,y:e.scrollTop}),defaultParent:()=>{if(!nM.current){const e=new tM(0,{});e.mount(window),e.setOptions({layoutScroll:!0}),nM.current=e}return nM.current},resetTransform:(e,t)=>{e.style.transform=void 0!==t?t:"none"},checkIsScrollRoot:e=>Boolean("fixed"===window.getComputedStyle(e).position)}),oM={...$P,...ME,...ML,...dO},iM=Jk(((e,t)=>function(e,{forwardMotionProps:t=!1},n,r,o){return{...tS(e)?kC:SC,preloadedFeatures:n,useRender:cC(t),createVisualElement:r,projectionNodeConstructor:o,Component:e}}(e,t,oM,oO,rM)));function aM(){const e=a.exports.useRef(!1);return Mk((()=>(e.current=!0,()=>{e.current=!1})),[]),e}class sM extends a.exports.Component{getSnapshotBeforeUpdate(e){const t=this.props.childRef.current;if(t&&e.isPresent&&!this.props.isPresent){const e=this.props.sizeRef.current;e.height=t.offsetHeight||0,e.width=t.offsetWidth||0,e.top=t.offsetTop,e.left=t.offsetLeft}return null}componentDidUpdate(){}render(){return this.props.children}}function lM({children:e,isPresent:t}){const n=a.exports.useId(),r=a.exports.useRef(null),o=a.exports.useRef({width:0,height:0,top:0,left:0});return a.exports.useInsertionEffect((()=>{const{width:e,height:i,top:a,left:s}=o.current;if(t||!r.current||!e||!i)return;r.current.dataset.motionPopId=n;const l=document.createElement("style");return document.head.appendChild(l),l.sheet&&l.sheet.insertRule(`\n [data-motion-pop-id="${n}"] {\n position: absolute !important;\n width: ${e}px !important;\n height: ${i}px !important;\n top: ${a}px !important;\n left: ${s}px !important;\n }\n `),()=>{document.head.removeChild(l)}}),[t]),ld(sM,{isPresent:t,childRef:r,sizeRef:o,children:a.exports.cloneElement(e,{ref:r})})}const cM=({children:e,initial:t,isPresent:n,onExitComplete:r,custom:o,presenceAffectsLayout:i,mode:s})=>{const l=$k(uM),c=a.exports.useId(),u=a.exports.useMemo((()=>({id:c,initial:t,isPresent:n,custom:o,onExitComplete:e=>{l.set(e,!0);for(const t of l.values())if(!t)return;r&&r()},register:e=>(l.set(e,!1),()=>l.delete(e))})),i?void 0:[n]);return a.exports.useMemo((()=>{l.forEach(((e,t)=>l.set(t,!1)))}),[n]),a.exports.useEffect((()=>{!n&&!l.size&&r&&r()}),[n]),"popLayout"===s&&(e=ld(lM,{isPresent:n,children:e})),ld(Lk.Provider,{value:u,children:e})};function uM(){return new Map}const dM=e=>e.key||"";const hM=({children:e,custom:t,initial:n=!0,onExitComplete:r,exitBeforeEnter:o,presenceAffectsLayout:i=!0,mode:s="sync"})=>{o&&(s="wait",xE(!1,"Replace exitBeforeEnter with mode='wait'"));let[l]=function(){const e=aM(),[t,n]=a.exports.useState(0),r=a.exports.useCallback((()=>{e.current&&n(t+1)}),[t]);return[a.exports.useCallback((()=>rP.postRender(r)),[r]),t]}();const c=a.exports.useContext(qk).forceRender;c&&(l=c);const u=aM(),d=function(e){const t=[];return a.exports.Children.forEach(e,(e=>{a.exports.isValidElement(e)&&t.push(e)})),t}(e);let h=d;const f=new Set,p=a.exports.useRef(h),g=a.exports.useRef(new Map).current,m=a.exports.useRef(!0);if(Mk((()=>{m.current=!1,function(e,t){e.forEach((e=>{const n=dM(e);t.set(n,e)}))}(d,g),p.current=h})),GC((()=>{m.current=!0,g.clear(),f.clear()})),m.current)return ld(sd,{children:h.map((e=>ld(cM,{isPresent:!0,initial:!!n&&void 0,presenceAffectsLayout:i,mode:s,children:e},dM(e))))});h=[...h];const v=p.current.map(dM),y=d.map(dM),b=v.length;for(let a=0;a{if(-1!==y.indexOf(e))return;const n=g.get(e);if(!n)return;const o=v.indexOf(e);h.splice(o,0,ld(cM,{isPresent:!1,onExitComplete:()=>{g.delete(e),f.delete(e);const t=p.current.findIndex((t=>t.key===e));if(p.current.splice(t,1),!f.size){if(p.current=d,!1===u.current)return;l(),r&&r()}},custom:t,presenceAffectsLayout:i,mode:s,children:n},dM(n)))})),h=h.map((e=>{const t=e.key;return f.has(t)?e:ld(cM,{isPresent:!0,presenceAffectsLayout:i,mode:s,children:e},dM(e))})),"production"!==yE&&"wait"===s&&h.length>1&&console.warn('You\'re attempting to animate multiple children within AnimatePresence, but its mode is set to "wait". This will lead to odd visual behaviour.'),ld(sd,{children:f.size?h:h.map((e=>a.exports.cloneElement(e)))})};var fM=function(){return fM=Object.assign||function(e){for(var t,n=1,r=arguments.length;n0&&o[o.length-1])||6!==s[0]&&2!==s[0])){a=0;continue}if(3===s[0]&&(!o||s[1]>o[0]&&s[1]0)&&!(r=i.next()).done;)a.push(r.value)}catch(s){o={error:s}}finally{try{r&&!r.done&&(n=i.return)&&n.call(i)}finally{if(o)throw o.error}}return a}function yM(e,t,n){if(n||2===arguments.length)for(var r,o=0,i=t.length;oe.filter(Boolean).join(" ");var xM={ease:[.25,.1,.25,1],easeIn:[.4,0,1,1],easeOut:[0,0,.2,1],easeInOut:[.4,0,.2,1]},wM={position:{left:0,top:0,bottom:0,width:"100%"},enter:{x:0,y:0},exit:{x:"-100%",y:0}},kM={position:{right:0,top:0,bottom:0,width:"100%"},enter:{x:0,y:0},exit:{x:"100%",y:0}},SM={position:{top:0,left:0,right:0,maxWidth:"100vw"},enter:{x:0,y:0},exit:{x:0,y:"-100%"}},CM={position:{bottom:0,left:0,right:0,maxWidth:"100vw"},enter:{x:0,y:0},exit:{x:0,y:"100%"}};function _M(e){switch((null==e?void 0:e.direction)??"right"){case"right":default:return kM;case"left":return wM;case"bottom":return CM;case"top":return SM}}var EM={enter:{duration:.2,ease:xM.easeOut},exit:{duration:.1,ease:xM.easeIn}},PM=(e,t)=>({...e,delay:"number"==typeof t?t:null==t?void 0:t.enter}),LM=(e,t)=>({...e,delay:"number"==typeof t?t:null==t?void 0:t.exit}),OM=e=>null!=e&&parseInt(e.toString(),10)>0,MM={exit:{height:{duration:.2,ease:xM.ease},opacity:{duration:.3,ease:xM.ease}},enter:{height:{duration:.3,ease:xM.ease},opacity:{duration:.4,ease:xM.ease}}},TM={exit:({animateOpacity:e,startingHeight:t,transition:n,transitionEnd:r,delay:o})=>({...e&&{opacity:OM(t)?1:0},height:t,transitionEnd:null==r?void 0:r.exit,transition:(null==n?void 0:n.exit)??LM(MM.exit,o)}),enter:({animateOpacity:e,endingHeight:t,transition:n,transitionEnd:r,delay:o})=>({...e&&{opacity:1},height:t,transitionEnd:null==r?void 0:r.enter,transition:(null==n?void 0:n.enter)??PM(MM.enter,o)})},AM=a.exports.forwardRef(((e,t)=>{const{in:n,unmountOnExit:r,animateOpacity:o=!0,startingHeight:i=0,endingHeight:s="auto",style:l,className:c,transition:u,transitionEnd:d,...h}=e,[f,p]=a.exports.useState(!1);a.exports.useEffect((()=>{const e=setTimeout((()=>{p(!0)}));return()=>clearTimeout(e)}),[]),(e=>{const{condition:t,message:n}=e})({condition:Boolean(i>0&&r),message:"startingHeight and unmountOnExit are mutually exclusive. You can't use them together"});const g=parseFloat(i.toString())>0,m={startingHeight:i,endingHeight:s,animateOpacity:o,transition:f?u:{enter:{duration:0}},transitionEnd:{enter:null==d?void 0:d.enter,exit:r?null==d?void 0:d.exit:{...null==d?void 0:d.exit,display:g?"block":"none"}}},v=n||r?"enter":"exit";return ld(hM,{initial:!1,custom:m,children:(!r||n)&&H.createElement(iM.div,{ref:t,...h,className:bM("chakra-collapse",c),style:{overflow:"hidden",display:"block",...l},custom:m,variants:TM,initial:!!r&&"exit",animate:v,exit:"exit"})})}));AM.displayName="Collapse";var IM={enter:({transition:e,transitionEnd:t,delay:n}={})=>({opacity:1,transition:(null==e?void 0:e.enter)??PM(EM.enter,n),transitionEnd:null==t?void 0:t.enter}),exit:({transition:e,transitionEnd:t,delay:n}={})=>({opacity:0,transition:(null==e?void 0:e.exit)??LM(EM.exit,n),transitionEnd:null==t?void 0:t.exit})},RM={initial:"exit",animate:"enter",exit:"exit",variants:IM},NM=a.exports.forwardRef((function(e,t){const{unmountOnExit:n,in:r,className:o,transition:i,transitionEnd:a,delay:s,...l}=e,c=r||n?"enter":"exit",u={transition:i,transitionEnd:a,delay:s};return ld(hM,{custom:u,children:(!n||r&&n)&&H.createElement(iM.div,{ref:t,className:bM("chakra-fade",o),custom:u,...RM,animate:c,...l})})}));NM.displayName="Fade";var DM={exit:({reverse:e,initialScale:t,transition:n,transitionEnd:r,delay:o})=>({opacity:0,...e?{scale:t,transitionEnd:null==r?void 0:r.exit}:{transitionEnd:{scale:t,...null==r?void 0:r.exit}},transition:(null==n?void 0:n.exit)??LM(EM.exit,o)}),enter:({transitionEnd:e,transition:t,delay:n})=>({opacity:1,scale:1,transition:(null==t?void 0:t.enter)??PM(EM.enter,n),transitionEnd:null==e?void 0:e.enter})},zM={initial:"exit",animate:"enter",exit:"exit",variants:DM},BM=a.exports.forwardRef((function(e,t){const{unmountOnExit:n,in:r,reverse:o=!0,initialScale:i=.95,className:a,transition:s,transitionEnd:l,delay:c,...u}=e,d=r||n?"enter":"exit",h={initialScale:i,reverse:o,transition:s,transitionEnd:l,delay:c};return ld(hM,{custom:h,children:(!n||r&&n)&&H.createElement(iM.div,{ref:t,className:bM("chakra-offset-slide",a),...zM,animate:d,custom:h,...u})})}));BM.displayName="ScaleFade";var jM={exit:{duration:.15,ease:xM.easeInOut},enter:{type:"spring",damping:25,stiffness:180}},FM={exit:({direction:e,transition:t,transitionEnd:n,delay:r})=>{const{exit:o}=_M({direction:e});return{...o,transition:(null==t?void 0:t.exit)??LM(jM.exit,r),transitionEnd:null==n?void 0:n.exit}},enter:({direction:e,transitionEnd:t,transition:n,delay:r})=>{const{enter:o}=_M({direction:e});return{...o,transition:(null==n?void 0:n.enter)??PM(jM.enter,r),transitionEnd:null==t?void 0:t.enter}}},HM=a.exports.forwardRef((function(e,t){const{direction:n="right",style:r,unmountOnExit:o,in:i,className:a,transition:s,transitionEnd:l,delay:c,motionProps:u,...d}=e,h=_M({direction:n}),f=Object.assign({position:"fixed"},h.position,r),p=i||o?"enter":"exit",g={transitionEnd:l,transition:s,direction:n,delay:c};return ld(hM,{custom:g,children:(!o||i&&o)&&H.createElement(iM.div,{...d,ref:t,initial:"exit",className:bM("chakra-slide",a),animate:p,exit:"exit",custom:g,variants:FM,style:f,...u})})}));HM.displayName="Slide";var WM={initial:({offsetX:e,offsetY:t,transition:n,transitionEnd:r,delay:o})=>({opacity:0,x:e,y:t,transition:(null==n?void 0:n.exit)??LM(EM.exit,o),transitionEnd:null==r?void 0:r.exit}),enter:({transition:e,transitionEnd:t,delay:n})=>({opacity:1,x:0,y:0,transition:(null==e?void 0:e.enter)??PM(EM.enter,n),transitionEnd:null==t?void 0:t.enter}),exit:({offsetY:e,offsetX:t,transition:n,transitionEnd:r,reverse:o,delay:i})=>{const a={x:t,y:e};return{opacity:0,transition:(null==n?void 0:n.exit)??LM(EM.exit,i),...o?{...a,transitionEnd:null==r?void 0:r.exit}:{transitionEnd:{...a,...null==r?void 0:r.exit}}}}},VM={initial:"initial",animate:"enter",exit:"exit",variants:WM},$M=a.exports.forwardRef((function(e,t){const{unmountOnExit:n,in:r,reverse:o=!0,className:i,offsetX:a=0,offsetY:s=8,transition:l,transitionEnd:c,delay:u,...d}=e,h=r||n?"enter":"exit",f={offsetX:a,offsetY:s,reverse:o,transition:l,transitionEnd:c,delay:u};return ld(hM,{custom:f,children:(!n||r&&n)&&H.createElement(iM.div,{ref:t,className:bM("chakra-offset-slide",i),custom:f,...VM,animate:h,...d})})}));$M.displayName="SlideFade";var UM=(...e)=>e.filter(Boolean).join(" ");var GM=e=>{const{condition:t,message:n}=e};function qM(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var[YM,ZM]=ck({name:"AccordionStylesContext",hookName:"useAccordionStyles",providerName:""}),[XM,KM]=ck({name:"AccordionItemContext",hookName:"useAccordionItemContext",providerName:""}),[QM,JM,eT,tT]=bk(),nT=ok((function(e,t){const{getButtonProps:n}=KM(),r=n(e,t),o={display:"flex",alignItems:"center",width:"100%",outline:0,...ZM().button};return H.createElement(lk.button,{...r,className:UM("chakra-accordion__button",e.className),__css:o})}));function rT(e){const{onChange:t,defaultIndex:n,index:r,allowMultiple:o,allowToggle:i,...s}=e;!function(e){const t=e.index||e.defaultIndex,n=null!=t&&!Array.isArray(t)&&e.allowMultiple;GM({condition:!!n,message:`If 'allowMultiple' is passed, then 'index' or 'defaultIndex' must be an array. You passed: ${typeof t},`})}(e),function(e){GM({condition:!(!e.allowMultiple||!e.allowToggle),message:"If 'allowMultiple' is passed, 'allowToggle' will be ignored. Either remove 'allowToggle' or 'allowMultiple' depending on whether you want multiple accordions visible or not"})}(e);const l=eT(),[c,u]=a.exports.useState(-1);a.exports.useEffect((()=>()=>{u(-1)}),[]);const[d,h]=_k({value:r,defaultValue:()=>o?n??[]:n??-1,onChange:t});return{index:d,setIndex:h,htmlProps:s,getAccordionItemProps:e=>{let t=!1;null!==e&&(t=Array.isArray(d)?d.includes(e):d===e);return{isOpen:t,onChange:t=>{if(null!==e)if(o&&Array.isArray(d)){const n=t?d.concat(e):d.filter((t=>t!==e));h(n)}else t?h(e):i&&h(-1)}}},focusedIndex:c,setFocusedIndex:u,descendants:l}}nT.displayName="AccordionButton";var[oT,iT]=ck({name:"AccordionContext",hookName:"useAccordionContext",providerName:"Accordion"});function aT(e){const{isDisabled:t,isFocusable:n,id:r,...o}=e,{getAccordionItemProps:i,setFocusedIndex:s}=iT(),l=a.exports.useRef(null),c=a.exports.useId(),u=r??c,d=`accordion-button-${u}`,h=`accordion-panel-${u}`;!function(e){GM({condition:!(!e.isFocusable||e.isDisabled),message:"Using only 'isFocusable', this prop is reserved for situations where you pass 'isDisabled' but you still want the element to receive focus (A11y). Either remove it or pass 'isDisabled' as well.\n "})}(e);const{register:f,index:p,descendants:g}=tT({disabled:t&&!n}),{isOpen:m,onChange:v}=i(-1===p?null:p);!function(e){GM({condition:e.isOpen&&!!e.isDisabled,message:"Cannot open a disabled accordion item"})}({isOpen:m,isDisabled:t});const y=a.exports.useCallback((()=>{null==v||v(!m),s(p)}),[p,s,m,v]),b=a.exports.useCallback((e=>{const t={ArrowDown:()=>{const e=g.nextEnabled(p);null==e||e.node.focus()},ArrowUp:()=>{const e=g.prevEnabled(p);null==e||e.node.focus()},Home:()=>{const e=g.firstEnabled();null==e||e.node.focus()},End:()=>{const e=g.lastEnabled();null==e||e.node.focus()}},n=t[e.key];n&&(e.preventDefault(),n(e))}),[g,p]),x=a.exports.useCallback((()=>{s(p)}),[s,p]),w=a.exports.useCallback((function(e={},n=null){return{...e,type:"button",ref:uk(f,l,n),id:d,disabled:!!t,"aria-expanded":!!m,"aria-controls":h,onClick:qM(e.onClick,y),onFocus:qM(e.onFocus,x),onKeyDown:qM(e.onKeyDown,b)}}),[d,t,m,y,x,b,h,f]),k=a.exports.useCallback((function(e={},t=null){return{...e,ref:t,role:"region",id:h,"aria-labelledby":d,hidden:!m}}),[d,m,h]);return{isOpen:m,isDisabled:t,isFocusable:n,onOpen:()=>{null==v||v(!0)},onClose:()=>{null==v||v(!1)},getButtonProps:w,getPanelProps:k,htmlProps:o}}function sT(e){const{isOpen:t,isDisabled:n}=KM(),{reduceMotion:r}=iT(),o=UM("chakra-accordion__icon",e.className),i={opacity:n?.4:1,transform:t?"rotate(-180deg)":void 0,transition:r?void 0:"transform 0.2s",transformOrigin:"center",...ZM().icon};return ld(kk,{viewBox:"0 0 24 24","aria-hidden":!0,className:o,__css:i,...e,children:ld("path",{fill:"currentColor",d:"M16.59 8.59L12 13.17 7.41 8.59 6 10l6 6 6-6z"})})}sT.displayName="AccordionIcon";var lT=ok((function(e,t){const{children:n,className:r}=e,{htmlProps:o,...i}=aT(e),s={...ZM().container,overflowAnchor:"none"},l=a.exports.useMemo((()=>i),[i]);return H.createElement(XM,{value:l},H.createElement(lk.div,{ref:t,...o,className:UM("chakra-accordion__item",r),__css:s},"function"==typeof n?n({isExpanded:!!i.isOpen,isDisabled:!!i.isDisabled}):n))}));lT.displayName="AccordionItem";var cT=ok((function(e,t){const{className:n,motionProps:r,...o}=e,{reduceMotion:i}=iT(),{getPanelProps:a,isOpen:s}=KM(),l=a(o,t),c=UM("chakra-accordion__panel",n),u=ZM();i||delete l.hidden;const d=H.createElement(lk.div,{...l,__css:u.panel,className:c});return i?d:ld(AM,{in:s,...r,children:d})}));cT.displayName="AccordionPanel";var uT=ok((function({children:e,reduceMotion:t,...n},r){const o=sk("Accordion",n),i=hf(n),{htmlProps:s,descendants:l,...c}=rT(i),u=a.exports.useMemo((()=>({...c,reduceMotion:!!t})),[c,t]);return H.createElement(QM,{value:l},H.createElement(oT,{value:u},H.createElement(YM,{value:o},H.createElement(lk.div,{ref:r,...s,className:UM("chakra-accordion",n.className),__css:o.root},e))))}));uT.displayName="Accordion";var dT=pg({"0%":{transform:"rotate(0deg)"},"100%":{transform:"rotate(360deg)"}}),hT=ok(((e,t)=>{const n=ak("Spinner",e),{label:r="Loading...",thickness:o="2px",speed:i="0.45s",emptyColor:a="transparent",className:s,...l}=hf(e),c=((...e)=>e.filter(Boolean).join(" "))("chakra-spinner",s),u={display:"inline-block",borderColor:"currentColor",borderStyle:"solid",borderRadius:"99999px",borderWidth:o,borderBottomColor:a,borderLeftColor:a,animation:`${dT} ${i} linear infinite`,...n};return H.createElement(lk.div,{ref:t,__css:u,className:c,...l},r&&H.createElement(lk.span,{srOnly:!0},r))}));hT.displayName="Spinner";var fT=(...e)=>e.filter(Boolean).join(" ");function pT(e){return ld(kk,{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M11.983,0a12.206,12.206,0,0,0-8.51,3.653A11.8,11.8,0,0,0,0,12.207,11.779,11.779,0,0,0,11.8,24h.214A12.111,12.111,0,0,0,24,11.791h0A11.766,11.766,0,0,0,11.983,0ZM10.5,16.542a1.476,1.476,0,0,1,1.449-1.53h.027a1.527,1.527,0,0,1,1.523,1.47,1.475,1.475,0,0,1-1.449,1.53h-.027A1.529,1.529,0,0,1,10.5,16.542ZM11,12.5v-6a1,1,0,0,1,2,0v6a1,1,0,1,1-2,0Z"})})}var[gT,mT]=ck({name:"AlertContext",hookName:"useAlertContext",providerName:""}),[vT,yT]=ck({name:"AlertStylesContext",hookName:"useAlertStyles",providerName:""}),bT={info:{icon:function(e){return ld(kk,{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M12,0A12,12,0,1,0,24,12,12.013,12.013,0,0,0,12,0Zm.25,5a1.5,1.5,0,1,1-1.5,1.5A1.5,1.5,0,0,1,12.25,5ZM14.5,18.5h-4a1,1,0,0,1,0-2h.75a.25.25,0,0,0,.25-.25v-4.5a.25.25,0,0,0-.25-.25H10.5a1,1,0,0,1,0-2h1a2,2,0,0,1,2,2v4.75a.25.25,0,0,0,.25.25h.75a1,1,0,1,1,0,2Z"})})},colorScheme:"blue"},warning:{icon:pT,colorScheme:"orange"},success:{icon:function(e){return ld(kk,{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M12,0A12,12,0,1,0,24,12,12.014,12.014,0,0,0,12,0Zm6.927,8.2-6.845,9.289a1.011,1.011,0,0,1-1.43.188L5.764,13.769a1,1,0,1,1,1.25-1.562l4.076,3.261,6.227-8.451A1,1,0,1,1,18.927,8.2Z"})})},colorScheme:"green"},error:{icon:pT,colorScheme:"red"},loading:{icon:hT,colorScheme:"blue"}};var xT=ok((function(e,t){const{status:n="info",addRole:r=!0,...o}=hf(e),i=e.colorScheme??function(e){return bT[e].colorScheme}(n),a=sk("Alert",{...e,colorScheme:i}),s={width:"100%",display:"flex",alignItems:"center",position:"relative",overflow:"hidden",...a.container};return H.createElement(gT,{value:{status:n}},H.createElement(vT,{value:a},H.createElement(lk.div,{role:r?"alert":void 0,ref:t,...o,className:fT("chakra-alert",e.className),__css:s})))}));xT.displayName="Alert";var wT=ok((function(e,t){const n={display:"inline",...yT().description};return H.createElement(lk.div,{ref:t,...e,className:fT("chakra-alert__desc",e.className),__css:n})}));function kT(e){const{status:t}=mT(),n=function(e){return bT[e].icon}(t),r=yT(),o="loading"===t?r.spinner:r.icon;return H.createElement(lk.span,{display:"inherit",...e,className:fT("chakra-alert__icon",e.className),__css:o},e.children||ld(n,{h:"100%",w:"100%"}))}wT.displayName="AlertDescription",kT.displayName="AlertIcon";var ST=ok((function(e,t){const n=yT();return H.createElement(lk.div,{ref:t,...e,className:fT("chakra-alert__title",e.className),__css:n.title})}));function CT(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}ST.displayName="AlertTitle";var _T=ok((function(e,t){const{htmlWidth:n,htmlHeight:r,alt:o,...i}=e;return ld("img",{width:n,height:r,ref:t,alt:o,...i})}));_T.displayName="NativeImage";var ET=ok((function(e,t){const{fallbackSrc:n,fallback:r,src:o,srcSet:i,align:s,fit:l,loading:c,ignoreFallback:u,crossOrigin:d,fallbackStrategy:h="beforeLoadOrError",referrerPolicy:f,...p}=e,g=null!=c||u||!(void 0!==n||void 0!==r),m=function(e){const{loading:t,src:n,srcSet:r,onLoad:o,onError:i,crossOrigin:s,sizes:l,ignoreFallback:c}=e,[u,d]=a.exports.useState("pending");a.exports.useEffect((()=>{d(n?"loading":"pending")}),[n]);const h=a.exports.useRef(),f=a.exports.useCallback((()=>{if(!n)return;p();const e=new Image;e.src=n,s&&(e.crossOrigin=s),r&&(e.srcset=r),l&&(e.sizes=l),t&&(e.loading=t),e.onload=e=>{p(),d("loaded"),null==o||o(e)},e.onerror=e=>{p(),d("failed"),null==i||i(e)},h.current=e}),[n,s,r,l,o,i,t]),p=()=>{h.current&&(h.current.onload=null,h.current.onerror=null,h.current=null)};return Ku((()=>{if(!c)return"loading"===u&&f(),()=>{p()}}),[u,f,c]),c?"loaded":u}({...e,ignoreFallback:g}),v=((e,t)=>"loaded"!==e&&"beforeLoadOrError"===t||"failed"===e&&"onError"===t)(m,h),y={ref:t,objectFit:l,objectPosition:s,...g?p:CT(p,["onError","onLoad"])};return v?r||H.createElement(lk.img,{as:_T,className:"chakra-image__placeholder",src:n,...y}):H.createElement(lk.img,{as:_T,src:o,srcSet:i,crossOrigin:d,loading:c,referrerPolicy:f,className:"chakra-image",...y})}));function PT(e){return a.exports.Children.toArray(e).filter((e=>a.exports.isValidElement(e)))}ET.displayName="Image",ok(((e,t)=>H.createElement(lk.img,{ref:t,as:_T,className:"chakra-image",...e})));var LT=(...e)=>e.filter(Boolean).join(" "),OT=e=>e?"":void 0,[MT,TT]=ck({strict:!1,name:"ButtonGroupContext"});function AT(e){const{children:t,className:n,...r}=e,o=a.exports.isValidElement(t)?a.exports.cloneElement(t,{"aria-hidden":!0,focusable:!1}):t,i=LT("chakra-button__icon",n);return H.createElement(lk.span,{display:"inline-flex",alignSelf:"center",flexShrink:0,...r,className:i},o)}function IT(e){const{label:t,placement:n,spacing:r="0.5rem",children:o=ld(hT,{color:"currentColor",width:"1em",height:"1em"}),className:i,__css:s,...l}=e,c=LT("chakra-button__spinner",i),u="start"===n?"marginEnd":"marginStart",d=a.exports.useMemo((()=>({display:"flex",alignItems:"center",position:t?"relative":"absolute",[u]:t?r:0,fontSize:"1em",lineHeight:"normal",...s})),[s,t,u,r]);return H.createElement(lk.div,{className:c,...l,__css:d},o)}AT.displayName="ButtonIcon",IT.displayName="ButtonSpinner";var RT=ok(((e,t)=>{const n=TT(),r=ak("Button",{...n,...e}),{isDisabled:o=(null==n?void 0:n.isDisabled),isLoading:i,isActive:s,children:l,leftIcon:c,rightIcon:u,loadingText:d,iconSpacing:h="0.5rem",type:f,spinner:p,spinnerPlacement:g="start",className:m,as:v,...y}=hf(e),b=a.exports.useMemo((()=>{const e={...null==r?void 0:r._focus,zIndex:1};return{display:"inline-flex",appearance:"none",alignItems:"center",justifyContent:"center",userSelect:"none",position:"relative",whiteSpace:"nowrap",verticalAlign:"middle",outline:"none",...r,...!!n&&{_focus:e}}}),[r,n]),{ref:x,type:w}=function(e){const[t,n]=a.exports.useState(!e),r=a.exports.useCallback((e=>{e&&n("BUTTON"===e.tagName)}),[]);return{ref:r,type:t?"button":void 0}}(v),k={rightIcon:u,leftIcon:c,iconSpacing:h,children:l};return H.createElement(lk.button,{disabled:o||i,ref:dk(t,x),as:v,type:f??w,"data-active":OT(s),"data-loading":OT(i),__css:b,className:LT("chakra-button",m),...y},i&&"start"===g&&ld(IT,{className:"chakra-button__spinner--start",label:d,placement:"start",spacing:h,children:p}),i?d||H.createElement(lk.span,{opacity:0},ld(NT,{...k})):ld(NT,{...k}),i&&"end"===g&&ld(IT,{className:"chakra-button__spinner--end",label:d,placement:"end",spacing:h,children:p}))}));function NT(e){const{leftIcon:t,rightIcon:n,children:r,iconSpacing:o}=e;return cd(sd,{children:[t&&ld(AT,{marginEnd:o,children:t}),r,n&&ld(AT,{marginStart:o,children:n})]})}RT.displayName="Button";var DT=ok((function(e,t){const{size:n,colorScheme:r,variant:o,className:i,spacing:s="0.5rem",isAttached:l,isDisabled:c,...u}=e,d=LT("chakra-button__group",i),h=a.exports.useMemo((()=>({size:n,colorScheme:r,variant:o,isDisabled:c})),[n,r,o,c]);let f={display:"inline-flex"};return f=l?{...f,"> *:first-of-type:not(:last-of-type)":{borderEndRadius:0},"> *:not(:first-of-type):not(:last-of-type)":{borderRadius:0},"> *:not(:first-of-type):last-of-type":{borderStartRadius:0}}:{...f,"& > *:not(style) ~ *:not(style)":{marginStart:s}},H.createElement(MT,{value:h},H.createElement(lk.div,{ref:t,role:"group",__css:f,className:d,"data-attached":l?"":void 0,...u}))}));DT.displayName="ButtonGroup";var zT=ok(((e,t)=>{const{icon:n,children:r,isRound:o,"aria-label":i,...s}=e,l=n||r,c=a.exports.isValidElement(l)?a.exports.cloneElement(l,{"aria-hidden":!0,focusable:!1}):null;return ld(RT,{padding:"0",borderRadius:o?"full":void 0,ref:t,"aria-label":i,...s,children:c})}));zT.displayName="IconButton";var BT=(...e)=>e.filter(Boolean).join(" "),jT=e=>e?"":void 0,FT=e=>!!e||void 0;function HT(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var[WT,VT]=ck({name:"FormControlStylesContext",errorMessage:"useFormControlStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),[$T,UT]=ck({strict:!1,name:"FormControlContext"});var GT=ok((function(e,t){const n=sk("Form",e),r=hf(e),{getRootProps:o,htmlProps:i,...s}=function(e){const{id:t,isRequired:n,isInvalid:r,isDisabled:o,isReadOnly:i,...s}=e,l=a.exports.useId(),c=t||`field-${l}`,u=`${c}-label`,d=`${c}-feedback`,h=`${c}-helptext`,[f,p]=a.exports.useState(!1),[g,m]=a.exports.useState(!1),[v,y]=a.exports.useState(!1),b=a.exports.useCallback(((e={},t=null)=>({id:h,...e,ref:uk(t,(e=>{e&&m(!0)}))})),[h]),x=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,"data-focus":jT(v),"data-disabled":jT(o),"data-invalid":jT(r),"data-readonly":jT(i),id:e.id??u,htmlFor:e.htmlFor??c})),[c,o,v,r,i,u]),w=a.exports.useCallback(((e={},t=null)=>({id:d,...e,ref:uk(t,(e=>{e&&p(!0)})),"aria-live":"polite"})),[d]),k=a.exports.useCallback(((e={},t=null)=>({...e,...s,ref:t,role:"group"})),[s]),S=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,role:"presentation","aria-hidden":!0,children:e.children||"*"})),[]);return{isRequired:!!n,isInvalid:!!r,isReadOnly:!!i,isDisabled:!!o,isFocused:!!v,onFocus:()=>y(!0),onBlur:()=>y(!1),hasFeedbackText:f,setHasFeedbackText:p,hasHelpText:g,setHasHelpText:m,id:c,labelId:u,feedbackId:d,helpTextId:h,htmlProps:s,getHelpTextProps:b,getErrorMessageProps:w,getRootProps:k,getLabelProps:x,getRequiredIndicatorProps:S}}(r),l=BT("chakra-form-control",e.className);return H.createElement($T,{value:s},H.createElement(WT,{value:n},H.createElement(lk.div,{...o({},t),className:l,__css:n.container})))}));GT.displayName="FormControl";var qT=ok((function(e,t){const n=UT(),r=VT(),o=BT("chakra-form__helper-text",e.className);return H.createElement(lk.div,{...null==n?void 0:n.getHelpTextProps(e,t),__css:r.helperText,className:o})}));function YT(e){const{isDisabled:t,isInvalid:n,isReadOnly:r,isRequired:o,...i}=ZT(e);return{...i,disabled:t,readOnly:r,required:o,"aria-invalid":FT(n),"aria-required":FT(o),"aria-readonly":FT(r)}}function ZT(e){const t=UT(),{id:n,disabled:r,readOnly:o,required:i,isRequired:a,isInvalid:s,isReadOnly:l,isDisabled:c,onFocus:u,onBlur:d,...h}=e,f=e["aria-describedby"]?[e["aria-describedby"]]:[];return(null==t?void 0:t.hasFeedbackText)&&(null==t?void 0:t.isInvalid)&&f.push(t.feedbackId),(null==t?void 0:t.hasHelpText)&&f.push(t.helpTextId),{...h,"aria-describedby":f.join(" ")||void 0,id:n??(null==t?void 0:t.id),isDisabled:r??c??(null==t?void 0:t.isDisabled),isReadOnly:o??l??(null==t?void 0:t.isReadOnly),isRequired:i??a??(null==t?void 0:t.isRequired),isInvalid:s??(null==t?void 0:t.isInvalid),onFocus:HT(null==t?void 0:t.onFocus,u),onBlur:HT(null==t?void 0:t.onBlur,d)}}qT.displayName="FormHelperText";var[XT,KT]=ck({name:"FormErrorStylesContext",errorMessage:"useFormErrorStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),QT=ok(((e,t)=>{const n=sk("FormError",e),r=hf(e),o=UT();return(null==o?void 0:o.isInvalid)?H.createElement(XT,{value:n},H.createElement(lk.div,{...null==o?void 0:o.getErrorMessageProps(r,t),className:BT("chakra-form__error-message",e.className),__css:{display:"flex",alignItems:"center",...n.text}})):null}));QT.displayName="FormErrorMessage";var JT=ok(((e,t)=>{const n=KT(),r=UT();if(!(null==r?void 0:r.isInvalid))return null;const o=BT("chakra-form__error-icon",e.className);return ld(kk,{ref:t,"aria-hidden":!0,...e,__css:n.icon,className:o,children:ld("path",{fill:"currentColor",d:"M11.983,0a12.206,12.206,0,0,0-8.51,3.653A11.8,11.8,0,0,0,0,12.207,11.779,11.779,0,0,0,11.8,24h.214A12.111,12.111,0,0,0,24,11.791h0A11.766,11.766,0,0,0,11.983,0ZM10.5,16.542a1.476,1.476,0,0,1,1.449-1.53h.027a1.527,1.527,0,0,1,1.523,1.47,1.475,1.475,0,0,1-1.449,1.53h-.027A1.529,1.529,0,0,1,10.5,16.542ZM11,12.5v-6a1,1,0,0,1,2,0v6a1,1,0,1,1-2,0Z"})})}));JT.displayName="FormErrorIcon";var eA=ok((function(e,t){const n=ak("FormLabel",e),r=hf(e),{className:o,children:i,requiredIndicator:a=ld(tA,{}),optionalIndicator:s=null,...l}=r,c=UT(),u=(null==c?void 0:c.getLabelProps(l,t))??{ref:t,...l};return H.createElement(lk.label,{...u,className:BT("chakra-form__label",r.className),__css:{display:"block",textAlign:"start",...n}},i,(null==c?void 0:c.isRequired)?a:s)}));eA.displayName="FormLabel";var tA=ok((function(e,t){const n=UT(),r=VT();if(!(null==n?void 0:n.isRequired))return null;const o=BT("chakra-form__required-indicator",e.className);return H.createElement(lk.span,{...null==n?void 0:n.getRequiredIndicatorProps(e,t),__css:r.requiredIndicator,className:o})}));function nA(e,t){const n=a.exports.useRef(!1),r=a.exports.useRef(!1);a.exports.useEffect((()=>{if(n.current&&r.current)return e();r.current=!0}),t),a.exports.useEffect((()=>(n.current=!0,()=>{n.current=!1})),[])}tA.displayName="RequiredIndicator";var rA={border:"0",clip:"rect(0, 0, 0, 0)",height:"1px",width:"1px",margin:"-1px",padding:"0",overflow:"hidden",whiteSpace:"nowrap",position:"absolute"};lk("span",{baseStyle:rA}).displayName="VisuallyHidden",lk("input",{baseStyle:rA}).displayName="VisuallyHiddenInput";var oA=!1,iA=null,aA=!1,sA=new Set,lA="undefined"!=typeof window&&null!=window.navigator&&/^Mac/.test(window.navigator.platform);function cA(e,t){sA.forEach((n=>n(e,t)))}function uA(e){aA=!0,function(e){return!(e.metaKey||!lA&&e.altKey||e.ctrlKey)}(e)&&(iA="keyboard",cA("keyboard",e))}function dA(e){iA="pointer","mousedown"!==e.type&&"pointerdown"!==e.type||(aA=!0,cA("pointer",e))}function hA(e){e.target!==window&&e.target!==document&&(aA||(iA="keyboard",cA("keyboard",e)),aA=!1)}function fA(){aA=!1}function pA(){return"pointer"!==iA}function gA(e){!function(){if("undefined"==typeof window||oA)return;const{focus:e}=HTMLElement.prototype;HTMLElement.prototype.focus=function(...t){aA=!0,e.apply(this,t)},document.addEventListener("keydown",uA,!0),document.addEventListener("keyup",uA,!0),window.addEventListener("focus",hA,!0),window.addEventListener("blur",fA,!1),"undefined"!=typeof PointerEvent?(document.addEventListener("pointerdown",dA,!0),document.addEventListener("pointermove",dA,!0),document.addEventListener("pointerup",dA,!0)):(document.addEventListener("mousedown",dA,!0),document.addEventListener("mousemove",dA,!0),document.addEventListener("mouseup",dA,!0)),oA=!0}(),e(pA());const t=()=>e(pA());return sA.add(t),()=>{sA.delete(t)}}var[mA,vA]=ck({name:"CheckboxGroupContext",strict:!1}),yA=(...e)=>e.filter(Boolean).join(" "),bA=e=>e?"":void 0;function xA(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}function wA(e){return H.createElement(lk.svg,{width:"1.2em",viewBox:"0 0 12 10",style:{fill:"none",strokeWidth:2,stroke:"currentColor",strokeDasharray:16},...e},ld("polyline",{points:"1.5 6 4.5 9 10.5 1"}))}function kA(e){return H.createElement(lk.svg,{width:"1.2em",viewBox:"0 0 24 24",style:{stroke:"currentColor",strokeWidth:4},...e},ld("line",{x1:"21",x2:"3",y1:"12",y2:"12"}))}function SA(e){const{isIndeterminate:t,isChecked:n,...r}=e,o=t?kA:wA;return n||t?H.createElement(lk.div,{style:{display:"flex",alignItems:"center",justifyContent:"center",height:"100%"}},ld(o,{...r})):null}function CA(e={}){const t=ZT(e),{isDisabled:n,isReadOnly:r,isRequired:o,isInvalid:i,id:s,onBlur:l,onFocus:c,"aria-describedby":u}=t,{defaultChecked:d,isChecked:h,isFocusable:f,onChange:p,isIndeterminate:g,name:m,value:v,tabIndex:y,"aria-label":b,"aria-labelledby":x,"aria-invalid":w,...k}=e,S=function(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}(k,["isDisabled","isReadOnly","isRequired","isInvalid","id","onBlur","onFocus","aria-describedby"]),C=Ck(p),_=Ck(l),E=Ck(c),[P,L]=a.exports.useState(!1),[O,M]=a.exports.useState(!1),[T,A]=a.exports.useState(!1),[I,R]=a.exports.useState(!1);a.exports.useEffect((()=>gA(L)),[]);const N=a.exports.useRef(null),[D,z]=a.exports.useState(!0),[B,j]=a.exports.useState(!!d),F=void 0!==h,H=F?h:B,W=a.exports.useCallback((e=>{r||n?e.preventDefault():(F||j(H?e.target.checked:!!g||e.target.checked),null==C||C(e))}),[r,n,H,F,g,C]);Ku((()=>{N.current&&(N.current.indeterminate=Boolean(g))}),[g]),nA((()=>{n&&M(!1)}),[n,M]),Ku((()=>{const e=N.current;(null==e?void 0:e.form)&&(e.form.onreset=()=>{j(!!d)})}),[]);const V=n&&!f,$=a.exports.useCallback((e=>{" "===e.key&&R(!0)}),[R]),U=a.exports.useCallback((e=>{" "===e.key&&R(!1)}),[R]);Ku((()=>{if(!N.current)return;N.current.checked!==H&&j(N.current.checked)}),[N.current]);const G=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,"data-active":bA(I),"data-hover":bA(T),"data-checked":bA(H),"data-focus":bA(O),"data-focus-visible":bA(O&&P),"data-indeterminate":bA(g),"data-disabled":bA(n),"data-invalid":bA(i),"data-readonly":bA(r),"aria-hidden":!0,onMouseDown:xA(e.onMouseDown,(e=>{O&&e.preventDefault(),R(!0)})),onMouseUp:xA(e.onMouseUp,(()=>R(!1))),onMouseEnter:xA(e.onMouseEnter,(()=>A(!0))),onMouseLeave:xA(e.onMouseLeave,(()=>A(!1)))})),[I,H,n,O,P,T,g,i,r]),q=a.exports.useCallback(((e={},t=null)=>({...S,...e,ref:uk(t,(e=>{e&&z("LABEL"===e.tagName)})),onClick:xA(e.onClick,(()=>{var e;D||(null==(e=N.current)||e.click(),requestAnimationFrame((()=>{var e;null==(e=N.current)||e.focus()})))})),"data-disabled":bA(n),"data-checked":bA(H),"data-invalid":bA(i)})),[S,n,H,i,D]),Y=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(N,t),type:"checkbox",name:m,value:v,id:s,tabIndex:y,onChange:xA(e.onChange,W),onBlur:xA(e.onBlur,_,(()=>M(!1))),onFocus:xA(e.onFocus,E,(()=>M(!0))),onKeyDown:xA(e.onKeyDown,$),onKeyUp:xA(e.onKeyUp,U),required:o,checked:H,disabled:V,readOnly:r,"aria-label":b,"aria-labelledby":x,"aria-invalid":w?Boolean(w):i,"aria-describedby":u,"aria-disabled":n,style:rA})),[m,v,s,W,_,E,$,U,o,H,V,r,b,x,w,i,u,n,y]),Z=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,onMouseDown:xA(e.onMouseDown,_A),onTouchStart:xA(e.onTouchStart,_A),"data-disabled":bA(n),"data-checked":bA(H),"data-invalid":bA(i)})),[H,n,i]);return{state:{isInvalid:i,isFocused:O,isChecked:H,isActive:I,isHovered:T,isIndeterminate:g,isDisabled:n,isReadOnly:r,isRequired:o},getRootProps:q,getCheckboxProps:G,getInputProps:Y,getLabelProps:Z,htmlProps:S}}function _A(e){e.preventDefault(),e.stopPropagation()}var EA={display:"inline-flex",alignItems:"center",justifyContent:"center",verticalAlign:"top",userSelect:"none",flexShrink:0},PA={cursor:"pointer",display:"inline-flex",alignItems:"center",verticalAlign:"top",position:"relative"},LA=pg({from:{opacity:0,strokeDashoffset:16,transform:"scale(0.95)"},to:{opacity:1,strokeDashoffset:0,transform:"scale(1)"}}),OA=pg({from:{opacity:0},to:{opacity:1}}),MA=pg({from:{transform:"scaleX(0.65)"},to:{transform:"scaleX(1)"}}),TA=ok((function(e,t){const n=vA(),r=sk("Checkbox",{...n,...e}),o=hf(e),{spacing:i="0.5rem",className:s,children:l,iconColor:c,iconSize:u,icon:d=ld(SA,{}),isChecked:h,isDisabled:f=(null==n?void 0:n.isDisabled),onChange:p,inputProps:g,...m}=o;let v=h;(null==n?void 0:n.value)&&o.value&&(v=n.value.includes(o.value));let y=p;(null==n?void 0:n.onChange)&&o.value&&(y=function(...e){return function(t){e.forEach((e=>{null==e||e(t)}))}}(n.onChange,p));const{state:b,getInputProps:x,getCheckboxProps:w,getLabelProps:k,getRootProps:S}=CA({...m,isDisabled:f,isChecked:v,onChange:y}),C=a.exports.useMemo((()=>({animation:b.isIndeterminate?`${OA} 20ms linear, ${MA} 200ms linear`:`${LA} 200ms linear`,fontSize:u,color:c,...r.icon})),[c,u,,b.isIndeterminate,r.icon]),_=a.exports.cloneElement(d,{__css:C,isIndeterminate:b.isIndeterminate,isChecked:b.isChecked});return H.createElement(lk.label,{__css:{...PA,...r.container},className:yA("chakra-checkbox",s),...S()},ld("input",{className:"chakra-checkbox__input",...x(g,t)}),H.createElement(lk.span,{__css:{...EA,...r.control},className:"chakra-checkbox__control",...w()},_),l&&H.createElement(lk.span,{className:"chakra-checkbox__label",...k(),__css:{marginStart:i,...r.label}},l))}));function AA(e){return ld(kk,{focusable:"false","aria-hidden":!0,...e,children:ld("path",{fill:"currentColor",d:"M.439,21.44a1.5,1.5,0,0,0,2.122,2.121L11.823,14.3a.25.25,0,0,1,.354,0l9.262,9.263a1.5,1.5,0,1,0,2.122-2.121L14.3,12.177a.25.25,0,0,1,0-.354l9.263-9.262A1.5,1.5,0,0,0,21.439.44L12.177,9.7a.25.25,0,0,1-.354,0L2.561.44A1.5,1.5,0,0,0,.439,2.561L9.7,11.823a.25.25,0,0,1,0,.354Z"})})}TA.displayName="Checkbox";var IA=ok((function(e,t){const n=ak("CloseButton",e),{children:r,isDisabled:o,__css:i,...a}=hf(e);return H.createElement(lk.button,{type:"button","aria-label":"Close",ref:t,disabled:o,__css:{outline:0,display:"flex",alignItems:"center",justifyContent:"center",flexShrink:0,...n,...i},...a},r||ld(AA,{width:"1em",height:"1em"}))}));function RA(e,t){let n=function(e){const t=parseFloat(e);return"number"!=typeof t||Number.isNaN(t)?0:t}(e);const r=10**(t??10);return n=Math.round(n*r)/r,t?n.toFixed(t):n.toString()}function NA(e){if(!Number.isFinite(e))return 0;let t=1,n=0;for(;Math.round(e*t)/t!==e;)t*=10,n+=1;return n}function DA(e,t,n){return 100*(e-t)/(n-t)}function zA(e,t,n){return(n-t)*e+t}function BA(e,t,n){return RA(Math.round((e-t)/n)*n+t,NA(n))}function jA(e,t,n){return null==e?e:(nld(hg,{styles:VA}),UA=()=>ld(hg,{styles:`\n html {\n line-height: 1.5;\n -webkit-text-size-adjust: 100%;\n font-family: system-ui, sans-serif;\n -webkit-font-smoothing: antialiased;\n text-rendering: optimizeLegibility;\n -moz-osx-font-smoothing: grayscale;\n touch-action: manipulation;\n }\n\n body {\n position: relative;\n min-height: 100%;\n font-feature-settings: 'kern';\n }\n\n *,\n *::before,\n *::after {\n border-width: 0;\n border-style: solid;\n box-sizing: border-box;\n }\n\n main {\n display: block;\n }\n\n hr {\n border-top-width: 1px;\n box-sizing: content-box;\n height: 0;\n overflow: visible;\n }\n\n pre,\n code,\n kbd,\n samp {\n font-family: SFMono-Regular, Menlo, Monaco, Consolas, monospace;\n font-size: 1em;\n }\n\n a {\n background-color: transparent;\n color: inherit;\n text-decoration: inherit;\n }\n\n abbr[title] {\n border-bottom: none;\n text-decoration: underline;\n -webkit-text-decoration: underline dotted;\n text-decoration: underline dotted;\n }\n\n b,\n strong {\n font-weight: bold;\n }\n\n small {\n font-size: 80%;\n }\n\n sub,\n sup {\n font-size: 75%;\n line-height: 0;\n position: relative;\n vertical-align: baseline;\n }\n\n sub {\n bottom: -0.25em;\n }\n\n sup {\n top: -0.5em;\n }\n\n img {\n border-style: none;\n }\n\n button,\n input,\n optgroup,\n select,\n textarea {\n font-family: inherit;\n font-size: 100%;\n line-height: 1.15;\n margin: 0;\n }\n\n button,\n input {\n overflow: visible;\n }\n\n button,\n select {\n text-transform: none;\n }\n\n button::-moz-focus-inner,\n [type="button"]::-moz-focus-inner,\n [type="reset"]::-moz-focus-inner,\n [type="submit"]::-moz-focus-inner {\n border-style: none;\n padding: 0;\n }\n\n fieldset {\n padding: 0.35em 0.75em 0.625em;\n }\n\n legend {\n box-sizing: border-box;\n color: inherit;\n display: table;\n max-width: 100%;\n padding: 0;\n white-space: normal;\n }\n\n progress {\n vertical-align: baseline;\n }\n\n textarea {\n overflow: auto;\n }\n\n [type="checkbox"],\n [type="radio"] {\n box-sizing: border-box;\n padding: 0;\n }\n\n [type="number"]::-webkit-inner-spin-button,\n [type="number"]::-webkit-outer-spin-button {\n -webkit-appearance: none !important;\n }\n\n input[type="number"] {\n -moz-appearance: textfield;\n }\n\n [type="search"] {\n -webkit-appearance: textfield;\n outline-offset: -2px;\n }\n\n [type="search"]::-webkit-search-decoration {\n -webkit-appearance: none !important;\n }\n\n ::-webkit-file-upload-button {\n -webkit-appearance: button;\n font: inherit;\n }\n\n details {\n display: block;\n }\n\n summary {\n display: list-item;\n }\n\n template {\n display: none;\n }\n\n [hidden] {\n display: none !important;\n }\n\n body,\n blockquote,\n dl,\n dd,\n h1,\n h2,\n h3,\n h4,\n h5,\n h6,\n hr,\n figure,\n p,\n pre {\n margin: 0;\n }\n\n button {\n background: transparent;\n padding: 0;\n }\n\n fieldset {\n margin: 0;\n padding: 0;\n }\n\n ol,\n ul {\n margin: 0;\n padding: 0;\n }\n\n textarea {\n resize: vertical;\n }\n\n button,\n [role="button"] {\n cursor: pointer;\n }\n\n button::-moz-focus-inner {\n border: 0 !important;\n }\n\n table {\n border-collapse: collapse;\n }\n\n h1,\n h2,\n h3,\n h4,\n h5,\n h6 {\n font-size: inherit;\n font-weight: inherit;\n }\n\n button,\n input,\n optgroup,\n select,\n textarea {\n padding: 0;\n line-height: inherit;\n color: inherit;\n }\n\n img,\n svg,\n video,\n canvas,\n audio,\n iframe,\n embed,\n object {\n display: block;\n }\n\n img,\n video {\n max-width: 100%;\n height: auto;\n }\n\n [data-js-focus-visible] :focus:not([data-focus-visible-added]):not([data-focus-visible-disabled]) {\n outline: none;\n box-shadow: none;\n }\n\n select::-ms-expand {\n display: none;\n }\n\n ${VA}\n `});function GA(e,t,n,r){const o=Ck(n);return a.exports.useEffect((()=>{const i="function"==typeof e?e():e??document;if(n&&i)return i.addEventListener(t,o,r),()=>{i.removeEventListener(t,o,r)}}),[t,e,r,o,n]),()=>{const n="function"==typeof e?e():e??document;null==n||n.removeEventListener(t,o,r)}}var qA=()=>"undefined"!=typeof window;var YA=e=>qA()&&e.test(function(){const e=navigator.userAgentData;return(null==e?void 0:e.platform)??navigator.platform}()),ZA=()=>YA(/mac|iphone|ipad|ipod/i)&&(e=>qA()&&e.test(navigator.vendor))(/apple/i);var XA=Rg?a.exports.useLayoutEffect:a.exports.useEffect;function KA(e,t=[]){const n=a.exports.useRef(e);return XA((()=>{n.current=e})),a.exports.useCallback(((...e)=>{var t;return null==(t=n.current)?void 0:t.call(n,...e)}),t)}function QA(e={}){const{onClose:t,onOpen:n,isOpen:r,id:o}=e,i=KA(n),s=KA(t),[l,c]=a.exports.useState(e.defaultIsOpen||!1),[u,d]=function(e,t){const n=void 0!==e;return[n,n&&void 0!==e?e:t]}(r,l),h=function(e,t){const n=a.exports.useId();return a.exports.useMemo((()=>e||[t,n].filter(Boolean).join("-")),[e,t,n])}(o,"disclosure"),f=a.exports.useCallback((()=>{u||c(!1),null==s||s()}),[u,s]),p=a.exports.useCallback((()=>{u||c(!0),null==i||i()}),[u,i]),g=a.exports.useCallback((()=>{(d?f:p)()}),[d,p,f]);return{isOpen:!!d,onOpen:p,onClose:f,onToggle:g,isControlled:u,getButtonProps:(e={})=>({...e,"aria-expanded":d,"aria-controls":h,onClick:Dg(e.onClick,g)}),getDisclosureProps:(e={})=>({...e,hidden:!d,id:h})}}function JA(e){const t=Object.assign({},e);for(let n in t)void 0===t[n]&&delete t[n];return t}var eI=ok((function(e,t){const{htmlSize:n,...r}=e,o=sk("Input",r),i=YT(hf(r)),a=xk("chakra-input",e.className);return H.createElement(lk.input,{size:n,...i,__css:o.field,ref:t,className:a})}));eI.displayName="Input",eI.id="Input";var[tI,nI]=ck({name:"InputGroupStylesContext",errorMessage:"useInputGroupStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),rI=ok((function(e,t){const n=sk("Input",e),{children:r,className:o,...i}=hf(e),s=xk("chakra-input__group",o),l={},c=PT(r),u=n.field;c.forEach((e=>{n&&(u&&"InputLeftElement"===e.type.id&&(l.paddingStart=u.height??u.h),u&&"InputRightElement"===e.type.id&&(l.paddingEnd=u.height??u.h),"InputRightAddon"===e.type.id&&(l.borderEndRadius=0),"InputLeftAddon"===e.type.id&&(l.borderStartRadius=0))}));const d=c.map((t=>{var n,r;const o=JA({size:(null==(n=t.props)?void 0:n.size)||e.size,variant:(null==(r=t.props)?void 0:r.variant)||e.variant});return"Input"!==t.type.id?a.exports.cloneElement(t,o):a.exports.cloneElement(t,Object.assign(o,l,t.props))}));return H.createElement(lk.div,{className:s,ref:t,__css:{width:"100%",display:"flex",position:"relative"},...i},ld(tI,{value:n,children:d}))}));rI.displayName="InputGroup";var oI={left:{marginEnd:"-1px",borderEndRadius:0,borderEndColor:"transparent"},right:{marginStart:"-1px",borderStartRadius:0,borderStartColor:"transparent"}},iI=lk("div",{baseStyle:{flex:"0 0 auto",width:"auto",display:"flex",alignItems:"center",whiteSpace:"nowrap"}}),aI=ok((function(e,t){const{placement:n="left",...r}=e,o=oI[n]??{},i=nI();return ld(iI,{ref:t,...r,__css:{...i.addon,...o}})}));aI.displayName="InputAddon";var sI=ok((function(e,t){return ld(aI,{ref:t,placement:"left",...e,className:xk("chakra-input__left-addon",e.className)})}));sI.displayName="InputLeftAddon",sI.id="InputLeftAddon";var lI=ok((function(e,t){return ld(aI,{ref:t,placement:"right",...e,className:xk("chakra-input__right-addon",e.className)})}));lI.displayName="InputRightAddon",lI.id="InputRightAddon";var cI=lk("div",{baseStyle:{display:"flex",alignItems:"center",justifyContent:"center",position:"absolute",top:"0",zIndex:2}}),uI=ok((function(e,t){const{placement:n="left",...r}=e,o=nI(),i=o.field,a={["left"===n?"insetStart":"insetEnd"]:"0",width:(null==i?void 0:i.height)??(null==i?void 0:i.h),height:(null==i?void 0:i.height)??(null==i?void 0:i.h),fontSize:null==i?void 0:i.fontSize,...o.element};return ld(cI,{ref:t,__css:a,...r})}));uI.id="InputElement",uI.displayName="InputElement";var dI=ok((function(e,t){const{className:n,...r}=e,o=xk("chakra-input__left-element",n);return ld(uI,{ref:t,placement:"left",className:o,...r})}));dI.id="InputLeftElement",dI.displayName="InputLeftElement";var hI=ok((function(e,t){const{className:n,...r}=e,o=xk("chakra-input__right-element",n);return ld(uI,{ref:t,placement:"right",className:o,...r})}));function fI(e,t){return Array.isArray(e)?e.map((e=>null===e?null:t(e))):function(e){const t=typeof e;return null!=e&&("object"===t||"function"===t)&&!Array.isArray(e)}(e)?Object.keys(e).reduce(((n,r)=>(n[r]=t(e[r]),n)),{}):null!=e?t(e):null}hI.id="InputRightElement",hI.displayName="InputRightElement",Object.freeze(["base","sm","md","lg","xl","2xl"]);var pI=ok((function(e,t){const{ratio:n=4/3,children:r,className:o,...i}=e,s=a.exports.Children.only(r),l=xk("chakra-aspect-ratio",o);return H.createElement(lk.div,{ref:t,position:"relative",className:l,_before:{height:0,content:'""',display:"block",paddingBottom:fI(n,(e=>1/e*100+"%"))},__css:{"& > *:not(style)":{overflow:"hidden",position:"absolute",top:"0",right:"0",bottom:"0",left:"0",display:"flex",justifyContent:"center",alignItems:"center",width:"100%",height:"100%"},"& > img, & > video":{objectFit:"cover"}},...i},s)}));pI.displayName="AspectRatio";var gI=ok((function(e,t){const n=ak("Badge",e),{className:r,...o}=hf(e);return H.createElement(lk.span,{ref:t,className:xk("chakra-badge",e.className),...o,__css:{display:"inline-block",whiteSpace:"nowrap",verticalAlign:"middle",...n}})}));gI.displayName="Badge";var mI=lk("div");mI.displayName="Box";var vI=ok((function(e,t){const{size:n,centerContent:r=!0,...o}=e;return ld(mI,{ref:t,boxSize:n,__css:{...r?{display:"flex",alignItems:"center",justifyContent:"center"}:{},flexShrink:0,flexGrow:0},...o})}));vI.displayName="Square";var yI=ok((function(e,t){const{size:n,...r}=e;return ld(vI,{size:n,ref:t,borderRadius:"9999px",...r})}));yI.displayName="Circle";var bI=lk("div",{baseStyle:{display:"flex",alignItems:"center",justifyContent:"center"}});bI.displayName="Center";var xI={horizontal:{insetStart:"50%",transform:"translateX(-50%)"},vertical:{top:"50%",transform:"translateY(-50%)"},both:{insetStart:"50%",top:"50%",transform:"translate(-50%, -50%)"}};ok((function(e,t){const{axis:n="both",...r}=e;return H.createElement(lk.div,{ref:t,__css:xI[n],...r,position:"absolute"})}));var wI=ok((function(e,t){const n=ak("Code",e),{className:r,...o}=hf(e);return H.createElement(lk.code,{ref:t,className:xk("chakra-code",e.className),...o,__css:{display:"inline-block",...n}})}));wI.displayName="Code";var kI=ok((function(e,t){const{className:n,centerContent:r,...o}=hf(e),i=ak("Container",e);return H.createElement(lk.div,{ref:t,className:xk("chakra-container",n),...o,__css:{...i,...r&&{display:"flex",flexDirection:"column",alignItems:"center"}}})}));kI.displayName="Container";var SI=ok((function(e,t){const{borderLeftWidth:n,borderBottomWidth:r,borderTopWidth:o,borderRightWidth:i,borderWidth:a,borderStyle:s,borderColor:l,...c}=ak("Divider",e),{className:u,orientation:d="horizontal",__css:h,...f}=hf(e),p={vertical:{borderLeftWidth:n||i||a||"1px",height:"100%"},horizontal:{borderBottomWidth:r||o||a||"1px",width:"100%"}};return H.createElement(lk.hr,{ref:t,"aria-orientation":d,...f,__css:{...c,border:"0",borderColor:l,borderStyle:s,...p[d],...h},className:xk("chakra-divider",u)})}));SI.displayName="Divider";var CI=ok((function(e,t){const{direction:n,align:r,justify:o,wrap:i,basis:a,grow:s,shrink:l,...c}=e,u={display:"flex",flexDirection:n,alignItems:r,justifyContent:o,flexWrap:i,flexBasis:a,flexGrow:s,flexShrink:l};return H.createElement(lk.div,{ref:t,__css:u,...c})}));CI.displayName="Flex";var _I=ok((function(e,t){const{templateAreas:n,gap:r,rowGap:o,columnGap:i,column:a,row:s,autoFlow:l,autoRows:c,templateRows:u,autoColumns:d,templateColumns:h,...f}=e,p={display:"grid",gridTemplateAreas:n,gridGap:r,gridRowGap:o,gridColumnGap:i,gridAutoColumns:d,gridColumn:a,gridRow:s,gridAutoFlow:l,gridAutoRows:c,gridTemplateRows:u,gridTemplateColumns:h};return H.createElement(lk.div,{ref:t,__css:p,...f})}));function EI(e){return fI(e,(e=>"auto"===e?"auto":`span ${e}/span ${e}`))}_I.displayName="Grid";var PI=ok((function(e,t){const{area:n,colSpan:r,colStart:o,colEnd:i,rowEnd:a,rowSpan:s,rowStart:l,...c}=e,u=JA({gridArea:n,gridColumn:EI(r),gridRow:EI(s),gridColumnStart:o,gridColumnEnd:i,gridRowStart:l,gridRowEnd:a});return H.createElement(lk.div,{ref:t,__css:u,...c})}));PI.displayName="GridItem";var LI=ok((function(e,t){const n=ak("Heading",e),{className:r,...o}=hf(e);return H.createElement(lk.h2,{ref:t,className:xk("chakra-heading",e.className),...o,__css:n})}));LI.displayName="Heading",ok((function(e,t){const n=ak("Mark",e),r=hf(e);return ld(mI,{ref:t,...r,as:"mark",__css:{bg:"transparent",whiteSpace:"nowrap",...n}})}));var OI=ok((function(e,t){const n=ak("Kbd",e),{className:r,...o}=hf(e);return H.createElement(lk.kbd,{ref:t,className:xk("chakra-kbd",r),...o,__css:{fontFamily:"mono",...n}})}));OI.displayName="Kbd";var MI=ok((function(e,t){const n=ak("Link",e),{className:r,isExternal:o,...i}=hf(e);return H.createElement(lk.a,{target:o?"_blank":void 0,rel:o?"noopener":void 0,ref:t,className:xk("chakra-link",r),...i,__css:n})}));MI.displayName="Link",ok((function(e,t){const{isExternal:n,target:r,rel:o,className:i,...a}=e;return H.createElement(lk.a,{...a,ref:t,className:xk("chakra-linkbox__overlay",i),rel:n?"noopener noreferrer":o,target:n?"_blank":r,__css:{position:"static","&::before":{content:"''",cursor:"inherit",display:"block",position:"absolute",top:0,left:0,zIndex:0,width:"100%",height:"100%"}}})})),ok((function(e,t){const{className:n,...r}=e;return H.createElement(lk.div,{ref:t,position:"relative",...r,className:xk("chakra-linkbox",n),__css:{"a[href]:not(.chakra-linkbox__overlay), abbr[title]":{position:"relative",zIndex:1}}})}));var[TI,AI]=ck({name:"ListStylesContext",errorMessage:"useListStyles returned is 'undefined'. Seems you forgot to wrap the components in \"
\" "}),II=ok((function(e,t){const n=sk("List",e),{children:r,styleType:o="none",stylePosition:i,spacing:a,...s}=hf(e),l=PT(r),c=a?{"& > *:not(style) ~ *:not(style)":{mt:a}}:{};return H.createElement(TI,{value:n},H.createElement(lk.ul,{ref:t,listStyleType:o,listStylePosition:i,role:"list",__css:{...n.container,...c},...s},l))}));II.displayName="List",ok(((e,t)=>{const{as:n,...r}=e;return ld(II,{ref:t,as:"ol",styleType:"decimal",marginStart:"1em",...r})})).displayName="OrderedList",ok((function(e,t){const{as:n,...r}=e;return ld(II,{ref:t,as:"ul",styleType:"initial",marginStart:"1em",...r})})).displayName="UnorderedList";var RI=ok((function(e,t){const n=AI();return H.createElement(lk.li,{ref:t,...e,__css:n.item})}));RI.displayName="ListItem";var NI=ok((function(e,t){const n=AI();return ld(kk,{ref:t,role:"presentation",...e,__css:n.icon})}));NI.displayName="ListIcon";var DI=ok((function(e,t){const{columns:n,spacingX:r,spacingY:o,spacing:i,minChildWidth:a,...s}=e,l=Zw(),c=a?function(e,t){return fI(e,(e=>{const n=function(e,t,n){const r=Array.isArray(t)?t:[t],o=Array.isArray(n)?n:[n];return n=>{const i=o.filter(Boolean),a=r.map(((t,r)=>"breakpoints"===e?function(e,t,n){if(null==t)return t;const r=t=>{var n,r;return null==(r=null==(n=e.__breakpoints)?void 0:n.asArray)?void 0:r[t]};return r(t)??r(n)??n}(n,t,i[r]??t):function(e,t,n){if(null==t)return t;const r=t=>{var n,r;return null==(r=null==(n=e.__cssMap)?void 0:n[t])?void 0:r.value};return r(t)??r(n)??n}(n,`${e}.${t}`,i[r]??t)));return Array.isArray(t)?a:a[0]}}("sizes",e,function(e){return"number"==typeof e?`${e}px`:e}(e))(t);return null===e?null:`repeat(auto-fit, minmax(${n}, 1fr))`}))}(a,l):fI(n,(e=>null===e?null:`repeat(${e}, minmax(0, 1fr))`));return ld(_I,{ref:t,gap:i,columnGap:r,rowGap:o,templateColumns:c,...s})}));DI.displayName="SimpleGrid";var zI=lk("div",{baseStyle:{flex:1,justifySelf:"stretch",alignSelf:"stretch"}});zI.displayName="Spacer";var BI="& > *:not(style) ~ *:not(style)";var jI=e=>H.createElement(lk.div,{className:"chakra-stack__item",...e,__css:{display:"inline-block",flex:"0 0 auto",minWidth:0,...e.__css}});jI.displayName="StackItem";var FI=ok(((e,t)=>{const{isInline:n,direction:r,align:o,justify:i,spacing:s="0.5rem",wrap:l,children:c,divider:u,className:d,shouldWrapChildren:h,...f}=e,p=n?"row":r??"column",g=a.exports.useMemo((()=>function(e){const{spacing:t,direction:n}=e,r={column:{marginTop:t,marginEnd:0,marginBottom:0,marginStart:0},row:{marginTop:0,marginEnd:0,marginBottom:0,marginStart:t},"column-reverse":{marginTop:0,marginEnd:0,marginBottom:t,marginStart:0},"row-reverse":{marginTop:0,marginEnd:t,marginBottom:0,marginStart:0}};return{flexDirection:n,[BI]:fI(n,(e=>r[e]))}}({direction:p,spacing:s})),[p,s]),m=a.exports.useMemo((()=>function(e){const{spacing:t,direction:n}=e,r={column:{my:t,mx:0,borderLeftWidth:0,borderBottomWidth:"1px"},"column-reverse":{my:t,mx:0,borderLeftWidth:0,borderBottomWidth:"1px"},row:{mx:t,my:0,borderLeftWidth:"1px",borderBottomWidth:0},"row-reverse":{mx:t,my:0,borderLeftWidth:"1px",borderBottomWidth:0}};return{"&":fI(n,(e=>r[e]))}}({spacing:s,direction:p})),[s,p]),v=!!u,y=!h&&!v,b=a.exports.useMemo((()=>{const e=PT(c);return y?e:e.map(((t,n)=>{const r=void 0!==t.key?t.key:n,o=n+1===e.length,i=h?ld(jI,{children:t},r):t;if(!v)return i;const s=a.exports.cloneElement(u,{__css:m}),l=o?null:s;return cd(a.exports.Fragment,{children:[i,l]},r)}))}),[u,m,v,y,h,c]),x=xk("chakra-stack",d);return H.createElement(lk.div,{ref:t,display:"flex",alignItems:o,justifyContent:i,flexDirection:g.flexDirection,flexWrap:l,className:x,__css:v?{}:{[BI]:g[BI]},...f},b)}));FI.displayName="Stack";var HI=ok(((e,t)=>ld(FI,{align:"center",...e,direction:"row",ref:t})));HI.displayName="HStack";var WI=ok(((e,t)=>ld(FI,{align:"center",...e,direction:"column",ref:t})));WI.displayName="VStack";var VI=ok((function(e,t){const n=ak("Text",e),{className:r,align:o,decoration:i,casing:a,...s}=hf(e),l=JA({textAlign:e.align,textDecoration:e.decoration,textTransform:e.casing});return H.createElement(lk.p,{ref:t,className:xk("chakra-text",e.className),...l,...s,__css:n})}));function $I(e){return"number"==typeof e?`${e}px`:e}VI.displayName="Text";var UI=ok((function(e,t){const{spacing:n="0.5rem",spacingX:r,spacingY:o,children:i,justify:s,direction:l,align:c,className:u,shouldWrapChildren:d,...h}=e,f=a.exports.useMemo((()=>{const{spacingX:e=n,spacingY:t=n}={spacingX:r,spacingY:o};return{"--chakra-wrap-x-spacing":t=>fI(e,(e=>$I(_d("space",e)(t)))),"--chakra-wrap-y-spacing":e=>fI(t,(t=>$I(_d("space",t)(e)))),"--wrap-x-spacing":"calc(var(--chakra-wrap-x-spacing) / 2)","--wrap-y-spacing":"calc(var(--chakra-wrap-y-spacing) / 2)",display:"flex",flexWrap:"wrap",justifyContent:s,alignItems:c,flexDirection:l,listStyleType:"none",padding:"0",margin:"calc(var(--wrap-y-spacing) * -1) calc(var(--wrap-x-spacing) * -1)","& > *:not(style)":{margin:"var(--wrap-y-spacing) var(--wrap-x-spacing)"}}}),[n,r,o,s,c,l]),p=a.exports.useMemo((()=>d?a.exports.Children.map(i,((e,t)=>ld(GI,{children:e},t))):i),[i,d]);return H.createElement(lk.div,{ref:t,className:xk("chakra-wrap",u),overflow:"hidden",...h},H.createElement(lk.ul,{className:"chakra-wrap__list",__css:f},p))}));UI.displayName="Wrap";var GI=ok((function(e,t){const{className:n,...r}=e;return H.createElement(lk.li,{ref:t,__css:{display:"flex",alignItems:"flex-start"},className:xk("chakra-wrap__listitem",n),...r})}));GI.displayName="WrapItem";var qI={body:{classList:{add(){},remove(){}}},addEventListener(){},removeEventListener(){},activeElement:{blur(){},nodeName:""},querySelector:()=>null,querySelectorAll:()=>[],getElementById:()=>null,createEvent:()=>({initEvent(){}}),createElement:()=>({children:[],childNodes:[],style:{},setAttribute(){},getElementsByTagName:()=>[]})},YI=()=>{},ZI={document:qI,navigator:{userAgent:""},CustomEvent:function(){return this},addEventListener:YI,removeEventListener:YI,getComputedStyle:()=>({getPropertyValue:()=>""}),matchMedia:()=>({matches:!1,addListener:YI,removeListener:YI}),requestAnimationFrame:e=>"undefined"==typeof setTimeout?(e(),null):setTimeout(e,0),cancelAnimationFrame(e){"undefined"!=typeof setTimeout&&clearTimeout(e)},setTimeout:()=>0,clearTimeout:YI,setInterval:()=>0,clearInterval:YI},XI="undefined"!=typeof window?{window:window,document:document}:{window:ZI,document:qI},KI=a.exports.createContext(XI);function QI(e){const{children:t,environment:n}=e,[r,o]=a.exports.useState(null),[i,s]=a.exports.useState(!1);a.exports.useEffect((()=>s(!0)),[]);const l=a.exports.useMemo((()=>{if(n)return n;const e=null==r?void 0:r.ownerDocument,t=null==r?void 0:r.ownerDocument.defaultView;return e?{document:e,window:t}:XI}),[r,n]);return cd(KI.Provider,{value:l,children:[t,!n&&i&&ld("span",{id:"__chakra_env",hidden:!0,ref:e=>{a.exports.startTransition((()=>{e&&o(e)}))}})]})}KI.displayName="EnvironmentContext",QI.displayName="EnvironmentProvider";function JI(e){const t=e.target,{tagName:n,isContentEditable:r}=t;return"INPUT"!==n&&"TEXTAREA"!==n&&!0!==r}function eR(e={}){const{ref:t,isDisabled:n,isFocusable:r,clickOnEnter:o=!0,clickOnSpace:i=!0,onMouseDown:s,onMouseUp:l,onClick:c,onKeyDown:u,onKeyUp:d,tabIndex:h,onMouseOver:f,onMouseLeave:p,...g}=e,[m,v]=a.exports.useState(!0),[y,b]=a.exports.useState(!1),x=function(){const e=a.exports.useRef(new Map),t=e.current,n=a.exports.useCallback(((t,n,r,o)=>{e.current.set(r,{type:n,el:t,options:o}),t.addEventListener(n,r,o)}),[]),r=a.exports.useCallback(((t,n,r,o)=>{t.removeEventListener(n,r,o),e.current.delete(r)}),[]);return a.exports.useEffect((()=>()=>{t.forEach(((e,t)=>{r(e.el,e.type,t,e.options)}))}),[r,t]),{add:n,remove:r}}(),w=m?h:h||0,k=n&&!r,S=a.exports.useCallback((e=>{if(n)return e.stopPropagation(),void e.preventDefault();e.currentTarget.focus(),null==c||c(e)}),[n,c]),C=a.exports.useCallback((e=>{y&&JI(e)&&(e.preventDefault(),e.stopPropagation(),b(!1),x.remove(document,"keyup",C,!1))}),[y,x]),_=a.exports.useCallback((e=>{if(null==u||u(e),n||e.defaultPrevented||e.metaKey)return;if(!JI(e.nativeEvent)||m)return;const t=o&&"Enter"===e.key;if(i&&" "===e.key&&(e.preventDefault(),b(!0)),t){e.preventDefault();e.currentTarget.click()}x.add(document,"keyup",C,!1)}),[n,m,u,o,i,x,C]),E=a.exports.useCallback((e=>{if(null==d||d(e),n||e.defaultPrevented||e.metaKey)return;if(!JI(e.nativeEvent)||m)return;if(i&&" "===e.key){e.preventDefault(),b(!1);e.currentTarget.click()}}),[i,m,n,d]),P=a.exports.useCallback((e=>{0===e.button&&(b(!1),x.remove(document,"mouseup",P,!1))}),[x]),L=a.exports.useCallback((e=>{if(0!==e.button)return;if(n)return e.stopPropagation(),void e.preventDefault();m||b(!0);e.currentTarget.focus({preventScroll:!0}),x.add(document,"mouseup",P,!1),null==s||s(e)}),[n,m,s,x,P]),O=a.exports.useCallback((e=>{0===e.button&&(m||b(!1),null==l||l(e))}),[l,m]),M=a.exports.useCallback((e=>{n?e.preventDefault():null==f||f(e)}),[n,f]),T=a.exports.useCallback((e=>{y&&(e.preventDefault(),b(!1)),null==p||p(e)}),[y,p]),A=uk(t,(e=>{e&&"BUTTON"!==e.tagName&&v(!1)}));return m?{...g,ref:A,type:"button","aria-disabled":k?void 0:n,disabled:k,onClick:S,onMouseDown:s,onMouseUp:l,onKeyUp:d,onKeyDown:u,onMouseOver:f,onMouseLeave:p}:{...g,ref:A,role:"button","data-active":(I=y,I?"":void 0),"aria-disabled":n?"true":void 0,tabIndex:k?void 0:w,onClick:S,onMouseDown:L,onMouseUp:O,onKeyUp:E,onKeyDown:_,onMouseOver:M,onMouseLeave:T};var I}function tR(e){return null!=e&&"object"==typeof e&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE}function nR(e){if(!tR(e))return!1;return e instanceof(e.ownerDocument.defaultView??window).HTMLElement}function rR(e){return tR(e)?e.ownerDocument:document}var oR=e=>e.hasAttribute("tabindex");function iR(e){return!(!e.parentElement||!iR(e.parentElement))||e.hidden}function aR(e){if(!nR(e)||iR(e)||function(e){return!0===Boolean(e.getAttribute("disabled"))||!0===Boolean(e.getAttribute("aria-disabled"))}(e))return!1;const{localName:t}=e;if(["input","select","textarea","button"].indexOf(t)>=0)return!0;const n={a:()=>e.hasAttribute("href"),audio:()=>e.hasAttribute("controls"),video:()=>e.hasAttribute("controls")};return t in n?n[t]():!!function(e){const t=e.getAttribute("contenteditable");return"false"!==t&&null!=t}(e)||oR(e)}function sR(e){return!!e&&(nR(e)&&aR(e)&&!(e=>oR(e)&&-1===e.tabIndex)(e))}var lR=["input:not(:disabled):not([disabled])","select:not(:disabled):not([disabled])","textarea:not(:disabled):not([disabled])","embed","iframe","object","a[href]","area[href]","button:not(:disabled):not([disabled])","[tabindex]","audio[controls]","video[controls]","*[tabindex]:not([aria-disabled])","*[contenteditable]"].join();function cR(e){const t=Array.from(e.querySelectorAll(lR));return t.unshift(e),t.filter((e=>aR(e)&&(e=>e.offsetWidth>0&&e.offsetHeight>0)(e)))}function uR(e){const t=e.current;if(!t)return!1;const n=function(e){return rR(e).activeElement}(t);return!!n&&(!t.contains(n)&&!!sR(n))}var dR={preventScroll:!0,shouldFocus:!1};var hR="top",fR="bottom",pR="right",gR="left",mR="auto",vR=[hR,fR,pR,gR],yR="start",bR="end",xR="viewport",wR="popper",kR=vR.reduce((function(e,t){return e.concat([t+"-"+yR,t+"-"+bR])}),[]),SR=[].concat(vR,[mR]).reduce((function(e,t){return e.concat([t,t+"-"+yR,t+"-"+bR])}),[]),CR=["beforeRead","read","afterRead","beforeMain","main","afterMain","beforeWrite","write","afterWrite"];function _R(e){return e?(e.nodeName||"").toLowerCase():null}function ER(e){if(null==e)return window;if("[object Window]"!==e.toString()){var t=e.ownerDocument;return t&&t.defaultView||window}return e}function PR(e){return e instanceof ER(e).Element||e instanceof Element}function LR(e){return e instanceof ER(e).HTMLElement||e instanceof HTMLElement}function OR(e){return"undefined"!=typeof ShadowRoot&&(e instanceof ER(e).ShadowRoot||e instanceof ShadowRoot)}const MR={name:"applyStyles",enabled:!0,phase:"write",fn:function(e){var t=e.state;Object.keys(t.elements).forEach((function(e){var n=t.styles[e]||{},r=t.attributes[e]||{},o=t.elements[e];LR(o)&&_R(o)&&(Object.assign(o.style,n),Object.keys(r).forEach((function(e){var t=r[e];!1===t?o.removeAttribute(e):o.setAttribute(e,!0===t?"":t)})))}))},effect:function(e){var t=e.state,n={popper:{position:t.options.strategy,left:"0",top:"0",margin:"0"},arrow:{position:"absolute"},reference:{}};return Object.assign(t.elements.popper.style,n.popper),t.styles=n,t.elements.arrow&&Object.assign(t.elements.arrow.style,n.arrow),function(){Object.keys(t.elements).forEach((function(e){var r=t.elements[e],o=t.attributes[e]||{},i=Object.keys(t.styles.hasOwnProperty(e)?t.styles[e]:n[e]).reduce((function(e,t){return e[t]="",e}),{});LR(r)&&_R(r)&&(Object.assign(r.style,i),Object.keys(o).forEach((function(e){r.removeAttribute(e)})))}))}},requires:["computeStyles"]};function TR(e){return e.split("-")[0]}var AR=Math.max,IR=Math.min,RR=Math.round;function NR(){var e=navigator.userAgentData;return null!=e&&e.brands?e.brands.map((function(e){return e.brand+"/"+e.version})).join(" "):navigator.userAgent}function DR(){return!/^((?!chrome|android).)*safari/i.test(NR())}function zR(e,t,n){void 0===t&&(t=!1),void 0===n&&(n=!1);var r=e.getBoundingClientRect(),o=1,i=1;t&&LR(e)&&(o=e.offsetWidth>0&&RR(r.width)/e.offsetWidth||1,i=e.offsetHeight>0&&RR(r.height)/e.offsetHeight||1);var a=(PR(e)?ER(e):window).visualViewport,s=!DR()&&n,l=(r.left+(s&&a?a.offsetLeft:0))/o,c=(r.top+(s&&a?a.offsetTop:0))/i,u=r.width/o,d=r.height/i;return{width:u,height:d,top:c,right:l+u,bottom:c+d,left:l,x:l,y:c}}function BR(e){var t=zR(e),n=e.offsetWidth,r=e.offsetHeight;return Math.abs(t.width-n)<=1&&(n=t.width),Math.abs(t.height-r)<=1&&(r=t.height),{x:e.offsetLeft,y:e.offsetTop,width:n,height:r}}function jR(e,t){var n=t.getRootNode&&t.getRootNode();if(e.contains(t))return!0;if(n&&OR(n)){var r=t;do{if(r&&e.isSameNode(r))return!0;r=r.parentNode||r.host}while(r)}return!1}function FR(e){return ER(e).getComputedStyle(e)}function HR(e){return["table","td","th"].indexOf(_R(e))>=0}function WR(e){return((PR(e)?e.ownerDocument:e.document)||window.document).documentElement}function VR(e){return"html"===_R(e)?e:e.assignedSlot||e.parentNode||(OR(e)?e.host:null)||WR(e)}function $R(e){return LR(e)&&"fixed"!==FR(e).position?e.offsetParent:null}function UR(e){for(var t=ER(e),n=$R(e);n&&HR(n)&&"static"===FR(n).position;)n=$R(n);return n&&("html"===_R(n)||"body"===_R(n)&&"static"===FR(n).position)?t:n||function(e){var t=/firefox/i.test(NR());if(/Trident/i.test(NR())&&LR(e)&&"fixed"===FR(e).position)return null;var n=VR(e);for(OR(n)&&(n=n.host);LR(n)&&["html","body"].indexOf(_R(n))<0;){var r=FR(n);if("none"!==r.transform||"none"!==r.perspective||"paint"===r.contain||-1!==["transform","perspective"].indexOf(r.willChange)||t&&"filter"===r.willChange||t&&r.filter&&"none"!==r.filter)return n;n=n.parentNode}return null}(e)||t}function GR(e){return["top","bottom"].indexOf(e)>=0?"x":"y"}function qR(e,t,n){return AR(e,IR(t,n))}function YR(e){return Object.assign({},{top:0,right:0,bottom:0,left:0},e)}function ZR(e,t){return t.reduce((function(t,n){return t[n]=e,t}),{})}const XR={name:"arrow",enabled:!0,phase:"main",fn:function(e){var t,n=e.state,r=e.name,o=e.options,i=n.elements.arrow,a=n.modifiersData.popperOffsets,s=TR(n.placement),l=GR(s),c=[gR,pR].indexOf(s)>=0?"height":"width";if(i&&a){var u=function(e,t){return YR("number"!=typeof(e="function"==typeof e?e(Object.assign({},t.rects,{placement:t.placement})):e)?e:ZR(e,vR))}(o.padding,n),d=BR(i),h="y"===l?hR:gR,f="y"===l?fR:pR,p=n.rects.reference[c]+n.rects.reference[l]-a[l]-n.rects.popper[c],g=a[l]-n.rects.reference[l],m=UR(i),v=m?"y"===l?m.clientHeight||0:m.clientWidth||0:0,y=p/2-g/2,b=u[h],x=v-d[c]-u[f],w=v/2-d[c]/2+y,k=qR(b,w,x),S=l;n.modifiersData[r]=((t={})[S]=k,t.centerOffset=k-w,t)}},effect:function(e){var t=e.state,n=e.options.element,r=void 0===n?"[data-popper-arrow]":n;null!=r&&("string"!=typeof r||(r=t.elements.popper.querySelector(r)))&&jR(t.elements.popper,r)&&(t.elements.arrow=r)},requires:["popperOffsets"],requiresIfExists:["preventOverflow"]};function KR(e){return e.split("-")[1]}var QR={top:"auto",right:"auto",bottom:"auto",left:"auto"};function JR(e){var t,n=e.popper,r=e.popperRect,o=e.placement,i=e.variation,a=e.offsets,s=e.position,l=e.gpuAcceleration,c=e.adaptive,u=e.roundOffsets,d=e.isFixed,h=a.x,f=void 0===h?0:h,p=a.y,g=void 0===p?0:p,m="function"==typeof u?u({x:f,y:g}):{x:f,y:g};f=m.x,g=m.y;var v=a.hasOwnProperty("x"),y=a.hasOwnProperty("y"),b=gR,x=hR,w=window;if(c){var k=UR(n),S="clientHeight",C="clientWidth";if(k===ER(n)&&"static"!==FR(k=WR(n)).position&&"absolute"===s&&(S="scrollHeight",C="scrollWidth"),o===hR||(o===gR||o===pR)&&i===bR)x=fR,g-=(d&&k===w&&w.visualViewport?w.visualViewport.height:k[S])-r.height,g*=l?1:-1;if(o===gR||(o===hR||o===fR)&&i===bR)b=pR,f-=(d&&k===w&&w.visualViewport?w.visualViewport.width:k[C])-r.width,f*=l?1:-1}var _,E=Object.assign({position:s},c&&QR),P=!0===u?function(e){var t=e.x,n=e.y,r=window.devicePixelRatio||1;return{x:RR(t*r)/r||0,y:RR(n*r)/r||0}}({x:f,y:g}):{x:f,y:g};return f=P.x,g=P.y,l?Object.assign({},E,((_={})[x]=y?"0":"",_[b]=v?"0":"",_.transform=(w.devicePixelRatio||1)<=1?"translate("+f+"px, "+g+"px)":"translate3d("+f+"px, "+g+"px, 0)",_)):Object.assign({},E,((t={})[x]=y?g+"px":"",t[b]=v?f+"px":"",t.transform="",t))}const eN={name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:function(e){var t=e.state,n=e.options,r=n.gpuAcceleration,o=void 0===r||r,i=n.adaptive,a=void 0===i||i,s=n.roundOffsets,l=void 0===s||s,c={placement:TR(t.placement),variation:KR(t.placement),popper:t.elements.popper,popperRect:t.rects.popper,gpuAcceleration:o,isFixed:"fixed"===t.options.strategy};null!=t.modifiersData.popperOffsets&&(t.styles.popper=Object.assign({},t.styles.popper,JR(Object.assign({},c,{offsets:t.modifiersData.popperOffsets,position:t.options.strategy,adaptive:a,roundOffsets:l})))),null!=t.modifiersData.arrow&&(t.styles.arrow=Object.assign({},t.styles.arrow,JR(Object.assign({},c,{offsets:t.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:l})))),t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-placement":t.placement})},data:{}};var tN={passive:!0};const nN={name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:function(e){var t=e.state,n=e.instance,r=e.options,o=r.scroll,i=void 0===o||o,a=r.resize,s=void 0===a||a,l=ER(t.elements.popper),c=[].concat(t.scrollParents.reference,t.scrollParents.popper);return i&&c.forEach((function(e){e.addEventListener("scroll",n.update,tN)})),s&&l.addEventListener("resize",n.update,tN),function(){i&&c.forEach((function(e){e.removeEventListener("scroll",n.update,tN)})),s&&l.removeEventListener("resize",n.update,tN)}},data:{}};var rN={left:"right",right:"left",bottom:"top",top:"bottom"};function oN(e){return e.replace(/left|right|bottom|top/g,(function(e){return rN[e]}))}var iN={start:"end",end:"start"};function aN(e){return e.replace(/start|end/g,(function(e){return iN[e]}))}function sN(e){var t=ER(e);return{scrollLeft:t.pageXOffset,scrollTop:t.pageYOffset}}function lN(e){return zR(WR(e)).left+sN(e).scrollLeft}function cN(e){var t=FR(e),n=t.overflow,r=t.overflowX,o=t.overflowY;return/auto|scroll|overlay|hidden/.test(n+o+r)}function uN(e){return["html","body","#document"].indexOf(_R(e))>=0?e.ownerDocument.body:LR(e)&&cN(e)?e:uN(VR(e))}function dN(e,t){var n;void 0===t&&(t=[]);var r=uN(e),o=r===(null==(n=e.ownerDocument)?void 0:n.body),i=ER(r),a=o?[i].concat(i.visualViewport||[],cN(r)?r:[]):r,s=t.concat(a);return o?s:s.concat(dN(VR(a)))}function hN(e){return Object.assign({},e,{left:e.x,top:e.y,right:e.x+e.width,bottom:e.y+e.height})}function fN(e,t,n){return t===xR?hN(function(e,t){var n=ER(e),r=WR(e),o=n.visualViewport,i=r.clientWidth,a=r.clientHeight,s=0,l=0;if(o){i=o.width,a=o.height;var c=DR();(c||!c&&"fixed"===t)&&(s=o.offsetLeft,l=o.offsetTop)}return{width:i,height:a,x:s+lN(e),y:l}}(e,n)):PR(t)?function(e,t){var n=zR(e,!1,"fixed"===t);return n.top=n.top+e.clientTop,n.left=n.left+e.clientLeft,n.bottom=n.top+e.clientHeight,n.right=n.left+e.clientWidth,n.width=e.clientWidth,n.height=e.clientHeight,n.x=n.left,n.y=n.top,n}(t,n):hN(function(e){var t,n=WR(e),r=sN(e),o=null==(t=e.ownerDocument)?void 0:t.body,i=AR(n.scrollWidth,n.clientWidth,o?o.scrollWidth:0,o?o.clientWidth:0),a=AR(n.scrollHeight,n.clientHeight,o?o.scrollHeight:0,o?o.clientHeight:0),s=-r.scrollLeft+lN(e),l=-r.scrollTop;return"rtl"===FR(o||n).direction&&(s+=AR(n.clientWidth,o?o.clientWidth:0)-i),{width:i,height:a,x:s,y:l}}(WR(e)))}function pN(e,t,n,r){var o="clippingParents"===t?function(e){var t=dN(VR(e)),n=["absolute","fixed"].indexOf(FR(e).position)>=0&&LR(e)?UR(e):e;return PR(n)?t.filter((function(e){return PR(e)&&jR(e,n)&&"body"!==_R(e)})):[]}(e):[].concat(t),i=[].concat(o,[n]),a=i[0],s=i.reduce((function(t,n){var o=fN(e,n,r);return t.top=AR(o.top,t.top),t.right=IR(o.right,t.right),t.bottom=IR(o.bottom,t.bottom),t.left=AR(o.left,t.left),t}),fN(e,a,r));return s.width=s.right-s.left,s.height=s.bottom-s.top,s.x=s.left,s.y=s.top,s}function gN(e){var t,n=e.reference,r=e.element,o=e.placement,i=o?TR(o):null,a=o?KR(o):null,s=n.x+n.width/2-r.width/2,l=n.y+n.height/2-r.height/2;switch(i){case hR:t={x:s,y:n.y-r.height};break;case fR:t={x:s,y:n.y+n.height};break;case pR:t={x:n.x+n.width,y:l};break;case gR:t={x:n.x-r.width,y:l};break;default:t={x:n.x,y:n.y}}var c=i?GR(i):null;if(null!=c){var u="y"===c?"height":"width";switch(a){case yR:t[c]=t[c]-(n[u]/2-r[u]/2);break;case bR:t[c]=t[c]+(n[u]/2-r[u]/2)}}return t}function mN(e,t){void 0===t&&(t={});var n=t,r=n.placement,o=void 0===r?e.placement:r,i=n.strategy,a=void 0===i?e.strategy:i,s=n.boundary,l=void 0===s?"clippingParents":s,c=n.rootBoundary,u=void 0===c?xR:c,d=n.elementContext,h=void 0===d?wR:d,f=n.altBoundary,p=void 0!==f&&f,g=n.padding,m=void 0===g?0:g,v=YR("number"!=typeof m?m:ZR(m,vR)),y=h===wR?"reference":wR,b=e.rects.popper,x=e.elements[p?y:h],w=pN(PR(x)?x:x.contextElement||WR(e.elements.popper),l,u,a),k=zR(e.elements.reference),S=gN({reference:k,element:b,strategy:"absolute",placement:o}),C=hN(Object.assign({},b,S)),_=h===wR?C:k,E={top:w.top-_.top+v.top,bottom:_.bottom-w.bottom+v.bottom,left:w.left-_.left+v.left,right:_.right-w.right+v.right},P=e.modifiersData.offset;if(h===wR&&P){var L=P[o];Object.keys(E).forEach((function(e){var t=[pR,fR].indexOf(e)>=0?1:-1,n=[hR,fR].indexOf(e)>=0?"y":"x";E[e]+=L[n]*t}))}return E}function vN(e,t){void 0===t&&(t={});var n=t,r=n.placement,o=n.boundary,i=n.rootBoundary,a=n.padding,s=n.flipVariations,l=n.allowedAutoPlacements,c=void 0===l?SR:l,u=KR(r),d=u?s?kR:kR.filter((function(e){return KR(e)===u})):vR,h=d.filter((function(e){return c.indexOf(e)>=0}));0===h.length&&(h=d);var f=h.reduce((function(t,n){return t[n]=mN(e,{placement:n,boundary:o,rootBoundary:i,padding:a})[TR(n)],t}),{});return Object.keys(f).sort((function(e,t){return f[e]-f[t]}))}const yN={name:"flip",enabled:!0,phase:"main",fn:function(e){var t=e.state,n=e.options,r=e.name;if(!t.modifiersData[r]._skip){for(var o=n.mainAxis,i=void 0===o||o,a=n.altAxis,s=void 0===a||a,l=n.fallbackPlacements,c=n.padding,u=n.boundary,d=n.rootBoundary,h=n.altBoundary,f=n.flipVariations,p=void 0===f||f,g=n.allowedAutoPlacements,m=t.options.placement,v=TR(m),y=l||(v===m||!p?[oN(m)]:function(e){if(TR(e)===mR)return[];var t=oN(e);return[aN(e),t,aN(t)]}(m)),b=[m].concat(y).reduce((function(e,n){return e.concat(TR(n)===mR?vN(t,{placement:n,boundary:u,rootBoundary:d,padding:c,flipVariations:p,allowedAutoPlacements:g}):n)}),[]),x=t.rects.reference,w=t.rects.popper,k=new Map,S=!0,C=b[0],_=0;_=0,M=O?"width":"height",T=mN(t,{placement:E,boundary:u,rootBoundary:d,altBoundary:h,padding:c}),A=O?L?pR:gR:L?fR:hR;x[M]>w[M]&&(A=oN(A));var I=oN(A),R=[];if(i&&R.push(T[P]<=0),s&&R.push(T[A]<=0,T[I]<=0),R.every((function(e){return e}))){C=E,S=!1;break}k.set(E,R)}if(S)for(var N=function(e){var t=b.find((function(t){var n=k.get(t);if(n)return n.slice(0,e).every((function(e){return e}))}));if(t)return C=t,"break"},D=p?3:1;D>0;D--){if("break"===N(D))break}t.placement!==C&&(t.modifiersData[r]._skip=!0,t.placement=C,t.reset=!0)}},requiresIfExists:["offset"],data:{_skip:!1}};function bN(e,t,n){return void 0===n&&(n={x:0,y:0}),{top:e.top-t.height-n.y,right:e.right-t.width+n.x,bottom:e.bottom-t.height+n.y,left:e.left-t.width-n.x}}function xN(e){return[hR,pR,fR,gR].some((function(t){return e[t]>=0}))}const wN={name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:function(e){var t=e.state,n=e.name,r=t.rects.reference,o=t.rects.popper,i=t.modifiersData.preventOverflow,a=mN(t,{elementContext:"reference"}),s=mN(t,{altBoundary:!0}),l=bN(a,r),c=bN(s,o,i),u=xN(l),d=xN(c);t.modifiersData[n]={referenceClippingOffsets:l,popperEscapeOffsets:c,isReferenceHidden:u,hasPopperEscaped:d},t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-reference-hidden":u,"data-popper-escaped":d})}};const kN={name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:function(e){var t=e.state,n=e.options,r=e.name,o=n.offset,i=void 0===o?[0,0]:o,a=SR.reduce((function(e,n){return e[n]=function(e,t,n){var r=TR(e),o=[gR,hR].indexOf(r)>=0?-1:1,i="function"==typeof n?n(Object.assign({},t,{placement:e})):n,a=i[0],s=i[1];return a=a||0,s=(s||0)*o,[gR,pR].indexOf(r)>=0?{x:s,y:a}:{x:a,y:s}}(n,t.rects,i),e}),{}),s=a[t.placement],l=s.x,c=s.y;null!=t.modifiersData.popperOffsets&&(t.modifiersData.popperOffsets.x+=l,t.modifiersData.popperOffsets.y+=c),t.modifiersData[r]=a}};const SN={name:"popperOffsets",enabled:!0,phase:"read",fn:function(e){var t=e.state,n=e.name;t.modifiersData[n]=gN({reference:t.rects.reference,element:t.rects.popper,strategy:"absolute",placement:t.placement})},data:{}};const CN={name:"preventOverflow",enabled:!0,phase:"main",fn:function(e){var t=e.state,n=e.options,r=e.name,o=n.mainAxis,i=void 0===o||o,a=n.altAxis,s=void 0!==a&&a,l=n.boundary,c=n.rootBoundary,u=n.altBoundary,d=n.padding,h=n.tether,f=void 0===h||h,p=n.tetherOffset,g=void 0===p?0:p,m=mN(t,{boundary:l,rootBoundary:c,padding:d,altBoundary:u}),v=TR(t.placement),y=KR(t.placement),b=!y,x=GR(v),w="x"===x?"y":"x",k=t.modifiersData.popperOffsets,S=t.rects.reference,C=t.rects.popper,_="function"==typeof g?g(Object.assign({},t.rects,{placement:t.placement})):g,E="number"==typeof _?{mainAxis:_,altAxis:_}:Object.assign({mainAxis:0,altAxis:0},_),P=t.modifiersData.offset?t.modifiersData.offset[t.placement]:null,L={x:0,y:0};if(k){if(i){var O,M="y"===x?hR:gR,T="y"===x?fR:pR,A="y"===x?"height":"width",I=k[x],R=I+m[M],N=I-m[T],D=f?-C[A]/2:0,z=y===yR?S[A]:C[A],B=y===yR?-C[A]:-S[A],j=t.elements.arrow,F=f&&j?BR(j):{width:0,height:0},H=t.modifiersData["arrow#persistent"]?t.modifiersData["arrow#persistent"].padding:{top:0,right:0,bottom:0,left:0},W=H[M],V=H[T],$=qR(0,S[A],F[A]),U=b?S[A]/2-D-$-W-E.mainAxis:z-$-W-E.mainAxis,G=b?-S[A]/2+D+$+V+E.mainAxis:B+$+V+E.mainAxis,q=t.elements.arrow&&UR(t.elements.arrow),Y=q?"y"===x?q.clientTop||0:q.clientLeft||0:0,Z=null!=(O=null==P?void 0:P[x])?O:0,X=I+G-Z,K=qR(f?IR(R,I+U-Z-Y):R,I,f?AR(N,X):N);k[x]=K,L[x]=K-I}if(s){var Q,J="x"===x?hR:gR,ee="x"===x?fR:pR,te=k[w],ne="y"===w?"height":"width",re=te+m[J],oe=te-m[ee],ie=-1!==[hR,gR].indexOf(v),ae=null!=(Q=null==P?void 0:P[w])?Q:0,se=ie?re:te-S[ne]-C[ne]-ae+E.altAxis,le=ie?te+S[ne]+C[ne]-ae-E.altAxis:oe,ce=f&&ie?function(e,t,n){var r=qR(e,t,n);return r>n?n:r}(se,te,le):qR(f?se:re,te,f?le:oe);k[w]=ce,L[w]=ce-te}t.modifiersData[r]=L}},requiresIfExists:["offset"]};function _N(e,t,n){void 0===n&&(n=!1);var r=LR(t),o=LR(t)&&function(e){var t=e.getBoundingClientRect(),n=RR(t.width)/e.offsetWidth||1,r=RR(t.height)/e.offsetHeight||1;return 1!==n||1!==r}(t),i=WR(t),a=zR(e,o,n),s={scrollLeft:0,scrollTop:0},l={x:0,y:0};return(r||!r&&!n)&&(("body"!==_R(t)||cN(i))&&(s=function(e){return e!==ER(e)&&LR(e)?{scrollLeft:(t=e).scrollLeft,scrollTop:t.scrollTop}:sN(e);var t}(t)),LR(t)?((l=zR(t,!0)).x+=t.clientLeft,l.y+=t.clientTop):i&&(l.x=lN(i))),{x:a.left+s.scrollLeft-l.x,y:a.top+s.scrollTop-l.y,width:a.width,height:a.height}}function EN(e){var t=new Map,n=new Set,r=[];function o(e){n.add(e.name),[].concat(e.requires||[],e.requiresIfExists||[]).forEach((function(e){if(!n.has(e)){var r=t.get(e);r&&o(r)}})),r.push(e)}return e.forEach((function(e){t.set(e.name,e)})),e.forEach((function(e){n.has(e.name)||o(e)})),r}function PN(e){var t;return function(){return t||(t=new Promise((function(n){Promise.resolve().then((function(){t=void 0,n(e())}))}))),t}}var LN={placement:"bottom",modifiers:[],strategy:"absolute"};function ON(){for(var e=arguments.length,t=new Array(e),n=0;n({var:e,varRef:t?`var(${e}, ${t})`:`var(${e})`}),IN={arrowShadowColor:AN("--popper-arrow-shadow-color"),arrowSize:AN("--popper-arrow-size","8px"),arrowSizeHalf:AN("--popper-arrow-size-half"),arrowBg:AN("--popper-arrow-bg"),transformOrigin:AN("--popper-transform-origin"),arrowOffset:AN("--popper-arrow-offset")};var RN={top:"bottom center","top-start":"bottom left","top-end":"bottom right",bottom:"top center","bottom-start":"top left","bottom-end":"top right",left:"right center","left-start":"right top","left-end":"right bottom",right:"left center","right-start":"left top","right-end":"left bottom"},NN={scroll:!0,resize:!0};function DN(e){let t;return t="object"==typeof e?{enabled:!0,options:{...NN,...e}}:{enabled:e,options:NN},t}var zN={name:"matchWidth",enabled:!0,phase:"beforeWrite",requires:["computeStyles"],fn:({state:e})=>{e.styles.popper.width=`${e.rects.reference.width}px`},effect:({state:e})=>()=>{const t=e.elements.reference;e.elements.popper.style.width=`${t.offsetWidth}px`}},BN={name:"transformOrigin",enabled:!0,phase:"write",fn:({state:e})=>{jN(e)},effect:({state:e})=>()=>{jN(e)}},jN=e=>{var t;e.elements.popper.style.setProperty(IN.transformOrigin.var,(t=e.placement,RN[t]))},FN={name:"positionArrow",enabled:!0,phase:"afterWrite",fn:({state:e})=>{HN(e)}},HN=e=>{var t;if(!e.placement)return;const n=WN(e.placement);if((null==(t=e.elements)?void 0:t.arrow)&&n){Object.assign(e.elements.arrow.style,{[n.property]:n.value,width:IN.arrowSize.varRef,height:IN.arrowSize.varRef,zIndex:-1});const t={[IN.arrowSizeHalf.var]:`calc(${IN.arrowSize.varRef} / 2)`,[IN.arrowOffset.var]:`calc(${IN.arrowSizeHalf.varRef} * -1)`};for(const n in t)e.elements.arrow.style.setProperty(n,t[n])}},WN=e=>e.startsWith("top")?{property:"bottom",value:IN.arrowOffset.varRef}:e.startsWith("bottom")?{property:"top",value:IN.arrowOffset.varRef}:e.startsWith("left")?{property:"right",value:IN.arrowOffset.varRef}:e.startsWith("right")?{property:"left",value:IN.arrowOffset.varRef}:void 0,VN={name:"innerArrow",enabled:!0,phase:"main",requires:["arrow"],fn:({state:e})=>{$N(e)},effect:({state:e})=>()=>{$N(e)}},$N=e=>{if(!e.elements.arrow)return;const t=e.elements.arrow.querySelector("[data-popper-arrow-inner]");var n;t&&Object.assign(t.style,{transform:"rotate(45deg)",background:IN.arrowBg.varRef,top:0,left:0,width:"100%",height:"100%",position:"absolute",zIndex:"inherit",boxShadow:(n=e.placement,n.includes("top")?"1px 1px 1px 0 var(--popper-arrow-shadow-color)":n.includes("bottom")?"-1px -1px 1px 0 var(--popper-arrow-shadow-color)":n.includes("right")?"-1px 1px 1px 0 var(--popper-arrow-shadow-color)":n.includes("left")?"1px -1px 1px 0 var(--popper-arrow-shadow-color)":void 0)})},UN={"start-start":{ltr:"left-start",rtl:"right-start"},"start-end":{ltr:"left-end",rtl:"right-end"},"end-start":{ltr:"right-start",rtl:"left-start"},"end-end":{ltr:"right-end",rtl:"left-end"},start:{ltr:"left",rtl:"right"},end:{ltr:"right",rtl:"left"}},GN={"auto-start":"auto-end","auto-end":"auto-start","top-start":"top-end","top-end":"top-start","bottom-start":"bottom-end","bottom-end":"bottom-start"};function qN(e={}){const{enabled:t=!0,modifiers:n,placement:r="bottom",strategy:o="absolute",arrowPadding:i=8,eventListeners:s=!0,offset:l,gutter:c=8,flip:u=!0,boundary:d="clippingParents",preventOverflow:h=!0,matchWidth:f,direction:p="ltr"}=e,g=a.exports.useRef(null),m=a.exports.useRef(null),v=a.exports.useRef(null),y=function(e,t="ltr"){var n;const r=(null==(n=UN[e])?void 0:n[t])||e;return"ltr"===t?r:GN[e]??r}(r,p),b=a.exports.useRef((()=>{})),x=a.exports.useCallback((()=>{var e;t&&g.current&&m.current&&(null==(e=b.current)||e.call(b),v.current=TN(g.current,m.current,{placement:y,modifiers:[VN,FN,BN,{...zN,enabled:!!f},{name:"eventListeners",...DN(s)},{name:"arrow",options:{padding:i}},{name:"offset",options:{offset:l??[0,c]}},{name:"flip",enabled:!!u,options:{padding:8}},{name:"preventOverflow",enabled:!!h,options:{boundary:d}},...n??[]],strategy:o}),v.current.forceUpdate(),b.current=v.current.destroy)}),[y,t,n,f,s,i,l,c,u,h,d,o]);a.exports.useEffect((()=>()=>{var e;g.current||m.current||(null==(e=v.current)||e.destroy(),v.current=null)}),[]);const w=a.exports.useCallback((e=>{g.current=e,x()}),[x]),k=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(w,t)})),[w]),S=a.exports.useCallback((e=>{m.current=e,x()}),[x]),C=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(S,t),style:{...e.style,position:o,minWidth:f?void 0:"max-content",inset:"0 auto auto 0"}})),[o,S,f]),_=a.exports.useCallback(((e={},t=null)=>{const{size:n,shadowColor:r,bg:o,style:i,...a}=e;return{...a,ref:t,"data-popper-arrow":"",style:YN(e)}}),[]),E=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,"data-popper-arrow-inner":""})),[]);return{update(){var e;null==(e=v.current)||e.update()},forceUpdate(){var e;null==(e=v.current)||e.forceUpdate()},transformOrigin:IN.transformOrigin.varRef,referenceRef:w,popperRef:S,getPopperProps:C,getArrowProps:_,getArrowInnerProps:E,getReferenceProps:k}}function YN(e){const{size:t,shadowColor:n,bg:r,style:o}=e,i={...o,position:"absolute"};return t&&(i["--popper-arrow-size"]=t),n&&(i["--popper-arrow-shadow-color"]=n),r&&(i["--popper-arrow-bg"]=r),i}function ZN(e={}){const{onClose:t,onOpen:n,isOpen:r,id:o}=e,i=Ck(n),s=Ck(t),[l,c]=a.exports.useState(e.defaultIsOpen||!1),u=void 0!==r?r:l,d=void 0!==r,h=a.exports.useId(),f=o??`disclosure-${h}`,p=a.exports.useCallback((()=>{d||c(!1),null==s||s()}),[d,s]),g=a.exports.useCallback((()=>{d||c(!0),null==i||i()}),[d,i]),m=a.exports.useCallback((()=>{u?p():g()}),[u,g,p]);return{isOpen:u,onOpen:g,onClose:p,onToggle:m,isControlled:d,getButtonProps:function(e={}){return{...e,"aria-expanded":u,"aria-controls":f,onClick(t){var n;null==(n=e.onClick)||n.call(e,t),m()}}},getDisclosureProps:function(e={}){return{...e,hidden:!u,id:f}}}}function XN(e){const{isOpen:t,ref:n}=e,[r,o]=a.exports.useState(t),[i,s]=a.exports.useState(!1);a.exports.useEffect((()=>{i||(o(t),s(!0))}),[t,i,r]),GA((()=>n.current),"animationend",(()=>{o(t)}));return{present:!(!t&&!r),onComplete(){var e;const t=function(e){var t;return(null==(t=rR(e))?void 0:t.defaultView)??window}(n.current),r=new t.CustomEvent("animationend",{bubbles:!0});null==(e=n.current)||e.dispatchEvent(r)}}}function KN(e){const{wasSelected:t,enabled:n,isSelected:r,mode:o="unmount"}=e;return!n||(!!r||!("keepMounted"!==o||!t))}var[QN,JN]=ck({strict:!1,name:"PortalManagerContext"});function eD(e){const{children:t,zIndex:n}=e;return ld(QN,{value:{zIndex:n},children:t})}eD.displayName="PortalManager";var[tD,nD]=ck({strict:!1,name:"PortalContext"}),rD="chakra-portal",oD=e=>ld("div",{className:"chakra-portal-zIndex",style:{position:"absolute",zIndex:e.zIndex,top:0,left:0,right:0},children:e.children}),iD=e=>{const{appendToParentPortal:t,children:n}=e,[r,o]=a.exports.useState(null),i=a.exports.useRef(null),[,s]=a.exports.useState({});a.exports.useEffect((()=>s({})),[]);const l=nD(),c=JN();Ku((()=>{if(!r)return;const e=r.ownerDocument,n=t?l??e.body:e.body;if(!n)return;i.current=e.createElement("div"),i.current.className=rD,n.appendChild(i.current),s({});const o=i.current;return()=>{n.contains(o)&&n.removeChild(o)}}),[r]);const u=(null==c?void 0:c.zIndex)?ld(oD,{zIndex:null==c?void 0:c.zIndex,children:n}):n;return i.current?$.exports.createPortal(ld(tD,{value:i.current,children:u}),i.current):ld("span",{ref:e=>{e&&o(e)}})},aD=e=>{const{children:t,containerRef:n,appendToParentPortal:r}=e,o=n.current,i=o??("undefined"!=typeof window?document.body:void 0),s=a.exports.useMemo((()=>{const e=null==o?void 0:o.ownerDocument.createElement("div");return e&&(e.className=rD),e}),[o]),[,l]=a.exports.useState({});return Ku((()=>l({})),[]),Ku((()=>{if(s&&i)return i.appendChild(s),()=>{i.removeChild(s)}}),[s,i]),i&&s?$.exports.createPortal(ld(tD,{value:r?s:null,children:t}),s):null};function sD(e){const{containerRef:t,...n}=e;return t?ld(aD,{containerRef:t,...n}):ld(iD,{...n})}sD.defaultProps={appendToParentPortal:!0},sD.className=rD,sD.selector=".chakra-portal",sD.displayName="Portal";var lD=new WeakMap,cD=new WeakMap,uD={},dD=0,hD=function(e){return e&&(e.host||hD(e.parentNode))},fD=function(e,t,n,r){var o=function(e,t){return t.map((function(t){if(e.contains(t))return t;var n=hD(t);return n&&e.contains(n)?n:(console.error("aria-hidden",t,"in not contained inside",e,". Doing nothing"),null)})).filter((function(e){return Boolean(e)}))}(t,Array.isArray(e)?e:[e]);uD[n]||(uD[n]=new WeakMap);var i=uD[n],a=[],s=new Set,l=new Set(o),c=function(e){e&&!s.has(e)&&(s.add(e),c(e.parentNode))};o.forEach(c);var u=function(e){e&&!l.has(e)&&Array.prototype.forEach.call(e.children,(function(e){if(s.has(e))u(e);else{var t=e.getAttribute(r),o=null!==t&&"false"!==t,l=(lD.get(e)||0)+1,c=(i.get(e)||0)+1;lD.set(e,l),i.set(e,c),a.push(e),1===l&&o&&cD.set(e,!0),1===c&&e.setAttribute(n,"true"),o||e.setAttribute(r,"true")}}))};return u(t),s.clear(),dD++,function(){a.forEach((function(e){var t=lD.get(e)-1,o=i.get(e)-1;lD.set(e,t),i.set(e,o),t||(cD.has(e)||e.removeAttribute(r),cD.delete(e)),o||e.removeAttribute(n)})),--dD||(lD=new WeakMap,lD=new WeakMap,cD=new WeakMap,uD={})}},pD=function(e,t,n){void 0===n&&(n="data-aria-hidden");var r=Array.from(Array.isArray(e)?e:[e]),o=t||function(e){return"undefined"==typeof document?null:(Array.isArray(e)?e[0]:e).ownerDocument.body}(e);return o?(r.push.apply(r,Array.from(o.querySelectorAll("[aria-live]"))),fD(r,o,n,"aria-hidden")):function(){return null}};function gD(e,t){if(null==e)return{};var n,r,o={},i=Object.keys(e);for(r=0;r=0||(o[n]=e[n]);return o}var mD={exports:{}};function vD(){}function yD(){}yD.resetWarningCache=vD;mD.exports=function(){function e(e,t,n,r,o,i){if("SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED"!==i){var a=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use PropTypes.checkPropTypes() to call them. Read more at http://fb.me/use-check-prop-types");throw a.name="Invariant Violation",a}}function t(){return e}e.isRequired=e;var n={array:e,bigint:e,bool:e,func:e,number:e,object:e,string:e,symbol:e,any:e,arrayOf:t,element:e,elementType:e,instanceOf:t,node:e,objectOf:t,oneOf:t,oneOfType:t,shape:t,exact:t,checkPropTypes:yD,resetWarningCache:vD};return n.PropTypes=n,n}();var bD="data-focus-lock",xD="data-focus-lock-disabled";function wD(e,t){return n=t||null,r=function(t){return e.forEach((function(e){return function(e,t){return"function"==typeof e?e(t):e&&(e.current=t),e}(e,t)}))},o=a.exports.useState((function(){return{value:n,callback:r,facade:{get current(){return o.value},set current(e){var t=o.value;t!==e&&(o.value=e,o.callback(e,t))}}}}))[0],o.callback=r,o.facade;var n,r,o}var kD={width:"1px",height:"0px",padding:0,overflow:"hidden",position:"fixed",top:"1px",left:"1px"};function SD(e){return e}function CD(e,t){void 0===t&&(t=SD);var n=[],r=!1,o={read:function(){if(r)throw new Error("Sidecar: could not `read` from an `assigned` medium. `read` could be used only with `useMedium`.");return n.length?n[n.length-1]:e},useMedium:function(e){var o=t(e,r);return n.push(o),function(){n=n.filter((function(e){return e!==o}))}},assignSyncMedium:function(e){for(r=!0;n.length;){var t=n;n=[],t.forEach(e)}n={push:function(t){return e(t)},filter:function(){return n}}},assignMedium:function(e){r=!0;var t=[];if(n.length){var o=n;n=[],o.forEach(e),t=n}var i=function(){var n=t;t=[],n.forEach(e)},a=function(){return Promise.resolve().then(i)};a(),n={push:function(e){t.push(e),a()},filter:function(e){return t=t.filter(e),n}}}};return o}function _D(e,t){return void 0===t&&(t=SD),CD(e,t)}function ED(e){void 0===e&&(e={});var t=CD(null);return t.options=fM({async:!0,ssr:!1},e),t}var PD=function(e){var t=e.sideCar,n=pM(e,["sideCar"]);if(!t)throw new Error("Sidecar: please provide `sideCar` property to import the right car");var r=t.read();if(!r)throw new Error("Sidecar medium not found");return ld(r,{...fM({},n)})};PD.isSideCarExport=!0;var LD=_D({},(function(e){return{target:e.target,currentTarget:e.currentTarget}})),OD=_D(),MD=_D(),TD=ED({async:!0}),AD=[],ID=a.exports.forwardRef((function(e,t){var n,r=a.exports.useState(),o=r[0],i=r[1],s=a.exports.useRef(),l=a.exports.useRef(!1),c=a.exports.useRef(null),u=e.children,d=e.disabled,h=e.noFocusGuards,f=e.persistentFocus,p=e.crossFrame,g=e.autoFocus;e.allowTextSelection;var m=e.group,v=e.className,y=e.whiteList,b=e.hasPositiveIndices,x=e.shards,w=void 0===x?AD:x,k=e.as,S=void 0===k?"div":k,C=e.lockProps,_=void 0===C?{}:C,E=e.sideCar,P=e.returnFocus,L=e.focusOptions,O=e.onActivation,M=e.onDeactivation,T=a.exports.useState({})[0],A=a.exports.useCallback((function(){c.current=c.current||document&&document.activeElement,s.current&&O&&O(s.current),l.current=!0}),[O]),I=a.exports.useCallback((function(){l.current=!1,M&&M(s.current)}),[M]);a.exports.useEffect((function(){d||(c.current=null)}),[]);var R=a.exports.useCallback((function(e){var t=c.current;if(t&&t.focus){var n="function"==typeof P?P(t):P;if(n){var r="object"==typeof n?n:void 0;c.current=null,e?Promise.resolve().then((function(){return t.focus(r)})):t.focus(r)}}}),[P]),N=a.exports.useCallback((function(e){l.current&&LD.useMedium(e)}),[]),D=OD.useMedium,z=a.exports.useCallback((function(e){s.current!==e&&(s.current=e,i(e))}),[]),B=vp(((n={})[xD]=d&&"disabled",n[bD]=m,n),_),j=!0!==h,F=j&&"tail"!==h,H=wD([t,z]);return cd(sd,{children:[j&&[ld("div",{"data-focus-guard":!0,tabIndex:d?-1:0,style:kD},"guard-first"),b?ld("div",{"data-focus-guard":!0,tabIndex:d?-1:1,style:kD},"guard-nearest"):null],!d&&ld(E,{id:T,sideCar:TD,observed:o,disabled:d,persistentFocus:f,crossFrame:p,autoFocus:g,whiteList:y,shards:w,onActivation:A,onDeactivation:I,returnFocus:R,focusOptions:L}),ld(S,{ref:H,...B,className:v,onBlur:D,onFocus:N,children:u}),F&&ld("div",{"data-focus-guard":!0,tabIndex:d?-1:0,style:kD})]})}));ID.propTypes={},ID.defaultProps={children:void 0,disabled:!1,returnFocus:!1,focusOptions:void 0,noFocusGuards:!1,autoFocus:!0,persistentFocus:!1,crossFrame:!0,hasPositiveIndices:void 0,allowTextSelection:void 0,group:void 0,className:void 0,whiteList:void 0,shards:void 0,as:"div",lockProps:{},onActivation:void 0,onDeactivation:void 0};const RD=ID;function ND(e,t){return ND=Object.setPrototypeOf?Object.setPrototypeOf.bind():function(e,t){return e.__proto__=t,e},ND(e,t)}function DD(e,t){e.prototype=Object.create(t.prototype),e.prototype.constructor=e,ND(e,t)}function zD(e,t,n){return t in e?Object.defineProperty(e,t,{value:n,enumerable:!0,configurable:!0,writable:!0}):e[t]=n,e}var BD=function(e){for(var t=Array(e.length),n=0;n=0})).sort(QD)},ez=["button:enabled","select:enabled","textarea:enabled","input:enabled","a[href]","area[href]","summary","iframe","object","embed","audio[controls]","video[controls]","[tabindex]","[contenteditable]","[autofocus]"].join(","),tz="".concat(ez,", [data-focus-guard]"),nz=function(e,t){var n;return BD((null===(n=e.shadowRoot)||void 0===n?void 0:n.children)||e.children).reduce((function(e,n){return e.concat(n.matches(t?tz:ez)?[n]:[],nz(n))}),[])},rz=function(e,t){return e.reduce((function(e,n){return e.concat(nz(n,t),n.parentNode?BD(n.parentNode.querySelectorAll(ez)).filter((function(e){return e===n})):[])}),[])},oz=function(e,t){return BD(e).filter((function(e){return VD(t,e)})).filter((function(e){return function(e){return!((GD(e)||function(e){return"BUTTON"===e.tagName}(e))&&("hidden"===e.type||e.disabled))}(e)}))},iz=function(e,t){return void 0===t&&(t=new Map),BD(e).filter((function(e){return $D(t,e)}))},az=function(e,t,n){return JD(oz(rz(e,n),t),!0,n)},sz=function(e,t){return JD(oz(rz(e),t),!1)},lz=function(e,t){return oz((n=e.querySelectorAll("[".concat("data-autofocus-inside","]")),BD(n).map((function(e){return rz([e])})).reduce((function(e,t){return e.concat(t)}),[])),t);var n},cz=function(e,t){return e.shadowRoot?cz(e.shadowRoot,t):!(void 0===Object.getPrototypeOf(e).contains||!Object.getPrototypeOf(e).contains.call(e,t))||BD(e.children).some((function(e){return cz(e,t)}))},uz=function(e){return e.parentNode?uz(e.parentNode):e},dz=function(e){return jD(e).filter(Boolean).reduce((function(e,t){var n=t.getAttribute(bD);return e.push.apply(e,n?function(e){for(var t=new Set,n=e.length,r=0;r0&&t.add(o),(i&Node.DOCUMENT_POSITION_CONTAINS)>0&&t.add(r)}return e.filter((function(e,n){return!t.has(n)}))}(BD(uz(t).querySelectorAll("[".concat(bD,'="').concat(n,'"]:not([').concat(xD,'="disabled"])')))):[t]),e}),[])},hz=function(e){return e.activeElement?e.activeElement.shadowRoot?hz(e.activeElement.shadowRoot):e.activeElement:void 0},fz=function(){return document.activeElement?document.activeElement.shadowRoot?hz(document.activeElement.shadowRoot):document.activeElement:void 0},pz=function(e){return Boolean(BD(e.querySelectorAll("iframe")).some((function(e){return function(e){return e===document.activeElement}(e)})))},gz=function(e){var t=document&&fz();return!(!t||t.dataset&&t.dataset.focusGuard)&&dz(e).some((function(e){return cz(e,t)||pz(e)}))},mz=function(e,t){return qD(e)&&e.name?function(e,t){return t.filter(qD).filter((function(t){return t.name===e.name})).filter((function(e){return e.checked}))[0]||e}(e,t):e},vz=function(e){return e[0]&&e.length>1?mz(e[0],e):e[0]},yz=function(e,t){return e.length>1?e.indexOf(mz(e[t],e)):t},bz="NEW_FOCUS",xz=function(e,t,n,r){var o=e.length,i=e[0],a=e[o-1],s=ZD(n);if(!(n&&e.indexOf(n)>=0)){var l,c,u=void 0!==n?t.indexOf(n):-1,d=r?t.indexOf(r):u,h=r?e.indexOf(r):-1,f=u-d,p=t.indexOf(i),g=t.indexOf(a),m=(l=t,c=new Set,l.forEach((function(e){return c.add(mz(e,l))})),l.filter((function(e){return c.has(e)}))),v=(void 0!==n?m.indexOf(n):-1)-(r?m.indexOf(r):u),y=yz(e,0),b=yz(e,o-1);return-1===u||-1===h?bz:!f&&h>=0?h:u<=p&&s&&Math.abs(f)>1?b:u>=g&&s&&Math.abs(f)>1?y:f&&Math.abs(v)>1?h:u<=p?b:u>g?y:f?Math.abs(f)>1?h:(o+h+f)%o:void 0}},wz=function(e,t,n){var r,o=e.map((function(e){return e.node})),i=iz(o.filter((r=n,function(e){var t,n=null===(t=UD(e))||void 0===t?void 0:t.autofocus;return e.autofocus||void 0!==n&&"false"!==n||r.indexOf(e)>=0})));return i&&i.length?vz(i):vz(iz(t))},kz=function(e,t){return void 0===t&&(t=[]),t.push(e),e.parentNode&&kz(e.parentNode.host||e.parentNode,t),t},Sz=function(e,t){for(var n=kz(e),r=kz(t),o=0;o=0)return i}return!1},Cz=function(e,t,n){var r=jD(e),o=jD(t),i=r[0],a=!1;return o.filter(Boolean).forEach((function(e){a=Sz(a||e,e)||a,n.filter(Boolean).forEach((function(e){var t=Sz(i,e);t&&(a=!a||cz(t,a)?t:Sz(t,a))}))})),a},_z=function(e,t){return e.reduce((function(e,n){return e.concat(lz(n,t))}),[])},Ez=function(e,t){var n=document&&fz(),r=dz(e).filter(XD),o=Cz(n||e,e,r),i=new Map,a=sz(r,i),s=az(r,i).filter((function(e){var t=e.node;return XD(t)}));if(s[0]||(s=a)[0]){var l=sz([o],i).map((function(e){return e.node})),c=function(e,t){var n=new Map;return t.forEach((function(e){return n.set(e.node,e)})),e.map((function(e){return n.get(e)})).filter(KD)}(l,s),u=c.map((function(e){return e.node})),d=xz(u,l,n,t);return d===bz?{node:wz(a,u,_z(r,i))}:void 0===d?d:c[d]}},Pz=0,Lz=!1;const Oz=function(e,t,n){void 0===n&&(n={});var r,o,i=Ez(e,t);if(!Lz&&i){if(Pz>2)return console.error("FocusLock: focus-fighting detected. Only one focus management system could be active. See https://github.com/theKashey/focus-lock/#focus-fighting"),Lz=!0,void setTimeout((function(){Lz=!1}),1);Pz++,r=i.node,o=n.focusOptions,"focus"in r&&r.focus(o),"contentWindow"in r&&r.contentWindow&&r.contentWindow.focus(),Pz--}};function Mz(e){var t=window.setImmediate;void 0!==t?t(e):setTimeout(e,1)}var Tz=function(){return document&&document.activeElement===document.body||!!(e=document&&fz())&&BD(document.querySelectorAll("[".concat("data-no-focus-lock","]"))).some((function(t){return cz(t,e)}));var e},Az=null,Iz=null,Rz=null,Nz=!1,Dz=function(){return!0};function zz(e,t,n,r){var o=null,i=e;do{var a=r[i];if(a.guard)a.node.dataset.focusAutoGuard&&(o=a);else{if(!a.lockItem)break;if(i!==e)return;o=null}}while((i+=n)!==t);o&&(o.node.tabIndex=0)}var Bz=function(e){return e&&"current"in e?e.current:e},jz=function e(t,n,r){return n&&(n.host===t&&(!n.activeElement||r.contains(n.activeElement))||n.parentNode&&e(t,n.parentNode,r))},Fz=function(){var e,t,n,r,o,i,a,s=!1;if(Az){var l=Az,c=l.observed,u=l.persistentFocus,d=l.autoFocus,h=l.shards,f=l.crossFrame,p=l.focusOptions,g=c||Rz&&Rz.portaledElement,m=document&&document.activeElement;if(g){var v=[g].concat(h.map(Bz).filter(Boolean));if(m&&!function(e){return(Az.whiteList||Dz)(e)}(m)||(u||(f?Boolean(Nz):"meanwhile"===Nz)||!Tz()||!Iz&&d)&&(g&&!(gz(v)||m&&function(e,t){return t.some((function(t){return jz(e,t,t)}))}(m,v)||(a=m,Rz&&Rz.portaledElement===a))&&(document&&!Iz&&m&&!d?(m.blur&&m.blur(),document.body.focus()):(s=Oz(v,Iz,{focusOptions:p}),Rz={})),Nz=!1,Iz=document&&document.activeElement),document){var y=document&&document.activeElement,b=(t=dz(e=v).filter(XD),n=Cz(e,e,t),r=new Map,o=az([n],r,!0),i=az(t,r).filter((function(e){var t=e.node;return XD(t)})).map((function(e){return e.node})),o.map((function(e){var t=e.node;return{node:t,index:e.index,lockItem:i.indexOf(t)>=0,guard:ZD(t)}}))),x=b.map((function(e){return e.node})).indexOf(y);x>-1&&(b.filter((function(e){var t=e.guard,n=e.node;return t&&n.dataset.focusAutoGuard})).forEach((function(e){return e.node.removeAttribute("tabIndex")})),zz(x,b.length,1,b),zz(x,-1,-1,b))}}}return s},Hz=function(e){Fz()&&e&&(e.stopPropagation(),e.preventDefault())},Wz=function(){return Mz(Fz)},Vz=function(){Nz="just",setTimeout((function(){Nz="meanwhile"}),0)};LD.assignSyncMedium((function(e){var t=e.target,n=e.currentTarget;n.contains(t)||(Rz={observerNode:n,portaledElement:t})})),OD.assignMedium(Wz),MD.assignMedium((function(e){return e({moveFocusInside:Oz,focusInside:gz})}));const $z=function(e,t){return function(n){var r,o=[];function i(){r=e(o.map((function(e){return e.props}))),t(r)}var s=function(e){function t(){return e.apply(this,arguments)||this}DD(t,e),t.peek=function(){return r};var a=t.prototype;return a.componentDidMount=function(){o.push(this),i()},a.componentDidUpdate=function(){i()},a.componentWillUnmount=function(){var e=o.indexOf(this);o.splice(e,1),i()},a.render=function(){return ld(n,{...this.props})},t}(a.exports.PureComponent);return zD(s,"displayName","SideEffect("+function(e){return e.displayName||e.name||"Component"}(n)+")"),s}}((function(e){return e.filter((function(e){return!e.disabled}))}),(function(e){var t=e.slice(-1)[0];t&&!Az&&(document.addEventListener("focusin",Hz),document.addEventListener("focusout",Wz),window.addEventListener("blur",Vz));var n=Az,r=n&&t&&t.id===n.id;Az=t,n&&!r&&(n.onDeactivation(),e.filter((function(e){return e.id===n.id})).length||n.returnFocus(!t)),t?(Iz=null,r&&n.observed===t.observed||t.onActivation(),Fz(),Mz(Fz)):(document.removeEventListener("focusin",Hz),document.removeEventListener("focusout",Wz),window.removeEventListener("blur",Vz),Iz=null)}))((function(){return null}));var Uz=a.exports.forwardRef((function(e,t){return ld(RD,{sideCar:$z,ref:t,...e})})),Gz=RD.propTypes||{};Gz.sideCar,gD(Gz,["sideCar"]),Uz.propTypes={};const qz=Uz;var Yz=e=>{const{initialFocusRef:t,finalFocusRef:n,contentRef:r,restoreFocus:o,children:i,isDisabled:s,autoFocus:l,persistentFocus:c,lockFocusAcrossFrames:u}=e,d=a.exports.useCallback((()=>{if(null==t?void 0:t.current)t.current.focus();else if(null==r?void 0:r.current){0===cR(r.current).length&&requestAnimationFrame((()=>{var e;null==(e=r.current)||e.focus()}))}}),[t,r]),h=a.exports.useCallback((()=>{var e;null==(e=null==n?void 0:n.current)||e.focus()}),[n]);return ld(qz,{crossFrame:u,persistentFocus:c,autoFocus:l,disabled:s,onActivation:d,onDeactivation:h,returnFocus:o&&!n,children:i})};Yz.displayName="FocusLock";var Zz="right-scroll-bar-position",Xz="width-before-scroll-bar",Kz=ED(),Qz=function(){},Jz=a.exports.forwardRef((function(e,t){var n=a.exports.useRef(null),r=a.exports.useState({onScrollCapture:Qz,onWheelCapture:Qz,onTouchMoveCapture:Qz}),o=r[0],i=r[1],s=e.forwardProps,l=e.children,c=e.className,u=e.removeScrollBar,d=e.enabled,h=e.shards,f=e.sideCar,p=e.noIsolation,g=e.inert,m=e.allowPinchZoom,v=e.as,y=void 0===v?"div":v,b=pM(e,["forwardProps","children","className","removeScrollBar","enabled","shards","sideCar","noIsolation","inert","allowPinchZoom","as"]),x=f,w=wD([n,t]),k=fM(fM({},b),o);return cd(sd,{children:[d&&ld(x,{sideCar:Kz,removeScrollBar:u,shards:h,noIsolation:p,inert:g,setCallbacks:i,allowPinchZoom:!!m,lockRef:n}),s?a.exports.cloneElement(a.exports.Children.only(l),fM(fM({},k),{ref:w})):ld(y,{...fM({},k,{className:c,ref:w}),children:l})]})}));Jz.defaultProps={enabled:!0,removeScrollBar:!0,inert:!1},Jz.classNames={fullWidth:Xz,zeroRight:Zz};function eB(){if(!document)return null;var e=document.createElement("style");e.type="text/css";var t=function(){if("undefined"!=typeof __webpack_nonce__)return __webpack_nonce__}();return t&&e.setAttribute("nonce",t),e}var tB=function(){var e=0,t=null;return{add:function(n){var r;0==e&&(t=eB())&&(!function(e,t){e.styleSheet?e.styleSheet.cssText=t:e.appendChild(document.createTextNode(t))}(t,n),r=t,(document.head||document.getElementsByTagName("head")[0]).appendChild(r)),e++},remove:function(){!--e&&t&&(t.parentNode&&t.parentNode.removeChild(t),t=null)}}},nB=function(){var e,t=(e=tB(),function(t,n){a.exports.useEffect((function(){return e.add(t),function(){e.remove()}}),[t&&n])});return function(e){var n=e.styles,r=e.dynamic;return t(n,r),null}},rB={left:0,top:0,right:0,gap:0},oB=function(e){return parseInt(e||"",10)||0},iB=function(e){if(void 0===e&&(e="margin"),"undefined"==typeof window)return rB;var t=function(e){var t=window.getComputedStyle(document.body),n=t["padding"===e?"paddingLeft":"marginLeft"],r=t["padding"===e?"paddingTop":"marginTop"],o=t["padding"===e?"paddingRight":"marginRight"];return[oB(n),oB(r),oB(o)]}(e),n=document.documentElement.clientWidth,r=window.innerWidth;return{left:t[0],top:t[1],right:t[2],gap:Math.max(0,r-n+t[2]-t[0])}},aB=nB(),sB=function(e,t,n,r){var o=e.left,i=e.top,a=e.right,s=e.gap;return void 0===n&&(n="margin"),"\n .".concat("with-scroll-bars-hidden"," {\n overflow: hidden ").concat(r,";\n padding-right: ").concat(s,"px ").concat(r,";\n }\n body {\n overflow: hidden ").concat(r,";\n overscroll-behavior: contain;\n ").concat([t&&"position: relative ".concat(r,";"),"margin"===n&&"\n padding-left: ".concat(o,"px;\n padding-top: ").concat(i,"px;\n padding-right: ").concat(a,"px;\n margin-left:0;\n margin-top:0;\n margin-right: ").concat(s,"px ").concat(r,";\n "),"padding"===n&&"padding-right: ".concat(s,"px ").concat(r,";")].filter(Boolean).join(""),"\n }\n \n .").concat(Zz," {\n right: ").concat(s,"px ").concat(r,";\n }\n \n .").concat(Xz," {\n margin-right: ").concat(s,"px ").concat(r,";\n }\n \n .").concat(Zz," .").concat(Zz," {\n right: 0 ").concat(r,";\n }\n \n .").concat(Xz," .").concat(Xz," {\n margin-right: 0 ").concat(r,";\n }\n \n body {\n ").concat("--removed-body-scroll-bar-size",": ").concat(s,"px;\n }\n")},lB=function(e){var t=e.noRelative,n=e.noImportant,r=e.gapMode,o=void 0===r?"margin":r,i=a.exports.useMemo((function(){return iB(o)}),[o]);return ld(aB,{styles:sB(i,!t,o,n?"":"!important")})},cB=!1;if("undefined"!=typeof window)try{var uB=Object.defineProperty({},"passive",{get:function(){return cB=!0,!0}});window.addEventListener("test",uB,uB),window.removeEventListener("test",uB,uB)}catch(Hhe){cB=!1}var dB=!!cB&&{passive:!1},hB=function(e,t){var n=window.getComputedStyle(e);return"hidden"!==n[t]&&!(n.overflowY===n.overflowX&&!function(e){return"TEXTAREA"===e.tagName}(e)&&"visible"===n[t])},fB=function(e,t){var n=t;do{if("undefined"!=typeof ShadowRoot&&n instanceof ShadowRoot&&(n=n.host),pB(e,n)){var r=gB(e,n);if(r[1]>r[2])return!0}n=n.parentNode}while(n&&n!==document.body);return!1},pB=function(e,t){return"v"===e?function(e){return hB(e,"overflowY")}(t):function(e){return hB(e,"overflowX")}(t)},gB=function(e,t){return"v"===e?function(e){return[e.scrollTop,e.scrollHeight,e.clientHeight]}(t):function(e){return[e.scrollLeft,e.scrollWidth,e.clientWidth]}(t)},mB=function(e){return"changedTouches"in e?[e.changedTouches[0].clientX,e.changedTouches[0].clientY]:[0,0]},vB=function(e){return[e.deltaX,e.deltaY]},yB=function(e){return e&&"current"in e?e.current:e},bB=function(e){return"\n .block-interactivity-".concat(e," {pointer-events: none;}\n .allow-interactivity-").concat(e," {pointer-events: all;}\n")},xB=0,wB=[];const kB=(SB=function(e){var t=a.exports.useRef([]),n=a.exports.useRef([0,0]),r=a.exports.useRef(),o=a.exports.useState(xB++)[0],i=a.exports.useState((function(){return nB()}))[0],s=a.exports.useRef(e);a.exports.useEffect((function(){s.current=e}),[e]),a.exports.useEffect((function(){if(e.inert){document.body.classList.add("block-interactivity-".concat(o));var t=yM([e.lockRef.current],(e.shards||[]).map(yB),!0).filter(Boolean);return t.forEach((function(e){return e.classList.add("allow-interactivity-".concat(o))})),function(){document.body.classList.remove("block-interactivity-".concat(o)),t.forEach((function(e){return e.classList.remove("allow-interactivity-".concat(o))}))}}}),[e.inert,e.lockRef.current,e.shards]);var l=a.exports.useCallback((function(e,t){if("touches"in e&&2===e.touches.length)return!s.current.allowPinchZoom;var o,i=mB(e),a=n.current,l="deltaX"in e?e.deltaX:a[0]-i[0],c="deltaY"in e?e.deltaY:a[1]-i[1],u=e.target,d=Math.abs(l)>Math.abs(c)?"h":"v";if("touches"in e&&"h"===d&&"range"===u.type)return!1;var h=fB(d,u);if(!h)return!0;if(h?o=d:(o="v"===d?"h":"v",h=fB(d,u)),!h)return!1;if(!r.current&&"changedTouches"in e&&(l||c)&&(r.current=o),!o)return!0;var f=r.current||o;return function(e,t,n,r,o){var i=function(e,t){return"h"===e&&"rtl"===t?-1:1}(e,window.getComputedStyle(t).direction),a=i*r,s=n.target,l=t.contains(s),c=!1,u=a>0,d=0,h=0;do{var f=gB(e,s),p=f[0],g=f[1]-f[2]-i*p;(p||g)&&pB(e,s)&&(d+=g,h+=p),s=s.parentNode}while(!l&&s!==document.body||l&&(t.contains(s)||t===s));return(u&&(o&&0===d||!o&&a>d)||!u&&(o&&0===h||!o&&-a>h))&&(c=!0),c}(f,t,e,"h"===f?l:c,!0)}),[]),c=a.exports.useCallback((function(e){var n=e;if(wB.length&&wB[wB.length-1]===i){var r="deltaY"in n?vB(n):mB(n),o=t.current.filter((function(e){return e.name===n.type&&e.target===n.target&&function(e,t){return e[0]===t[0]&&e[1]===t[1]}(e.delta,r)}))[0];if(o&&o.should)n.cancelable&&n.preventDefault();else if(!o){var a=(s.current.shards||[]).map(yB).filter(Boolean).filter((function(e){return e.contains(n.target)}));(a.length>0?l(n,a[0]):!s.current.noIsolation)&&n.cancelable&&n.preventDefault()}}}),[]),u=a.exports.useCallback((function(e,n,r,o){var i={name:e,delta:n,target:r,should:o};t.current.push(i),setTimeout((function(){t.current=t.current.filter((function(e){return e!==i}))}),1)}),[]),d=a.exports.useCallback((function(e){n.current=mB(e),r.current=void 0}),[]),h=a.exports.useCallback((function(t){u(t.type,vB(t),t.target,l(t,e.lockRef.current))}),[]),f=a.exports.useCallback((function(t){u(t.type,mB(t),t.target,l(t,e.lockRef.current))}),[]);a.exports.useEffect((function(){return wB.push(i),e.setCallbacks({onScrollCapture:h,onWheelCapture:h,onTouchMoveCapture:f}),document.addEventListener("wheel",c,dB),document.addEventListener("touchmove",c,dB),document.addEventListener("touchstart",d,dB),function(){wB=wB.filter((function(e){return e!==i})),document.removeEventListener("wheel",c,dB),document.removeEventListener("touchmove",c,dB),document.removeEventListener("touchstart",d,dB)}}),[]);var p=e.removeScrollBar,g=e.inert;return cd(sd,{children:[g?ld(i,{styles:bB(o)}):null,p?ld(lB,{gapMode:"margin"}):null]})},Kz.useMedium(SB),PD);var SB,CB=a.exports.forwardRef((function(e,t){return ld(Jz,{...fM({},e,{ref:t,sideCar:kB})})}));CB.classNames=Jz.classNames;const _B=CB;var EB=(...e)=>e.filter(Boolean).join(" ");function PB(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var LB=new class{constructor(){e(this,"modals",void 0),this.modals=[]}add(e){this.modals.push(e)}remove(e){this.modals=this.modals.filter((t=>t!==e))}isTopModal(e){return this.modals[this.modals.length-1]===e}};function OB(e){const{isOpen:t,onClose:n,id:r,closeOnOverlayClick:o=!0,closeOnEsc:i=!0,useInert:s=!0,onOverlayClick:l,onEsc:c}=e,u=a.exports.useRef(null),d=a.exports.useRef(null),[h,f,p]=function(e,...t){const n=a.exports.useId(),r=e||n;return a.exports.useMemo((()=>t.map((e=>`${e}-${r}`))),[r,t])}(r,"chakra-modal","chakra-modal--header","chakra-modal--body");!function(e,t){const n=e.current;a.exports.useEffect((()=>{if(e.current&&t)return pD(e.current)}),[t,e,n])}(u,t&&s),function(e,t){a.exports.useEffect((()=>(t&&LB.add(e),()=>{LB.remove(e)})),[t,e])}(u,t);const g=a.exports.useRef(null),m=a.exports.useCallback((e=>{g.current=e.target}),[]),v=a.exports.useCallback((e=>{"Escape"===e.key&&(e.stopPropagation(),i&&(null==n||n()),null==c||c())}),[i,n,c]),[y,b]=a.exports.useState(!1),[x,w]=a.exports.useState(!1),k=a.exports.useCallback(((e={},t=null)=>({role:"dialog",...e,ref:uk(t,u),id:h,tabIndex:-1,"aria-modal":!0,"aria-labelledby":y?f:void 0,"aria-describedby":x?p:void 0,onClick:PB(e.onClick,(e=>e.stopPropagation()))})),[p,x,h,f,y]),S=a.exports.useCallback((e=>{e.stopPropagation(),g.current===e.target&&LB.isTopModal(u)&&(o&&(null==n||n()),null==l||l())}),[n,o,l]),C=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(t,d),onClick:PB(e.onClick,S),onKeyDown:PB(e.onKeyDown,v),onMouseDown:PB(e.onMouseDown,m)})),[v,m,S]);return{isOpen:t,onClose:n,headerId:f,bodyId:p,setBodyMounted:w,setHeaderMounted:b,dialogRef:u,overlayRef:d,getDialogProps:k,getDialogContainerProps:C}}var[MB,TB]=ck({name:"ModalStylesContext",errorMessage:"useModalStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),[AB,IB]=ck({strict:!0,name:"ModalContext",errorMessage:"useModalContext: `context` is undefined. Seems you forgot to wrap modal components in ``"}),RB=e=>{const{portalProps:t,children:n,autoFocus:r,trapFocus:o,initialFocusRef:i,finalFocusRef:a,returnFocusOnClose:s,blockScrollOnMount:l,allowPinchZoom:c,preserveScrollBarGap:u,motionPreset:d,lockFocusAcrossFrames:h,onCloseComplete:f}=e,p=sk("Modal",e),g={...OB(e),autoFocus:r,trapFocus:o,initialFocusRef:i,finalFocusRef:a,returnFocusOnClose:s,blockScrollOnMount:l,allowPinchZoom:c,preserveScrollBarGap:u,motionPreset:d,lockFocusAcrossFrames:h};return ld(AB,{value:g,children:ld(MB,{value:p,children:ld(hM,{onExitComplete:f,children:g.isOpen&&ld(sD,{...t,children:n})})})})};RB.defaultProps={lockFocusAcrossFrames:!0,returnFocusOnClose:!0,scrollBehavior:"outside",trapFocus:!0,autoFocus:!0,blockScrollOnMount:!0,allowPinchZoom:!1,motionPreset:"scale"},RB.displayName="Modal";var NB=ok(((e,t)=>{const{className:n,...r}=e,{bodyId:o,setBodyMounted:i}=IB();a.exports.useEffect((()=>(i(!0),()=>i(!1))),[i]);const s=EB("chakra-modal__body",n),l=TB();return H.createElement(lk.div,{ref:t,className:s,id:o,...r,__css:l.body})}));NB.displayName="ModalBody";var DB=ok(((e,t)=>{const{onClick:n,className:r,...o}=e,{onClose:i}=IB(),a=EB("chakra-modal__close-btn",r),s=TB();return ld(IA,{ref:t,__css:s.closeButton,className:a,onClick:PB(n,(e=>{e.stopPropagation(),i()})),...o})}));function zB(e){const{autoFocus:t,trapFocus:n,dialogRef:r,initialFocusRef:o,blockScrollOnMount:i,allowPinchZoom:s,finalFocusRef:l,returnFocusOnClose:c,preserveScrollBarGap:u,lockFocusAcrossFrames:d}=IB(),[h,f]=TE();return a.exports.useEffect((()=>{!h&&f&&setTimeout(f)}),[h,f]),ld(Yz,{autoFocus:t,isDisabled:!n,initialFocusRef:o,finalFocusRef:l,restoreFocus:c,contentRef:r,lockFocusAcrossFrames:d,children:ld(_B,{removeScrollBar:!u,allowPinchZoom:s,enabled:i,forwardProps:!0,children:e.children})})}DB.displayName="ModalCloseButton";var BB={slideInBottom:{...VM,custom:{offsetY:16,reverse:!0}},slideInRight:{...VM,custom:{offsetX:16,reverse:!0}},scale:{...zM,custom:{initialScale:.95,reverse:!0}},none:{}},jB=lk(iM.section),FB=e=>BB[e||"none"],HB=a.exports.forwardRef(((e,t)=>{const{preset:n,motionProps:r=FB(n),...o}=e;return ld(jB,{ref:t,...r,...o})}));HB.displayName="ModalTransition";var WB=ok(((e,t)=>{const{className:n,children:r,containerProps:o,motionProps:i,...a}=e,{getDialogProps:s,getDialogContainerProps:l}=IB(),c=s(a,t),u=l(o),d=EB("chakra-modal__content",n),h=TB(),f={display:"flex",flexDirection:"column",position:"relative",width:"100%",outline:0,...h.dialog},p={display:"flex",width:"100vw",height:"$100vh",position:"fixed",left:0,top:0,...h.dialogContainer},{motionPreset:g}=IB();return H.createElement(zB,null,H.createElement(lk.div,{...u,className:"chakra-modal__content-container",tabIndex:-1,__css:p},ld(HB,{preset:g,motionProps:i,className:d,...c,__css:f,children:r})))}));WB.displayName="ModalContent";var VB=ok(((e,t)=>{const{className:n,...r}=e,o=EB("chakra-modal__footer",n),i={display:"flex",alignItems:"center",justifyContent:"flex-end",...TB().footer};return H.createElement(lk.footer,{ref:t,...r,__css:i,className:o})}));VB.displayName="ModalFooter";var $B=ok(((e,t)=>{const{className:n,...r}=e,{headerId:o,setHeaderMounted:i}=IB();a.exports.useEffect((()=>(i(!0),()=>i(!1))),[i]);const s=EB("chakra-modal__header",n),l={flex:0,...TB().header};return H.createElement(lk.header,{ref:t,className:s,id:o,...r,__css:l})}));$B.displayName="ModalHeader";var UB=lk(iM.div),GB=ok(((e,t)=>{const{className:n,transition:r,motionProps:o,...i}=e,a=EB("chakra-modal__overlay",n),s={pos:"fixed",left:"0",top:"0",w:"100vw",h:"100vh",...TB().overlay},{motionPreset:l}=IB();return ld(UB,{...o||("none"===l?{}:RM),__css:s,ref:t,className:a,...i})}));function qB(e){const{leastDestructiveRef:t,...n}=e;return ld(RB,{...n,initialFocusRef:t})}GB.displayName="ModalOverlay";var YB=ok(((e,t)=>ld(WB,{ref:t,role:"alertdialog",...e}))),[ZB,XB]=ck(),KB=lk(HM),QB=ok(((e,t)=>{const{className:n,children:r,motionProps:o,containerProps:i,...a}=e,{getDialogProps:s,getDialogContainerProps:l,isOpen:c}=IB(),u=s(a,t),d=l(i),h=EB("chakra-modal__content",n),f=TB(),p={display:"flex",flexDirection:"column",position:"relative",width:"100%",outline:0,...f.dialog},g={display:"flex",width:"100vw",height:"$100vh",position:"fixed",left:0,top:0,...f.dialogContainer},{placement:m}=XB();return H.createElement(zB,null,H.createElement(lk.div,{...d,className:"chakra-modal__content-container",__css:g},ld(KB,{motionProps:o,direction:m,in:c,className:h,...u,__css:p,children:r})))}));QB.displayName="DrawerContent";var JB=(...e)=>e.filter(Boolean).join(" "),ej=e=>!!e||void 0;function tj(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var nj=e=>ld(kk,{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M21,5H3C2.621,5,2.275,5.214,2.105,5.553C1.937,5.892,1.973,6.297,2.2,6.6l9,12 c0.188,0.252,0.485,0.4,0.8,0.4s0.611-0.148,0.8-0.4l9-12c0.228-0.303,0.264-0.708,0.095-1.047C21.725,5.214,21.379,5,21,5z"})}),rj=e=>ld(kk,{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M12.8,5.4c-0.377-0.504-1.223-0.504-1.6,0l-9,12c-0.228,0.303-0.264,0.708-0.095,1.047 C2.275,18.786,2.621,19,3,19h18c0.379,0,0.725-0.214,0.895-0.553c0.169-0.339,0.133-0.744-0.095-1.047L12.8,5.4z"})});function oj(e,t,n,r){a.exports.useEffect((()=>{if(!e.current||!r)return;const o=e.current.ownerDocument.defaultView??window,i=Array.isArray(t)?t:[t],a=new o.MutationObserver((e=>{for(const t of e)"attributes"===t.type&&t.attributeName&&i.includes(t.attributeName)&&n(t)}));return a.observe(e.current,{attributes:!0,attributeFilter:i}),()=>a.disconnect()}))}function ij(e,t){const[n,r]=a.exports.useState(!1),[o,i]=a.exports.useState(null),[s,l]=a.exports.useState(!0),c=a.exports.useRef(null),u=()=>clearTimeout(c.current);!function(e,t){const n=Ck(e);a.exports.useEffect((()=>{let e=null;const r=()=>n();return null!==t&&(e=window.setInterval(r,t)),()=>{e&&window.clearInterval(e)}}),[t,n])}((()=>{"increment"===o&&e(),"decrement"===o&&t()}),n?50:null);const d=a.exports.useCallback((()=>{s&&e(),c.current=setTimeout((()=>{l(!1),r(!0),i("increment")}),300)}),[e,s]),h=a.exports.useCallback((()=>{s&&t(),c.current=setTimeout((()=>{l(!1),r(!0),i("decrement")}),300)}),[t,s]),f=a.exports.useCallback((()=>{l(!0),r(!1),u()}),[]);return a.exports.useEffect((()=>()=>u()),[]),{up:d,down:h,stop:f,isSpinning:n}}var aj=/^[Ee0-9+\-.]$/;function sj(e){return aj.test(e)}function lj(e={}){const{focusInputOnChange:t=!0,clampValueOnBlur:n=!0,keepWithinRange:r=!0,min:o=Number.MIN_SAFE_INTEGER,max:i=Number.MAX_SAFE_INTEGER,step:s=1,isReadOnly:l,isDisabled:c,isRequired:u,isInvalid:d,pattern:h="[0-9]*(.[0-9]+)?",inputMode:f="decimal",allowMouseWheel:p,id:g,onChange:m,precision:v,name:y,"aria-describedby":b,"aria-label":x,"aria-labelledby":w,onFocus:k,onBlur:S,onInvalid:C,getAriaValueText:_,isValidCharacter:E,format:P,parse:L,...O}=e,M=Ck(k),T=Ck(S),A=Ck(C),I=Ck(E??sj),R=Ck(_),N=function(e={}){const{onChange:t,precision:n,defaultValue:r,value:o,step:i=1,min:s=Number.MIN_SAFE_INTEGER,max:l=Number.MAX_SAFE_INTEGER,keepWithinRange:c=!0}=e,u=Ck(t),[d,h]=a.exports.useState((()=>null==r?"":WA(r,i,n)??"")),f=void 0!==o,p=f?o:d,g=HA(FA(p),i),m=n??g,v=a.exports.useCallback((e=>{e!==p&&(f||h(e.toString()),null==u||u(e.toString(),FA(e)))}),[u,f,p]),y=a.exports.useCallback((e=>{let t=e;return c&&(t=jA(t,s,l)),RA(t,m)}),[m,c,l,s]),b=a.exports.useCallback(((e=i)=>{let t;t=""===p?FA(e):FA(p)+e,t=y(t),v(t)}),[y,i,v,p]),x=a.exports.useCallback(((e=i)=>{let t;t=""===p?FA(-e):FA(p)-e,t=y(t),v(t)}),[y,i,v,p]),w=a.exports.useCallback((()=>{let e;e=null==r?"":WA(r,i,n)??s,v(e)}),[r,n,i,v,s]),k=a.exports.useCallback((e=>{const t=WA(e,i,m)??s;v(t)}),[m,i,v,s]),S=FA(p);return{isOutOfRange:S>l||Se.split("").filter(I).join("")),[I]),q=a.exports.useCallback((e=>(null==L?void 0:L(e))??e),[L]),Y=a.exports.useCallback((e=>((null==P?void 0:P(e))??e).toString()),[P]);nA((()=>{(N.valueAsNumber>i||N.valueAsNumber{if(!W.current)return;if(W.current.value!=N.value){const e=q(W.current.value);N.setValue(G(e))}}),[q,G]);const Z=a.exports.useCallback(((e=s)=>{H&&z(e)}),[z,H,s]),X=a.exports.useCallback(((e=s)=>{H&&B(e)}),[B,H,s]),K=ij(Z,X);oj($,"disabled",K.stop,K.isSpinning),oj(U,"disabled",K.stop,K.isSpinning);const Q=a.exports.useCallback((e=>{if(e.nativeEvent.isComposing)return;const t=q(e.currentTarget.value);D(G(t)),V.current={start:e.currentTarget.selectionStart,end:e.currentTarget.selectionEnd}}),[D,G,q]),J=a.exports.useCallback((e=>{var t;null==M||M(e),V.current&&(e.target.selectionStart=V.current.start??(null==(t=e.currentTarget.value)?void 0:t.length),e.currentTarget.selectionEnd=V.current.end??e.currentTarget.selectionStart)}),[M]),ee=a.exports.useCallback((e=>{if(e.nativeEvent.isComposing)return;(function(e,t){if(null==e.key)return!0;const n=e.ctrlKey||e.altKey||e.metaKey;return!(1===e.key.length&&!n)||t(e.key)})(e,I)||e.preventDefault();const t=te(e)*s,n={ArrowUp:()=>Z(t),ArrowDown:()=>X(t),Home:()=>D(o),End:()=>D(i)}[e.key];n&&(e.preventDefault(),n(e))}),[I,s,Z,X,D,o,i]),te=e=>{let t=1;return(e.metaKey||e.ctrlKey)&&(t=.1),e.shiftKey&&(t=10),t},ne=a.exports.useMemo((()=>{const e=null==R?void 0:R(N.value);if(null!=e)return e;const t=N.value.toString();return t||void 0}),[N.value,R]),re=a.exports.useCallback((()=>{let e=N.value;if(""===N.value)return;/^[eE]/.test(N.value.toString())?N.setValue(""):(N.valueAsNumberi&&(e=i),N.cast(e))}),[N,i,o]),oe=a.exports.useCallback((()=>{F(!1),n&&re()}),[n,F,re]),ie=a.exports.useCallback((()=>{t&&requestAnimationFrame((()=>{var e;null==(e=W.current)||e.focus()}))}),[t]),ae=a.exports.useCallback((e=>{e.preventDefault(),K.up(),ie()}),[ie,K]),se=a.exports.useCallback((e=>{e.preventDefault(),K.down(),ie()}),[ie,K]);GA((()=>W.current),"wheel",(e=>{var t;const n=((null==(t=W.current)?void 0:t.ownerDocument)??document).activeElement===W.current;if(!p||!n)return;e.preventDefault();const r=te(e)*s,o=Math.sign(e.deltaY);-1===o?Z(r):1===o&&X(r)}),{passive:!1});const le=a.exports.useCallback(((e={},t=null)=>{const n=c||r&&N.isAtMax;return{...e,ref:uk(t,$),role:"button",tabIndex:-1,onPointerDown:tj(e.onPointerDown,(e=>{0!==e.button||n||ae(e)})),onPointerLeave:tj(e.onPointerLeave,K.stop),onPointerUp:tj(e.onPointerUp,K.stop),disabled:n,"aria-disabled":ej(n)}}),[N.isAtMax,r,ae,K.stop,c]),ce=a.exports.useCallback(((e={},t=null)=>{const n=c||r&&N.isAtMin;return{...e,ref:uk(t,U),role:"button",tabIndex:-1,onPointerDown:tj(e.onPointerDown,(e=>{0!==e.button||n||se(e)})),onPointerLeave:tj(e.onPointerLeave,K.stop),onPointerUp:tj(e.onPointerUp,K.stop),disabled:n,"aria-disabled":ej(n)}}),[N.isAtMin,r,se,K.stop,c]),ue=a.exports.useCallback(((e={},t=null)=>({name:y,inputMode:f,type:"text",pattern:h,"aria-labelledby":w,"aria-label":x,"aria-describedby":b,id:g,disabled:c,...e,readOnly:e.readOnly??l,"aria-readonly":e.readOnly??l,"aria-required":e.required??u,required:e.required??u,ref:uk(W,t),value:Y(N.value),role:"spinbutton","aria-valuemin":o,"aria-valuemax":i,"aria-valuenow":Number.isNaN(N.valueAsNumber)?void 0:N.valueAsNumber,"aria-invalid":ej(d??N.isOutOfRange),"aria-valuetext":ne,autoComplete:"off",autoCorrect:"off",onChange:tj(e.onChange,Q),onKeyDown:tj(e.onKeyDown,ee),onFocus:tj(e.onFocus,J,(()=>F(!0))),onBlur:tj(e.onBlur,T,oe)})),[y,f,h,w,x,Y,b,g,c,u,l,d,N.value,N.valueAsNumber,N.isOutOfRange,o,i,ne,Q,ee,J,T,oe]);return{value:Y(N.value),valueAsNumber:N.valueAsNumber,isFocused:j,isDisabled:c,isReadOnly:l,getIncrementButtonProps:le,getDecrementButtonProps:ce,getInputProps:ue,htmlProps:O}}var[cj,uj]=ck({name:"NumberInputStylesContext",errorMessage:"useNumberInputStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),[dj,hj]=ck({name:"NumberInputContext",errorMessage:"useNumberInputContext: `context` is undefined. Seems you forgot to wrap number-input's components within "}),fj=ok((function(e,t){const n=sk("NumberInput",e),r=ZT(hf(e)),{htmlProps:o,...i}=lj(r),s=a.exports.useMemo((()=>i),[i]);return H.createElement(dj,{value:s},H.createElement(cj,{value:n},H.createElement(lk.div,{...o,ref:t,className:JB("chakra-numberinput",e.className),__css:{position:"relative",zIndex:0,...n.root}})))}));fj.displayName="NumberInput";var pj=ok((function(e,t){const n=uj();return H.createElement(lk.div,{"aria-hidden":!0,ref:t,...e,__css:{display:"flex",flexDirection:"column",position:"absolute",top:"0",insetEnd:"0px",margin:"1px",height:"calc(100% - 2px)",zIndex:1,...n.stepperGroup}})}));pj.displayName="NumberInputStepper";var gj=ok((function(e,t){const{getInputProps:n}=hj(),r=n(e,t),o=uj();return H.createElement(lk.input,{...r,className:JB("chakra-numberinput__field",e.className),__css:{width:"100%",...o.field}})}));gj.displayName="NumberInputField";var mj=lk("div",{baseStyle:{display:"flex",justifyContent:"center",alignItems:"center",flex:1,transitionProperty:"common",transitionDuration:"normal",userSelect:"none",cursor:"pointer",lineHeight:"normal"}}),vj=ok((function(e,t){const n=uj(),{getDecrementButtonProps:r}=hj(),o=r(e,t);return ld(mj,{...o,__css:n.stepper,children:e.children??ld(nj,{})})}));vj.displayName="NumberDecrementStepper";var yj=ok((function(e,t){const{getIncrementButtonProps:n}=hj(),r=n(e,t),o=uj();return ld(mj,{...r,__css:o.stepper,children:e.children??ld(rj,{})})}));yj.displayName="NumberIncrementStepper";var bj=(...e)=>e.filter(Boolean).join(" ");function xj(e,...t){return wj(e)?e(...t):e}var wj=e=>"function"==typeof e;function kj(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}function Sj(...e){return function(t){e.forEach((e=>{null==e||e(t)}))}}var[Cj,_j]=ck({name:"PopoverContext",errorMessage:"usePopoverContext: `context` is undefined. Seems you forgot to wrap all popover components within ``"}),[Ej,Pj]=ck({name:"PopoverStylesContext",errorMessage:"usePopoverStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),Lj={click:"click",hover:"hover"};function Oj(e={}){const{closeOnBlur:t=!0,closeOnEsc:n=!0,initialFocusRef:r,id:o,returnFocusOnClose:i=!0,autoFocus:s=!0,arrowSize:l,arrowShadowColor:c,trigger:u=Lj.click,openDelay:d=200,closeDelay:h=200,isLazy:f,lazyBehavior:p="unmount",computePositionOnMount:g,...m}=e,{isOpen:v,onClose:y,onOpen:b,onToggle:x}=ZN(e),w=a.exports.useRef(null),k=a.exports.useRef(null),S=a.exports.useRef(null),C=a.exports.useRef(!1),_=a.exports.useRef(!1);v&&(_.current=!0);const[E,P]=a.exports.useState(!1),[L,O]=a.exports.useState(!1),M=a.exports.useId(),T=o??M,[A,I,R,N]=["popover-trigger","popover-content","popover-header","popover-body"].map((e=>`${e}-${T}`)),{referenceRef:D,getArrowProps:z,getPopperProps:B,getArrowInnerProps:j,forceUpdate:F}=qN({...m,enabled:v||!!g}),H=XN({isOpen:v,ref:S});!function(e){const{ref:t,elements:n,enabled:r}=e,o=()=>{var e;return(null==(e=t.current)?void 0:e.ownerDocument)??document};GA(o,"pointerdown",(e=>{if(!ZA()||!r)return;const i=e.target,a=(n??[t]).some((e=>{const t="current"in e?e.current:e;return(null==t?void 0:t.contains(i))||t===i}));o().activeElement!==i&&a&&(e.preventDefault(),i.focus())}))}({enabled:v,ref:k}),function(e,t){const{shouldFocus:n,visible:r,focusRef:o}=t,i=n&&!r;nA((()=>{if(!i)return;if(uR(e))return;const t=(null==o?void 0:o.current)||e.current;t&&requestAnimationFrame((()=>{t.focus()}))}),[i,e,o])}(S,{focusRef:k,visible:v,shouldFocus:i&&u===Lj.click}),function(e,t=dR){const{focusRef:n,preventScroll:r,shouldFocus:o,visible:i}=t,s="current"in e?e.current:e,l=o&&i,c=a.exports.useRef(l),u=a.exports.useRef(i);Ku((()=>{!u.current&&i&&(c.current=l),u.current=i}),[i,l]);const d=a.exports.useCallback((()=>{if(i&&s&&c.current&&(c.current=!1,!s.contains(document.activeElement)))if(null==n?void 0:n.current)requestAnimationFrame((()=>{var e;null==(e=n.current)||e.focus({preventScroll:r})}));else{const e=cR(s);e.length>0&&requestAnimationFrame((()=>{e[0].focus({preventScroll:r})}))}}),[i,r,s,n]);nA((()=>{d()}),[d]),GA(s,"transitionend",d)}(S,{focusRef:r,visible:v,shouldFocus:s&&u===Lj.click});const W=KN({wasSelected:_.current,enabled:f,mode:p,isSelected:H.present}),V=a.exports.useCallback(((e={},r=null)=>{const o={...e,style:{...e.style,transformOrigin:IN.transformOrigin.varRef,[IN.arrowSize.var]:l?`${l}px`:void 0,[IN.arrowShadowColor.var]:c},ref:uk(S,r),children:W?e.children:null,id:I,tabIndex:-1,role:"dialog",onKeyDown:kj(e.onKeyDown,(e=>{n&&"Escape"===e.key&&y()})),onBlur:kj(e.onBlur,(e=>{const n=Tj(e),r=Mj(S.current,n),o=Mj(k.current,n);v&&t&&(!r&&!o)&&y()})),"aria-labelledby":E?R:void 0,"aria-describedby":L?N:void 0};return u===Lj.hover&&(o.role="tooltip",o.onMouseEnter=kj(e.onMouseEnter,(()=>{C.current=!0})),o.onMouseLeave=kj(e.onMouseLeave,(e=>{null!==e.nativeEvent.relatedTarget&&(C.current=!1,setTimeout((()=>y()),h))}))),o}),[W,I,E,R,L,N,u,n,y,v,t,h,c,l]),$=a.exports.useCallback(((e={},t=null)=>B({...e,style:{visibility:v?"visible":"hidden",...e.style}},t)),[v,B]),U=a.exports.useCallback(((e,t=null)=>({...e,ref:uk(t,w,D)})),[w,D]),G=a.exports.useRef(),q=a.exports.useRef(),Y=a.exports.useCallback((e=>{null==w.current&&D(e)}),[D]),Z=a.exports.useCallback(((e={},n=null)=>{const r={...e,ref:uk(k,n,Y),id:A,"aria-haspopup":"dialog","aria-expanded":v,"aria-controls":I};return u===Lj.click&&(r.onClick=kj(e.onClick,x)),u===Lj.hover&&(r.onFocus=kj(e.onFocus,(()=>{void 0===G.current&&b()})),r.onBlur=kj(e.onBlur,(e=>{const n=Tj(e),r=!Mj(S.current,n);v&&t&&r&&y()})),r.onKeyDown=kj(e.onKeyDown,(e=>{"Escape"===e.key&&y()})),r.onMouseEnter=kj(e.onMouseEnter,(()=>{C.current=!0,G.current=window.setTimeout((()=>b()),d)})),r.onMouseLeave=kj(e.onMouseLeave,(()=>{C.current=!1,G.current&&(clearTimeout(G.current),G.current=void 0),q.current=window.setTimeout((()=>{!1===C.current&&y()}),h)}))),r}),[A,v,I,u,Y,x,b,t,y,d,h]);a.exports.useEffect((()=>()=>{G.current&&clearTimeout(G.current),q.current&&clearTimeout(q.current)}),[]);const X=a.exports.useCallback(((e={},t=null)=>({...e,id:R,ref:uk(t,(e=>{P(!!e)}))})),[R]),K=a.exports.useCallback(((e={},t=null)=>({...e,id:N,ref:uk(t,(e=>{O(!!e)}))})),[N]);return{forceUpdate:F,isOpen:v,onAnimationComplete:H.onComplete,onClose:y,getAnchorProps:U,getArrowProps:z,getArrowInnerProps:j,getPopoverPositionerProps:$,getPopoverProps:V,getTriggerProps:Z,getHeaderProps:X,getBodyProps:K}}function Mj(e,t){return e===t||(null==e?void 0:e.contains(t))}function Tj(e){const t=e.currentTarget.ownerDocument.activeElement;return e.relatedTarget??t}function Aj(e){const t=sk("Popover",e),{children:n,...r}=hf(e),o=Oj({...r,direction:Zw().direction});return ld(Cj,{value:o,children:ld(Ej,{value:t,children:xj(n,{isOpen:o.isOpen,onClose:o.onClose,forceUpdate:o.forceUpdate})})})}function Ij(e){const{bg:t,bgColor:n,backgroundColor:r}=e,{getArrowProps:o,getArrowInnerProps:i}=_j(),a=Pj(),s=t??n??r;return H.createElement(lk.div,{...o(),className:"chakra-popover__arrow-positioner"},H.createElement(lk.div,{className:bj("chakra-popover__arrow",e.className),...i(e),__css:{...a.arrow,"--popper-arrow-bg":s?`colors.${s}, ${s}`:void 0}}))}Aj.displayName="Popover",Ij.displayName="PopoverArrow";var Rj=ok((function(e,t){const{getBodyProps:n}=_j(),r=Pj();return H.createElement(lk.div,{...n(e,t),className:bj("chakra-popover__body",e.className),__css:r.body})}));Rj.displayName="PopoverBody";var Nj=ok((function(e,t){const{onClose:n}=_j(),r=Pj();return ld(IA,{size:"sm",onClick:n,className:bj("chakra-popover__close-btn",e.className),__css:r.closeButton,ref:t,...e})}));function Dj(e){if(e)return{enter:{...e.enter,visibility:"visible"},exit:{...e.exit,transitionEnd:{visibility:"hidden"}}}}Nj.displayName="PopoverCloseButton";var zj={exit:{opacity:0,scale:.95,transition:{duration:.1,ease:[.4,0,1,1]}},enter:{scale:1,opacity:1,transition:{duration:.15,ease:[0,0,.2,1]}}},Bj=lk(iM.section),jj=ok((function(e,t){const{variants:n=zj,...r}=e,{isOpen:o}=_j();return H.createElement(Bj,{ref:t,variants:Dj(n),initial:!1,animate:o?"enter":"exit",...r})}));jj.displayName="PopoverTransition";var Fj=ok((function(e,t){const{rootProps:n,motionProps:r,...o}=e,{getPopoverProps:i,getPopoverPositionerProps:a,onAnimationComplete:s}=_j(),l=Pj(),c={position:"relative",display:"flex",flexDirection:"column",...l.content};return H.createElement(lk.div,{...a(n),__css:l.popper,className:"chakra-popover__popper"},ld(jj,{...r,...i(o,t),onAnimationComplete:Sj(s,o.onAnimationComplete),className:bj("chakra-popover__content",e.className),__css:c}))}));Fj.displayName="PopoverContent";var Hj=ok((function(e,t){const{getHeaderProps:n}=_j(),r=Pj();return H.createElement(lk.header,{...n(e,t),className:bj("chakra-popover__header",e.className),__css:r.header})}));function Wj(e){const t=a.exports.Children.only(e.children),{getTriggerProps:n}=_j();return a.exports.cloneElement(t,n(t.props,t.ref))}Hj.displayName="PopoverHeader",Wj.displayName="PopoverTrigger";var Vj=pg({"0%":{strokeDasharray:"1, 400",strokeDashoffset:"0"},"50%":{strokeDasharray:"400, 400",strokeDashoffset:"-100"},"100%":{strokeDasharray:"400, 400",strokeDashoffset:"-260"}}),$j=pg({"0%":{transform:"rotate(0deg)"},"100%":{transform:"rotate(360deg)"}}),Uj=pg({"0%":{left:"-40%"},"100%":{left:"100%"}}),Gj=pg({from:{backgroundPosition:"1rem 0"},to:{backgroundPosition:"0 0"}});function qj(e){const{value:t=0,min:n,max:r,valueText:o,getValueText:i,isIndeterminate:a,role:s="progressbar"}=e,l=function(e,t,n){return 100*(e-t)/(n-t)}(t,n,r);return{bind:{"data-indeterminate":a?"":void 0,"aria-valuemax":r,"aria-valuemin":n,"aria-valuenow":a?void 0:t,"aria-valuetext":(()=>{if(null!=t)return"function"==typeof i?i(t,l):o})(),role:s},percent:l,value:t}}var Yj=e=>{const{size:t,isIndeterminate:n,...r}=e;return H.createElement(lk.svg,{viewBox:"0 0 100 100",__css:{width:t,height:t,animation:n?`${$j} 2s linear infinite`:void 0},...r})};Yj.displayName="Shape";var Zj=e=>H.createElement(lk.circle,{cx:50,cy:50,r:42,fill:"transparent",...e});Zj.displayName="Circle";var Xj=ok(((e,t)=>{const{size:n="48px",max:r=100,min:o=0,valueText:i,getValueText:a,value:s,capIsRound:l,children:c,thickness:u="10px",color:d="#0078d4",trackColor:h="#edebe9",isIndeterminate:f,...p}=e,g=qj({min:o,max:r,value:s,valueText:i,getValueText:a,isIndeterminate:f}),m=f?void 0:2.64*(g.percent??0),v=f?{css:{animation:`${Vj} 1.5s linear infinite`}}:{strokeDashoffset:66,strokeDasharray:null==m?void 0:`${m} ${264-m}`,transitionProperty:"stroke-dasharray, stroke",transitionDuration:"0.6s",transitionTimingFunction:"ease"},y={display:"inline-block",position:"relative",verticalAlign:"middle",fontSize:n};return H.createElement(lk.div,{ref:t,className:"chakra-progress",...g.bind,...p,__css:y},cd(Yj,{size:n,isIndeterminate:f,children:[ld(Zj,{stroke:h,strokeWidth:u,className:"chakra-progress__track"}),ld(Zj,{stroke:d,strokeWidth:u,className:"chakra-progress__indicator",strokeLinecap:l?"round":void 0,opacity:0!==g.value||f?void 0:0,...v})]}),c)}));Xj.displayName="CircularProgress";var[Kj,Qj]=ck({name:"ProgressStylesContext",errorMessage:"useProgressStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),Jj=ok(((e,t)=>{const{min:n,max:r,value:o,isIndeterminate:i,role:a,...s}=e,l=qj({value:o,min:n,max:r,isIndeterminate:i,role:a}),c={height:"100%",...Qj().filledTrack};return H.createElement(lk.div,{ref:t,style:{width:`${l.percent}%`,...s.style},...l.bind,...s,__css:c})})),eF=ok(((e,t)=>{var n;const{value:r,min:o=0,max:i=100,hasStripe:a,isAnimated:s,children:l,borderRadius:c,isIndeterminate:u,"aria-label":d,"aria-labelledby":h,title:f,role:p,...g}=hf(e),m=sk("Progress",e),v=c??(null==(n=m.track)?void 0:n.borderRadius),y={...!u&&a&&s&&{animation:`${Gj} 1s linear infinite`},...u&&{position:"absolute",willChange:"left",minWidth:"50%",animation:`${Uj} 1s ease infinite normal none running`}},b={overflow:"hidden",position:"relative",...m.track};return H.createElement(lk.div,{ref:t,borderRadius:v,__css:b,...g},cd(Kj,{value:m,children:[ld(Jj,{"aria-label":d,"aria-labelledby":h,min:o,max:i,value:r,isIndeterminate:u,css:y,borderRadius:v,title:f,role:p}),l]}))}));eF.displayName="Progress",lk("div",{baseStyle:{fontSize:"0.24em",top:"50%",left:"50%",width:"100%",textAlign:"center",position:"absolute",transform:"translate(-50%, -50%)"}}).displayName="CircularProgressLabel";var tF=(...e)=>e.filter(Boolean).join(" ");var nF=ok((function(e,t){const{children:n,placeholder:r,className:o,...i}=e;return H.createElement(lk.select,{...i,ref:t,className:tF("chakra-select",o)},r&&ld("option",{value:"",children:r}),n)}));nF.displayName="SelectField";var rF=ok(((e,t)=>{var n;const r=sk("Select",e),{rootProps:o,placeholder:i,icon:a,color:s,height:l,h:c,minH:u,minHeight:d,iconColor:h,iconSize:f,...p}=hf(e),[g,m]=function(e,t){const n={},r={};for(const[o,i]of Object.entries(e))t.includes(o)?n[o]=i:r[o]=i;return[n,r]}(p,ef),v=YT(m),y={width:"100%",height:"fit-content",position:"relative",color:s},b={paddingEnd:"2rem",...r.field,_focus:{zIndex:"unset",...null==(n=r.field)?void 0:n._focus}};return H.createElement(lk.div,{className:"chakra-select__wrapper",__css:y,...g,...o},ld(nF,{ref:t,height:c??l,minH:u??d,placeholder:i,...v,__css:b,children:e.children}),ld(aF,{"data-disabled":(x=v.disabled,x?"":void 0),...(h||s)&&{color:h||s},__css:r.icon,...f&&{fontSize:f},children:a}));var x}));rF.displayName="Select";var oF=e=>ld("svg",{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M16.59 8.59L12 13.17 7.41 8.59 6 10l6 6 6-6z"})}),iF=lk("div",{baseStyle:{position:"absolute",display:"inline-flex",alignItems:"center",justifyContent:"center",pointerEvents:"none",top:"50%",transform:"translateY(-50%)"}}),aF=e=>{const{children:t=ld(oF,{}),...n}=e,r=a.exports.cloneElement(t,{role:"presentation",className:"chakra-select__icon",focusable:!1,"aria-hidden":!0,style:{width:"1em",height:"1em",color:"currentColor"}});return ld(iF,{...n,className:"chakra-select__icon-wrapper",children:a.exports.isValidElement(t)?r:null})};function sF(e){const t=function(e){return e.view??window}(e);return void 0!==t.PointerEvent&&e instanceof t.PointerEvent?!("mouse"!==e.pointerType):e instanceof t.MouseEvent}function lF(e){return!!e.touches}function cF(e,t="page"){return lF(e)?function(e,t="page"){const n=e.touches[0]||e.changedTouches[0];return{x:n[`${t}X`],y:n[`${t}Y`]}}(e,t):function(e,t="page"){return{x:e[`${t}X`],y:e[`${t}Y`]}}(e,t)}function uF(e,t=!1){function n(t){e(t,{point:cF(t)})}const r=t?function(e){return t=>{const n=sF(t);(!n||n&&0===t.button)&&e(t)}}(n):n;return r}function dF(e,t,n,r){return function(e,t,n,r){return e.addEventListener(t,n,r),()=>{e.removeEventListener(t,n,r)}}(e,t,uF(n,"pointerdown"===t),r)}function hF(e){const t=a.exports.useRef(null);return t.current=e,t}aF.displayName="SelectIcon";function fF(e,t){return{x:e.x-t.x,y:e.y-t.y}}function pF(e,t){return{point:e.point,delta:fF(e.point,t[t.length-1]),offset:fF(e.point,t[0]),velocity:mF(t,.1)}}var gF=e=>1e3*e;function mF(e,t){if(e.length<2)return{x:0,y:0};let n=e.length-1,r=null;const o=e[e.length-1];for(;n>=0&&(r=e[n],!(o.timestamp-r.timestamp>gF(t)));)n--;if(!r)return{x:0,y:0};const i=(o.timestamp-r.timestamp)/1e3;if(0===i)return{x:0,y:0};const a={x:(o.x-r.x)/i,y:(o.y-r.y)/i};return a.x===1/0&&(a.x=0),a.y===1/0&&(a.y=0),a}function vF(e,t){return Math.abs(e-t)}function yF(e){return"x"in e&&"y"in e}function bF(t,n){const{onPan:r,onPanStart:o,onPanEnd:i,onPanSessionStart:s,onPanSessionEnd:l,threshold:c}=n,u=Boolean(r||o||i||s||l),d=a.exports.useRef(null),h=hF({onSessionStart:s,onSessionEnd:l,onStart:o,onMove:r,onEnd(e,t){d.current=null,null==i||i(e,t)}});a.exports.useEffect((()=>{var e;null==(e=d.current)||e.updateHandlers(h.current)})),a.exports.useEffect((()=>{const n=t.current;if(n&&u)return dF(n,"pointerdown",(function(t){d.current=new class{constructor(t,n,r){if(e(this,"history",[]),e(this,"startEvent",null),e(this,"lastEvent",null),e(this,"lastEventInfo",null),e(this,"handlers",{}),e(this,"removeListeners",(()=>{})),e(this,"threshold",3),e(this,"win",void 0),e(this,"updatePoint",(()=>{if(!this.lastEvent||!this.lastEventInfo)return;const e=pF(this.lastEventInfo,this.history),t=null!==this.startEvent,n=function(e,t){if("number"==typeof e&&"number"==typeof t)return vF(e,t);if(yF(e)&&yF(t)){const n=vF(e.x,t.x),r=vF(e.y,t.y);return Math.sqrt(n**2+r**2)}return 0}(e.offset,{x:0,y:0})>=this.threshold;if(!t&&!n)return;const{timestamp:r}=Og();this.history.push({...e.point,timestamp:r});const{onStart:o,onMove:i}=this.handlers;t||(null==o||o(this.lastEvent,e),this.startEvent=this.lastEvent),null==i||i(this.lastEvent,e)})),e(this,"onPointerMove",((e,t)=>{this.lastEvent=e,this.lastEventInfo=t,Cg.update(this.updatePoint,!0)})),e(this,"onPointerUp",((e,t)=>{const n=pF(t,this.history),{onEnd:r,onSessionEnd:o}=this.handlers;null==o||o(e,n),this.end(),r&&this.startEvent&&(null==r||r(e,n))})),this.win=t.view??window,lF(o=t)&&o.touches.length>1)return;var o;this.handlers=n,r&&(this.threshold=r),t.stopPropagation(),t.preventDefault();const i={point:cF(t)},{timestamp:a}=Og();this.history=[{...i.point,timestamp:a}];const{onSessionStart:s}=n;null==s||s(t,pF(i,this.history)),this.removeListeners=function(...e){return t=>e.reduce(((e,t)=>t(e)),t)}(dF(this.win,"pointermove",this.onPointerMove),dF(this.win,"pointerup",this.onPointerUp),dF(this.win,"pointercancel",this.onPointerUp))}updateHandlers(e){this.handlers=e}end(){var e;null==(e=this.removeListeners)||e.call(this),_g.update(this.updatePoint)}}(t,h.current,c)}))}),[t,u,h,c]),a.exports.useEffect((()=>()=>{var e;null==(e=d.current)||e.end(),d.current=null}),[])}var xF=Boolean(null==globalThis?void 0:globalThis.document)?a.exports.useLayoutEffect:a.exports.useEffect;function wF({getNodes:e,observeMutation:t=!0}){const[n,r]=a.exports.useState([]),[o,i]=a.exports.useState(0);return xF((()=>{const n=e(),o=n.map(((e,t)=>function(e,t){if(!e)return void t(void 0);t({width:e.offsetWidth,height:e.offsetHeight});const n=new(e.ownerDocument.defaultView??window).ResizeObserver((n=>{if(!Array.isArray(n)||!n.length)return;const[r]=n;let o,i;if("borderBoxSize"in r){const e=r.borderBoxSize,t=Array.isArray(e)?e[0]:e;o=t.inlineSize,i=t.blockSize}else o=e.offsetWidth,i=e.offsetHeight;t({width:o,height:i})}));return n.observe(e,{box:"border-box"}),()=>n.unobserve(e)}(e,(e=>{r((n=>[...n.slice(0,t),e,...n.slice(t+1)]))}))));if(t){const e=n[0];o.push(function(e,t){var n;if(!e||!e.parentElement)return;const r=new((null==(n=e.ownerDocument)?void 0:n.defaultView)??window).MutationObserver((()=>{t()}));return r.observe(e.parentElement,{childList:!0}),()=>{r.disconnect()}}(e,(()=>{i((e=>e+1))})))}return()=>{o.forEach((e=>{null==e||e()}))}}),[o]),n}var kF=Object.getOwnPropertyNames,SF=((e,t)=>function(){return e&&(t=(0,e[kF(e)[0]])(e=0)),t})({"../../../react-shim.js"(){}});SF(),SF(),SF();var CF=e=>e?"":void 0,_F=e=>!!e||void 0,EF=(...e)=>e.filter(Boolean).join(" ");function PF(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}function LF(e){const{orientation:t,vertical:n,horizontal:r}=e;return"vertical"===t?n:r}SF(),SF(),SF();var OF={width:0,height:0},MF=e=>e||OF;function TF(e){const{orientation:t,thumbPercents:n,thumbRects:r,isReversed:o}=e,i="vertical"===t?r.reduce(((e,t)=>MF(e).height>MF(t).height?e:t),OF):r.reduce(((e,t)=>MF(e).width>MF(t).width?e:t),OF),a={position:"relative",touchAction:"none",WebkitTapHighlightColor:"rgba(0,0,0,0)",userSelect:"none",outline:0,...LF({orientation:t,vertical:i?{paddingLeft:i.width/2,paddingRight:i.width/2}:{},horizontal:i?{paddingTop:i.height/2,paddingBottom:i.height/2}:{}})},s={position:"absolute",...LF({orientation:t,vertical:{left:"50%",transform:"translateX(-50%)",height:"100%"},horizontal:{top:"50%",transform:"translateY(-50%)",width:"100%"}})},l=1===n.length,c=[0,o?100-n[0]:n[0]],u=l?c:n;let d=u[0];!l&&o&&(d=100-d);const h=Math.abs(u[u.length-1]-u[0]);return{trackStyle:s,innerTrackStyle:{...s,...LF({orientation:t,vertical:o?{height:`${h}%`,top:`${d}%`}:{height:`${h}%`,bottom:`${d}%`},horizontal:o?{width:`${h}%`,right:`${d}%`}:{width:`${h}%`,left:`${d}%`}})},rootStyle:a,getThumbStyle:e=>{const o=r[e]??OF;return{position:"absolute",userSelect:"none",WebkitUserSelect:"none",MozUserSelect:"none",msUserSelect:"none",touchAction:"none",...LF({orientation:t,vertical:{bottom:`calc(${n[e]}% - ${o.height/2}px)`},horizontal:{left:`calc(${n[e]}% - ${o.width/2}px)`}})}}}}function AF(e){const{isReversed:t,direction:n,orientation:r}=e;return"ltr"===n||"vertical"===r?t:!t}function IF(e){const{min:t=0,max:n=100,onChange:r,value:o,defaultValue:i,isReversed:s,direction:l="ltr",orientation:c="horizontal",id:u,isDisabled:d,isReadOnly:h,onChangeStart:f,onChangeEnd:p,step:g=1,getAriaValueText:m,"aria-valuetext":v,"aria-label":y,"aria-labelledby":b,name:x,focusThumbOnChange:w=!0,minStepsBetweenThumbs:k=0,...S}=e,C=Ck(f),_=Ck(p),E=Ck(m),P=AF({isReversed:s,direction:l,orientation:c}),[L,O]=_k({value:o,defaultValue:i??[25,75],onChange:r});if(!Array.isArray(L))throw new TypeError(`[range-slider] You passed an invalid value for \`value\` or \`defaultValue\`, expected \`Array\` but got \`${typeof L}\``);const[M,T]=a.exports.useState(!1),[A,I]=a.exports.useState(!1),[R,N]=a.exports.useState(-1),D=!(d||h),z=a.exports.useRef(L),B=L.map((e=>jA(e,t,n))),j=function(e,t,n,r){return e.map(((o,i)=>({min:0===i?t:e[i-1]+r,max:i===e.length-1?n:e[i+1]-r})))}(B,t,n,k*g),F=a.exports.useRef({eventSource:null,value:[],valueBounds:[]});F.current.value=B,F.current.valueBounds=j;const H=B.map((e=>n-e+t)),W=(P?H:B).map((e=>DA(e,t,n))),V="vertical"===c,$=a.exports.useRef(null),U=a.exports.useRef(null),G=wF({getNodes(){const e=U.current,t=null==e?void 0:e.querySelectorAll("[role=slider]");return t?Array.from(t):[]}}),q=a.exports.useId(),Y=function(e){return{root:`slider-root-${e}`,getThumb:t=>`slider-thumb-${e}-${t}`,getInput:t=>`slider-input-${e}-${t}`,track:`slider-track-${e}`,innerTrack:`slider-filled-track-${e}`,getMarker:t=>`slider-marker-${e}-${t}`,output:`slider-output-${e}`}}(u??q),Z=a.exports.useCallback((e=>{var r;if(!$.current)return;F.current.eventSource="pointer";const o=$.current.getBoundingClientRect(),{clientX:i,clientY:a}=(null==(r=e.touches)?void 0:r[0])??e;let s=(V?o.bottom-a:i-o.left)/(V?o.height:o.width);return P&&(s=1-s),zA(s,t,n)}),[V,P,n,t]),X=(n-t)/10,K=g||(n-t)/100,Q=a.exports.useMemo((()=>({setValueAtIndex(e,t){if(!D)return;const n=F.current.valueBounds[e];t=jA(t=parseFloat(BA(t,n.min,K)),n.min,n.max);const r=[...F.current.value];r[e]=t,O(r)},setActiveIndex:N,stepUp(e,t=K){const n=F.current.value[e],r=P?n-t:n+t;Q.setValueAtIndex(e,r)},stepDown(e,t=K){const n=F.current.value[e],r=P?n+t:n-t;Q.setValueAtIndex(e,r)},reset(){O(z.current)}})),[K,P,O,D]),J=a.exports.useCallback((e=>{const t={ArrowRight:()=>Q.stepUp(R),ArrowUp:()=>Q.stepUp(R),ArrowLeft:()=>Q.stepDown(R),ArrowDown:()=>Q.stepDown(R),PageUp:()=>Q.stepUp(R,X),PageDown:()=>Q.stepDown(R,X),Home:()=>{const{min:e}=j[R];Q.setValueAtIndex(R,e)},End:()=>{const{max:e}=j[R];Q.setValueAtIndex(R,e)}}[e.key];t&&(e.preventDefault(),e.stopPropagation(),t(e),F.current.eventSource="keyboard")}),[Q,R,X,j]),{getThumbStyle:ee,rootStyle:te,trackStyle:ne,innerTrackStyle:re}=a.exports.useMemo((()=>TF({isReversed:P,orientation:c,thumbRects:G,thumbPercents:W})),[P,c,W,G]),oe=a.exports.useCallback((e=>{var t;const n=e??R;if(-1!==n&&w){const e=Y.getThumb(n),r=null==(t=U.current)?void 0:t.ownerDocument.getElementById(e);r&&setTimeout((()=>r.focus()))}}),[w,R,Y]);nA((()=>{"keyboard"===F.current.eventSource&&(null==_||_(F.current.value))}),[B,_]);bF(U,{onPanSessionStart(e){D&&(T(!0),(e=>{const t=Z(e)||0,n=F.current.value.map((e=>Math.abs(e-t))),r=Math.min(...n);let o=n.indexOf(r);const i=n.filter((e=>e===r));i.length>1&&t>F.current.value[o]&&(o=o+i.length-1),N(o),Q.setValueAtIndex(o,t),oe(o)})(e),null==C||C(F.current.value))},onPanSessionEnd(){D&&(T(!1),null==_||_(F.current.value))},onPan(e){D&&(e=>{if(-1==R)return;const t=Z(e)||0;N(R),Q.setValueAtIndex(R,t),oe(R)})(e)}});const ie=a.exports.useCallback(((e={},t=null)=>({...e,...S,id:Y.root,ref:uk(t,U),tabIndex:-1,"aria-disabled":_F(d),"data-focused":CF(A),style:{...e.style,...te}})),[S,d,A,te,Y]),ae=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(t,$),id:Y.track,"data-disabled":CF(d),style:{...e.style,...ne}})),[d,ne,Y]),se=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,id:Y.innerTrack,style:{...e.style,...re}})),[re,Y]),le=a.exports.useCallback(((e,t=null)=>{const{index:n,...r}=e,o=B[n];if(null==o)throw new TypeError(`[range-slider > thumb] Cannot find value at index \`${n}\`. The \`value\` or \`defaultValue\` length is : ${B.length}`);const i=j[n];return{...r,ref:t,role:"slider",tabIndex:D?0:void 0,id:Y.getThumb(n),"data-active":CF(M&&R===n),"aria-valuetext":(null==E?void 0:E(o))??(null==v?void 0:v[n]),"aria-valuemin":i.min,"aria-valuemax":i.max,"aria-valuenow":o,"aria-orientation":c,"aria-disabled":_F(d),"aria-readonly":_F(h),"aria-label":null==y?void 0:y[n],"aria-labelledby":(null==y?void 0:y[n])||null==b?void 0:b[n],style:{...e.style,...ee(n)},onKeyDown:PF(e.onKeyDown,J),onFocus:PF(e.onFocus,(()=>{I(!0),N(n)})),onBlur:PF(e.onBlur,(()=>{I(!1),N(-1)}))}}),[Y,B,j,D,M,R,E,v,c,d,h,y,b,ee,J,I]),ce=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,id:Y.output,htmlFor:B.map(((e,t)=>Y.getThumb(t))).join(" "),"aria-live":"off"})),[Y,B]),ue=a.exports.useCallback(((e,r=null)=>{const{value:o,...i}=e,a=!(on),s=o>=B[0]&&o<=B[B.length-1];let l=DA(o,t,n);l=P?100-l:l;const u={position:"absolute",pointerEvents:"none",...LF({orientation:c,vertical:{bottom:`${l}%`},horizontal:{left:`${l}%`}})};return{...i,ref:r,id:Y.getMarker(e.value),role:"presentation","aria-hidden":!0,"data-disabled":CF(d),"data-invalid":CF(!a),"data-highlighted":CF(s),style:{...e.style,...u}}}),[d,P,n,t,c,B,Y]),de=a.exports.useCallback(((e,t=null)=>{const{index:n,...r}=e;return{...r,ref:t,id:Y.getInput(n),type:"hidden",value:B[n],name:Array.isArray(x)?x[n]:`${x}-${n}`}}),[x,B,Y]);return{state:{value:B,isFocused:A,isDragging:M,getThumbPercent:e=>W[e],getThumbMinValue:e=>j[e].min,getThumbMaxValue:e=>j[e].max},actions:Q,getRootProps:ie,getTrackProps:ae,getInnerTrackProps:se,getThumbProps:le,getMarkerProps:ue,getInputProps:de,getOutputProps:ce}}var[RF,NF]=ck({name:"SliderContext",errorMessage:"useSliderContext: `context` is undefined. Seems you forgot to wrap all slider components within "}),[DF,zF]=ck({name:"RangeSliderStylesContext",errorMessage:"useRangeSliderStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),BF=ok((function(e,t){const n=sk("Slider",e),r=hf(e),{direction:o}=Zw();r.direction=o;const{getRootProps:i,...s}=IF(r),l=a.exports.useMemo((()=>({...s,name:e.name})),[s,e.name]);return H.createElement(RF,{value:l},H.createElement(DF,{value:n},H.createElement(lk.div,{...i({},t),className:"chakra-slider",__css:n.container},e.children)))}));BF.defaultProps={orientation:"horizontal"},BF.displayName="RangeSlider";var jF=ok((function(e,t){const{getThumbProps:n,getInputProps:r,name:o}=NF(),i=zF(),a=n(e,t);return H.createElement(lk.div,{...a,className:EF("chakra-slider__thumb",e.className),__css:i.thumb},a.children,o&&ld("input",{...r({index:e.index})}))}));jF.displayName="RangeSliderThumb";var FF=ok((function(e,t){const{getTrackProps:n}=NF(),r=zF(),o=n(e,t);return H.createElement(lk.div,{...o,className:EF("chakra-slider__track",e.className),__css:r.track,"data-testid":"chakra-range-slider-track"})}));FF.displayName="RangeSliderTrack";var HF=ok((function(e,t){const{getInnerTrackProps:n}=NF(),r=zF(),o=n(e,t);return H.createElement(lk.div,{...o,className:"chakra-slider__filled-track",__css:r.filledTrack})}));function WF(e){const{min:t=0,max:n=100,onChange:r,value:o,defaultValue:i,isReversed:s,direction:l="ltr",orientation:c="horizontal",id:u,isDisabled:d,isReadOnly:h,onChangeStart:f,onChangeEnd:p,step:g=1,getAriaValueText:m,"aria-valuetext":v,"aria-label":y,"aria-labelledby":b,name:x,focusThumbOnChange:w=!0,...k}=e,S=Ck(f),C=Ck(p),_=Ck(m),E=AF({isReversed:s,direction:l,orientation:c}),[P,L]=_k({value:o,defaultValue:i??$F(t,n),onChange:r}),[O,M]=a.exports.useState(!1),[T,A]=a.exports.useState(!1),I=!(d||h),R=(n-t)/10,N=g||(n-t)/100,D=jA(P,t,n),z=DA(E?n-D+t:D,t,n),B="vertical"===c,j=hF({min:t,max:n,step:g,isDisabled:d,value:D,isInteractive:I,isReversed:E,isVertical:B,eventSource:null,focusThumbOnChange:w,orientation:c}),F=a.exports.useRef(null),H=a.exports.useRef(null),W=a.exports.useRef(null),V=a.exports.useId(),$=u??V,[U,G]=[`slider-thumb-${$}`,`slider-track-${$}`],q=a.exports.useCallback((e=>{var t;if(!F.current)return;const n=j.current;n.eventSource="pointer";const r=F.current.getBoundingClientRect(),{clientX:o,clientY:i}=(null==(t=e.touches)?void 0:t[0])??e;let a=(B?r.bottom-i:o-r.left)/(B?r.height:r.width);E&&(a=1-a);let s=zA(a,n.min,n.max);return n.step&&(s=parseFloat(BA(s,n.min,n.step))),s=jA(s,n.min,n.max),s}),[B,E,j]),Y=a.exports.useCallback((e=>{const t=j.current;t.isInteractive&&(e=jA(e=parseFloat(BA(e,t.min,N)),t.min,t.max),L(e))}),[N,L,j]),Z=a.exports.useMemo((()=>({stepUp(e=N){Y(E?D-e:D+e)},stepDown(e=N){Y(E?D+e:D-e)},reset(){Y(i||0)},stepTo(e){Y(e)}})),[Y,E,D,N,i]),X=a.exports.useCallback((e=>{const t=j.current,n={ArrowRight:()=>Z.stepUp(),ArrowUp:()=>Z.stepUp(),ArrowLeft:()=>Z.stepDown(),ArrowDown:()=>Z.stepDown(),PageUp:()=>Z.stepUp(R),PageDown:()=>Z.stepDown(R),Home:()=>Y(t.min),End:()=>Y(t.max)}[e.key];n&&(e.preventDefault(),e.stopPropagation(),n(e),t.eventSource="keyboard")}),[Z,Y,R,j]),K=(null==_?void 0:_(D))??v,Q=function(e){const[t]=wF({observeMutation:!1,getNodes(){var t;return["object"==typeof(t=e)&&null!==t&&"current"in t?e.current:e]}});return t}(H),{getThumbStyle:J,rootStyle:ee,trackStyle:te,innerTrackStyle:ne}=a.exports.useMemo((()=>{const e=j.current,t=Q??{width:0,height:0};return TF({isReversed:E,orientation:e.orientation,thumbRects:[t],thumbPercents:[z]})}),[E,Q,z,j]),re=a.exports.useCallback((()=>{j.current.focusThumbOnChange&&setTimeout((()=>{var e;return null==(e=H.current)?void 0:e.focus()}))}),[j]);function oe(e){const t=q(e);null!=t&&t!==j.current.value&&L(t)}nA((()=>{const e=j.current;re(),"keyboard"===e.eventSource&&(null==C||C(e.value))}),[D,C]),bF(W,{onPanSessionStart(e){const t=j.current;t.isInteractive&&(M(!0),re(),oe(e),null==S||S(t.value))},onPanSessionEnd(){const e=j.current;e.isInteractive&&(M(!1),null==C||C(e.value))},onPan(e){j.current.isInteractive&&oe(e)}});const ie=a.exports.useCallback(((e={},t=null)=>({...e,...k,ref:uk(t,W),tabIndex:-1,"aria-disabled":_F(d),"data-focused":CF(T),style:{...e.style,...ee}})),[k,d,T,ee]),ae=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(t,F),id:G,"data-disabled":CF(d),style:{...e.style,...te}})),[d,G,te]),se=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,style:{...e.style,...ne}})),[ne]),le=a.exports.useCallback(((e={},r=null)=>({...e,ref:uk(r,H),role:"slider",tabIndex:I?0:void 0,id:U,"data-active":CF(O),"aria-valuetext":K,"aria-valuemin":t,"aria-valuemax":n,"aria-valuenow":D,"aria-orientation":c,"aria-disabled":_F(d),"aria-readonly":_F(h),"aria-label":y,"aria-labelledby":y?void 0:b,style:{...e.style,...J(0)},onKeyDown:PF(e.onKeyDown,X),onFocus:PF(e.onFocus,(()=>A(!0))),onBlur:PF(e.onBlur,(()=>A(!1)))})),[I,U,O,K,t,n,D,c,d,h,y,b,J,X]),ce=a.exports.useCallback(((e,r=null)=>{const o=!(e.valuen),i=D>=e.value,a=DA(e.value,t,n),s={position:"absolute",pointerEvents:"none",...VF({orientation:c,vertical:{bottom:E?100-a+"%":`${a}%`},horizontal:{left:E?100-a+"%":`${a}%`}})};return{...e,ref:r,role:"presentation","aria-hidden":!0,"data-disabled":CF(d),"data-invalid":CF(!o),"data-highlighted":CF(i),style:{...e.style,...s}}}),[d,E,n,t,c,D]),ue=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,type:"hidden",value:D,name:x})),[x,D]);return{state:{value:D,isFocused:T,isDragging:O},actions:Z,getRootProps:ie,getTrackProps:ae,getInnerTrackProps:se,getThumbProps:le,getMarkerProps:ce,getInputProps:ue}}function VF(e){const{orientation:t,vertical:n,horizontal:r}=e;return"vertical"===t?n:r}function $F(e,t){return t"}),[qF,YF]=ck({name:"SliderStylesContext",hookName:"useSliderStyles",providerName:""}),ZF=ok(((e,t)=>{const n=sk("Slider",e),r=hf(e),{direction:o}=Zw();r.direction=o;const{getInputProps:i,getRootProps:a,...s}=WF(r),l=a(),c=i({},t);return H.createElement(UF,{value:s},H.createElement(qF,{value:n},H.createElement(lk.div,{...l,className:EF("chakra-slider",e.className),__css:n.container},e.children,ld("input",{...c}))))}));ZF.defaultProps={orientation:"horizontal"},ZF.displayName="Slider";var XF=ok(((e,t)=>{const{getThumbProps:n}=GF(),r=YF(),o=n(e,t);return H.createElement(lk.div,{...o,className:EF("chakra-slider__thumb",e.className),__css:r.thumb})}));XF.displayName="SliderThumb";var KF=ok(((e,t)=>{const{getTrackProps:n}=GF(),r=YF(),o=n(e,t);return H.createElement(lk.div,{...o,className:EF("chakra-slider__track",e.className),__css:r.track})}));KF.displayName="SliderTrack";var QF=ok(((e,t)=>{const{getInnerTrackProps:n}=GF(),r=YF(),o=n(e,t);return H.createElement(lk.div,{...o,className:EF("chakra-slider__filled-track",e.className),__css:r.filledTrack})}));QF.displayName="SliderFilledTrack";var JF=ok(((e,t)=>{const{getMarkerProps:n}=GF(),r=YF(),o=n(e,t);return H.createElement(lk.div,{...o,className:EF("chakra-slider__marker",e.className),__css:r.mark})}));JF.displayName="SliderMark";var eH=(...e)=>e.filter(Boolean).join(" "),tH=e=>e?"":void 0,nH=ok((function(e,t){const n=sk("Switch",e),{spacing:r="0.5rem",children:o,...i}=hf(e),{state:s,getInputProps:l,getCheckboxProps:c,getRootProps:u,getLabelProps:d}=CA(i),h=a.exports.useMemo((()=>({display:"inline-block",position:"relative",verticalAlign:"middle",lineHeight:0,...n.container})),[n.container]),f=a.exports.useMemo((()=>({display:"inline-flex",flexShrink:0,justifyContent:"flex-start",boxSizing:"content-box",cursor:"pointer",...n.track})),[n.track]),p=a.exports.useMemo((()=>({userSelect:"none",marginStart:r,...n.label})),[r,n.label]);return H.createElement(lk.label,{...u(),className:eH("chakra-switch",e.className),__css:h},ld("input",{className:"chakra-switch__input",...l({},t)}),H.createElement(lk.span,{...c(),className:"chakra-switch__track",__css:f},H.createElement(lk.span,{__css:n.thumb,className:"chakra-switch__thumb","data-checked":tH(s.isChecked),"data-hover":tH(s.isHovered)})),o&&H.createElement(lk.span,{className:"chakra-switch__label",...d(),__css:p},o))}));nH.displayName="Switch";var rH=(...e)=>e.filter(Boolean).join(" ");function oH(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var[iH,aH,sH,lH]=bk();var[cH,uH]=ck({name:"TabsContext",errorMessage:"useTabsContext: `context` is undefined. Seems you forgot to wrap all tabs components within "});var[dH,hH]=ck({});function fH(e,t){return`${e}--tab-${t}`}function pH(e,t){return`${e}--tabpanel-${t}`}var[gH,mH]=ck({name:"TabsStylesContext",errorMessage:"useTabsStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),vH=ok((function(e,t){const n=sk("Tabs",e),{children:r,className:o,...i}=hf(e),{htmlProps:s,descendants:l,...c}=function(e){const{defaultIndex:t,onChange:n,index:r,isManual:o,isLazy:i,lazyBehavior:s="unmount",orientation:l="horizontal",direction:c="ltr",...u}=e,[d,h]=a.exports.useState(t??0),[f,p]=_k({defaultValue:t??0,value:r,onChange:n});a.exports.useEffect((()=>{null!=r&&h(r)}),[r]);const g=sH(),m=a.exports.useId();return{id:`tabs-${e.id??m}`,selectedIndex:f,focusedIndex:d,setSelectedIndex:p,setFocusedIndex:h,isManual:o,isLazy:i,lazyBehavior:s,orientation:l,descendants:g,direction:c,htmlProps:u}}(i),u=a.exports.useMemo((()=>c),[c]),{isFitted:d,...h}=s;return H.createElement(iH,{value:l},H.createElement(cH,{value:u},H.createElement(gH,{value:n},H.createElement(lk.div,{className:rH("chakra-tabs",o),ref:t,...h,__css:n.root},r))))}));vH.displayName="Tabs";var yH=ok((function(e,t){const n=function(){const e=uH(),t=aH(),{selectedIndex:n,orientation:r}=e,o="horizontal"===r,i="vertical"===r,[s,l]=a.exports.useState((()=>o?{left:0,width:0}:i?{top:0,height:0}:void 0)),[c,u]=a.exports.useState(!1);return Ku((()=>{if(null==n)return;const e=t.item(n);if(null==e)return;o&&l({left:e.node.offsetLeft,width:e.node.offsetWidth}),i&&l({top:e.node.offsetTop,height:e.node.offsetHeight});const r=requestAnimationFrame((()=>{u(!0)}));return()=>{r&&cancelAnimationFrame(r)}}),[n,o,i,t]),{position:"absolute",transitionProperty:"left, right, top, bottom, height, width",transitionDuration:c?"200ms":"0ms",transitionTimingFunction:"cubic-bezier(0, 0, 0.2, 1)",...s}}(),r={...e.style,...n},o=mH();return H.createElement(lk.div,{ref:t,...e,className:rH("chakra-tabs__tab-indicator",e.className),style:r,__css:o.indicator})}));yH.displayName="TabIndicator";var bH=ok((function(e,t){const n=function(e){const{focusedIndex:t,orientation:n,direction:r}=uH(),o=aH(),i=a.exports.useCallback((e=>{const i=()=>{var e;const n=o.nextEnabled(t);n&&(null==(e=n.node)||e.focus())},a=()=>{var e;const n=o.prevEnabled(t);n&&(null==(e=n.node)||e.focus())},s="horizontal"===n,l="vertical"===n,c=e.key,u={["ltr"===r?"ArrowLeft":"ArrowRight"]:()=>s&&a(),["ltr"===r?"ArrowRight":"ArrowLeft"]:()=>s&&i(),ArrowDown:()=>l&&i(),ArrowUp:()=>l&&a(),Home:()=>{var e;const t=o.firstEnabled();t&&(null==(e=t.node)||e.focus())},End:()=>{var e;const t=o.lastEnabled();t&&(null==(e=t.node)||e.focus())}},d=u[c];d&&(e.preventDefault(),d(e))}),[o,t,n,r]);return{...e,role:"tablist","aria-orientation":n,onKeyDown:oH(e.onKeyDown,i)}}({...e,ref:t}),r={display:"flex",...mH().tablist};return H.createElement(lk.div,{...n,className:rH("chakra-tabs__tablist",e.className),__css:r})}));bH.displayName="TabList";var xH=ok((function(e,t){const n=function(e){const{children:t,...n}=e,{isLazy:r,lazyBehavior:o}=uH(),{isSelected:i,id:s,tabId:l}=hH(),c=a.exports.useRef(!1);return i&&(c.current=!0),{tabIndex:0,...n,children:KN({wasSelected:c.current,isSelected:i,enabled:r,mode:o})?t:null,role:"tabpanel","aria-labelledby":l,hidden:!i,id:s}}({...e,ref:t}),r=mH();return H.createElement(lk.div,{outline:"0",...n,className:rH("chakra-tabs__tab-panel",e.className),__css:r.tabpanel})}));xH.displayName="TabPanel";var wH=ok((function(e,t){const n=function(e){const t=uH(),{id:n,selectedIndex:r}=t,o=PT(e.children).map(((e,t)=>a.exports.createElement(dH,{key:t,value:{isSelected:t===r,id:pH(n,t),tabId:fH(n,t),selectedIndex:r}},e)));return{...e,children:o}}(e),r=mH();return H.createElement(lk.div,{...n,width:"100%",ref:t,className:rH("chakra-tabs__tab-panels",e.className),__css:r.tabpanels})}));wH.displayName="TabPanels";var kH=ok((function(e,t){const n=mH(),r=function(e){const{isDisabled:t,isFocusable:n,...r}=e,{setSelectedIndex:o,isManual:i,id:a,setFocusedIndex:s,selectedIndex:l}=uH(),{index:c,register:u}=lH({disabled:t&&!n}),d=c===l;return{...eR({...r,ref:uk(u,e.ref),isDisabled:t,isFocusable:n,onClick:oH(e.onClick,(()=>{o(c)}))}),id:fH(a,c),role:"tab",tabIndex:d?0:-1,type:"button","aria-selected":d,"aria-controls":pH(a,c),onFocus:t?void 0:oH(e.onFocus,(()=>{s(c),!i&&(!t||!n)&&o(c)}))}}({...e,ref:t}),o={outline:"0",display:"flex",alignItems:"center",justifyContent:"center",...n.tab};return H.createElement(lk.button,{...r,className:rH("chakra-tabs__tab",e.className),__css:o})}));kH.displayName="Tab";var SH=(...e)=>e.filter(Boolean).join(" ");var CH=["h","minH","height","minHeight"],_H=ok(((e,t)=>{const n=ak("Textarea",e),{className:r,rows:o,...i}=hf(e),a=YT(i),s=o?function(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}(n,CH):n;return H.createElement(lk.textarea,{ref:t,rows:o,...a,className:SH("chakra-textarea",r),__css:s})}));function EH(e,...t){return PH(e)?e(...t):e}_H.displayName="Textarea";var PH=e=>"function"==typeof e;function LH(e,t){const n=e??"bottom",r={"top-start":{ltr:"top-left",rtl:"top-right"},"top-end":{ltr:"top-right",rtl:"top-left"},"bottom-start":{ltr:"bottom-left",rtl:"bottom-right"},"bottom-end":{ltr:"bottom-right",rtl:"bottom-left"}}[n];return(null==r?void 0:r[t])??n}var OH=(e,t)=>e.find((e=>e.id===t));function MH(e,t){const n=TH(e,t);return{position:n,index:n?e[n].findIndex((e=>e.id===t)):-1}}function TH(e,t){for(const[n,r]of Object.entries(e))if(OH(r,t))return n}function AH(e){return{position:"fixed",zIndex:5500,pointerEvents:"none",display:"flex",flexDirection:"column",margin:"top"===e||"bottom"===e?"0 auto":void 0,top:e.includes("top")?"env(safe-area-inset-top, 0px)":void 0,bottom:e.includes("bottom")?"env(safe-area-inset-bottom, 0px)":void 0,right:e.includes("left")?void 0:"env(safe-area-inset-right, 0px)",left:e.includes("right")?void 0:"env(safe-area-inset-left, 0px)"}}var IH=function(e){let t=e;const n=new Set,r=e=>{t=e(t),n.forEach((e=>e()))};return{getState:()=>t,subscribe:t=>(n.add(t),()=>{r((()=>e)),n.delete(t)}),removeToast:(e,t)=>{r((n=>({...n,[t]:n[t].filter((t=>t.id!=e))})))},notify:(e,t)=>{const n=function(e,t={}){RH+=1;const n=t.id??RH,r=t.position??"bottom";return{id:n,message:e,position:r,duration:t.duration,onCloseComplete:t.onCloseComplete,onRequestRemove:()=>IH.removeToast(String(n),r),status:t.status,requestClose:!1,containerStyle:t.containerStyle}}(e,t),{position:o,id:i}=n;return r((e=>{const t=o.includes("top")?[n,...e[o]??[]]:[...e[o]??[],n];return{...e,[o]:t}})),i},update:(e,t)=>{e&&r((n=>{const r={...n},{position:o,index:i}=MH(r,e);return o&&-1!==i&&(r[o][i]={...r[o][i],...t,message:DH(t)}),r}))},closeAll:({positions:e}={})=>{r((t=>(e??["bottom","bottom-right","bottom-left","top","top-left","top-right"]).reduce(((e,n)=>(e[n]=t[n].map((e=>({...e,requestClose:!0}))),e)),{...t})))},close:e=>{r((t=>{const n=TH(t,e);return n?{...t,[n]:t[n].map((t=>t.id==e?{...t,requestClose:!0}:t))}:t}))},isActive:e=>Boolean(MH(IH.getState(),e).position)}}({top:[],"top-left":[],"top-right":[],"bottom-left":[],bottom:[],"bottom-right":[]});var RH=0;var NH=e=>{const{status:t,variant:n="solid",id:r,title:o,isClosable:i,onClose:a,description:s,icon:l}=e,c=r?{root:`toast-${r}`,title:`toast-${r}-title`,description:`toast-${r}-description`}:void 0;return H.createElement(xT,{addRole:!1,status:t,variant:n,id:null==c?void 0:c.root,alignItems:"start",borderRadius:"md",boxShadow:"lg",paddingEnd:8,textAlign:"start",width:"auto"},ld(kT,{children:l}),H.createElement(lk.div,{flex:"1",maxWidth:"100%"},o&&ld(ST,{id:null==c?void 0:c.title,children:o}),s&&ld(wT,{id:null==c?void 0:c.description,display:"block",children:s})),i&&ld(IA,{size:"sm",onClick:a,position:"absolute",insetEnd:1,top:1}))};function DH(e={}){const{render:t,toastComponent:n=NH}=e;return r=>"function"==typeof t?t({...r,...e}):ld(n,{...r,...e})}function zH(e){const{theme:t}=Xw();return a.exports.useMemo((()=>function(e,t){const n=n=>({...t,...n,position:LH((null==n?void 0:n.position)??(null==t?void 0:t.position),e)}),r=e=>{const t=n(e),r=DH(t);return IH.notify(r,t)};return r.update=(e,t)=>{IH.update(e,n(t))},r.promise=(e,t)=>{const n=r({...t.loading,status:"loading",duration:null});e.then((e=>r.update(n,{status:"success",duration:5e3,...EH(t.success,e)}))).catch((e=>r.update(n,{status:"error",duration:5e3,...EH(t.error,e)})))},r.closeAll=IH.closeAll,r.close=IH.close,r.isActive=IH.isActive,r}(t.direction,e)),[e,t.direction])}var BH={initial:e=>{const{position:t}=e,n=["top","bottom"].includes(t)?"y":"x";let r=["top-right","bottom-right"].includes(t)?1:-1;return"bottom"===t&&(r=1),{opacity:0,[n]:24*r}},animate:{opacity:1,y:0,x:0,scale:1,transition:{duration:.4,ease:[.4,0,.2,1]}},exit:{opacity:0,scale:.85,transition:{duration:.2,ease:[.4,0,1,1]}}},jH=a.exports.memo((e=>{const{id:t,message:n,onCloseComplete:r,onRequestRemove:o,requestClose:i=!1,position:s="bottom",duration:l=5e3,containerStyle:c,motionVariants:u=BH,toastSpacing:d="0.5rem"}=e,[h,f]=a.exports.useState(l),p=AE();nA((()=>{p||null==r||r()}),[p]),nA((()=>{f(l)}),[l]);const g=()=>{p&&o()};a.exports.useEffect((()=>{p&&i&&o()}),[p,i,o]),function(e,t){const n=Ck(e);a.exports.useEffect((()=>{if(null==t)return;let e=null;return e=window.setTimeout((()=>{n()}),t),()=>{e&&window.clearTimeout(e)}}),[t,n])}(g,h);const m=a.exports.useMemo((()=>({pointerEvents:"auto",maxWidth:560,minWidth:300,margin:d,...c})),[c,d]),v=a.exports.useMemo((()=>function(e){let t="center";return e.includes("right")&&(t="flex-end"),e.includes("left")&&(t="flex-start"),{display:"flex",flexDirection:"column",alignItems:t}}(s)),[s]);return H.createElement(iM.li,{layout:!0,className:"chakra-toast",variants:u,initial:"initial",animate:"animate",exit:"exit",onHoverStart:()=>f(null),onHoverEnd:()=>f(l),custom:{position:s},style:v},H.createElement(lk.div,{role:"status","aria-atomic":"true",className:"chakra-toast__inner",__css:m},EH(n,{id:t,onClose:g})))}));jH.displayName="ToastComponent";var FH=e=>{const t=a.exports.useSyncExternalStore(IH.subscribe,IH.getState,IH.getState),{children:n,motionVariants:r,component:o=jH,portalProps:i}=e,s=Object.keys(t).map((e=>{const n=t[e];return ld("ul",{role:"region","aria-live":"polite",id:`chakra-toast-manager-${e}`,style:AH(e),children:ld(hM,{initial:!1,children:n.map((e=>ld(o,{motionVariants:r,...e},e.id)))})},e)}));return cd(sd,{children:[n,ld(sD,{...i,children:s})]})};var HH={exit:{scale:.85,opacity:0,transition:{opacity:{duration:.15,easings:"easeInOut"},scale:{duration:.2,easings:"easeInOut"}}},enter:{scale:1,opacity:1,transition:{opacity:{easings:"easeOut",duration:.2},scale:{duration:.2,ease:[.175,.885,.4,1.1]}}}};function WH(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var VH=e=>{var t;return(null==(t=e.current)?void 0:t.ownerDocument)||document},$H=e=>{var t,n;return(null==(n=null==(t=e.current)?void 0:t.ownerDocument)?void 0:n.defaultView)||window};function UH(e={}){const{openDelay:t=0,closeDelay:n=0,closeOnClick:r=!0,closeOnMouseDown:o,closeOnScroll:i,closeOnPointerDown:s=o,closeOnEsc:l=!0,onOpen:c,onClose:u,placement:d,id:h,isOpen:f,defaultIsOpen:p,arrowSize:g=10,arrowShadowColor:m,arrowPadding:v,modifiers:y,isDisabled:b,gutter:x,offset:w,direction:k,...S}=e,{isOpen:C,onOpen:_,onClose:E}=ZN({isOpen:f,defaultIsOpen:p,onOpen:c,onClose:u}),{referenceRef:P,getPopperProps:L,getArrowInnerProps:O,getArrowProps:M}=qN({enabled:C,placement:d,arrowPadding:v,modifiers:y,gutter:x,offset:w,direction:k}),T=a.exports.useId(),A=`tooltip-${h??T}`,I=a.exports.useRef(null),R=a.exports.useRef(),N=a.exports.useCallback((()=>{R.current&&(clearTimeout(R.current),R.current=void 0)}),[]),D=a.exports.useRef(),z=a.exports.useCallback((()=>{D.current&&(clearTimeout(D.current),D.current=void 0)}),[]),B=a.exports.useCallback((()=>{z(),E()}),[E,z]),j=function(e,t){return a.exports.useEffect((()=>{const n=VH(e);return n.addEventListener(GH,t),()=>n.removeEventListener(GH,t)}),[t,e]),()=>{const t=VH(e),n=$H(e);t.dispatchEvent(new n.CustomEvent(GH))}}(I,B),F=a.exports.useCallback((()=>{if(!b&&!R.current){j();const e=$H(I);R.current=e.setTimeout(_,t)}}),[j,b,_,t]),H=a.exports.useCallback((()=>{N();const e=$H(I);D.current=e.setTimeout(B,n)}),[n,B,N]),W=a.exports.useCallback((()=>{C&&r&&H()}),[r,H,C]),V=a.exports.useCallback((()=>{C&&s&&H()}),[s,H,C]),$=a.exports.useCallback((e=>{C&&"Escape"===e.key&&H()}),[C,H]);GA((()=>VH(I)),"keydown",l?$:void 0),GA((()=>VH(I)),"scroll",(()=>{C&&i&&B()})),a.exports.useEffect((()=>{b&&(N(),C&&E())}),[b,C,E,N]),a.exports.useEffect((()=>()=>{N(),z()}),[N,z]),GA((()=>I.current),"pointerleave",H);const U=a.exports.useCallback(((e={},t=null)=>{const n={...e,ref:uk(I,t,P),onPointerEnter:WH(e.onPointerEnter,(e=>{"touch"!==e.pointerType&&F()})),onClick:WH(e.onClick,W),onPointerDown:WH(e.onPointerDown,V),onFocus:WH(e.onFocus,F),onBlur:WH(e.onBlur,H),"aria-describedby":C?A:void 0};return n}),[F,H,V,C,A,W,P]),G=a.exports.useCallback(((e={},t=null)=>L({...e,style:{...e.style,[IN.arrowSize.var]:g?`${g}px`:void 0,[IN.arrowShadowColor.var]:m}},t)),[L,g,m]),q=a.exports.useCallback(((e={},t=null)=>{const n={...e.style,position:"relative",transformOrigin:IN.transformOrigin.varRef};return{ref:t,...S,...e,id:A,role:"tooltip",style:n}}),[S,A]);return{isOpen:C,show:F,hide:H,getTriggerProps:U,getTooltipProps:q,getTooltipPositionerProps:G,getArrowProps:M,getArrowInnerProps:O}}var GH="chakra-ui:close-tooltip";var qH=lk(iM.div),YH=ok(((e,t)=>{const n=ak("Tooltip",e),r=hf(e),o=Zw(),{children:i,label:s,shouldWrapChildren:l,"aria-label":c,hasArrow:u,bg:d,portalProps:h,background:f,backgroundColor:p,bgColor:g,motionProps:m,...v}=r,y=f??p??d??g;if(y){n.bg=y;const e=function(e,t,n){var r,o;return(null==(o=null==(r=e.__cssMap)?void 0:r[`${t}.${n}`])?void 0:o.varRef)??n}(o,"colors",y);n[IN.arrowBg.var]=e}const b=UH({...v,direction:o.direction});let x;if("string"==typeof i||l)x=H.createElement(lk.span,{display:"inline-block",tabIndex:0,...b.getTriggerProps()},i);else{const e=a.exports.Children.only(i);x=a.exports.cloneElement(e,b.getTriggerProps(e.props,e.ref))}const w=!!c,k=b.getTooltipProps({},t),S=w?function(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}(k,["role","id"]):k,C=function(e,t){const n={};for(const r of t)r in e&&(n[r]=e[r]);return n}(k,["role","id"]);return s?cd(sd,{children:[x,ld(hM,{children:b.isOpen&&H.createElement(sD,{...h},H.createElement(lk.div,{...b.getTooltipPositionerProps(),__css:{zIndex:n.zIndex,pointerEvents:"none"}},cd(qH,{variants:HH,initial:"exit",animate:"enter",exit:"exit",...m,...S,__css:n,children:[s,w&&H.createElement(lk.span,{srOnly:!0,...C},c),u&&H.createElement(lk.div,{"data-popper-arrow":!0,className:"chakra-tooltip__arrow-wrapper"},H.createElement(lk.div,{"data-popper-arrow-inner":!0,className:"chakra-tooltip__arrow",__css:{bg:n.bg}}))]})))})]}):ld(sd,{children:i})}));YH.displayName="Tooltip";var ZH=e=>{const{children:t,colorModeManager:n,portalZIndex:r,resetCSS:o=!0,theme:i={},environment:a,cssVarsRoot:s}=e,l=ld(QI,{environment:a,children:t});return ld(Kw,{theme:i,cssVarsRoot:s,children:cd(yd,{colorModeManager:n,options:i.config,children:[ld(o?UA:$A,{}),ld(Jw,{}),r?ld(eD,{zIndex:r,children:l}):l]})})};function XH({children:e,theme:t=Ww,toastOptions:n,...r}){return cd(ZH,{theme:t,...r,children:[e,ld(FH,{...n})]})}function KH(e){for(var t=arguments.length,n=Array(t>1?t-1:0),r=1;r3?t.i-4:t.i:Array.isArray(e)?1:iW(e)?2:aW(e)?3:0}function nW(e,t){return 2===tW(e)?e.has(t):Object.prototype.hasOwnProperty.call(e,t)}function rW(e,t,n){var r=tW(e);2===r?e.set(t,n):3===r?(e.delete(t),e.add(n)):e[t]=n}function oW(e,t){return e===t?0!==e||1/e==1/t:e!=e&&t!=t}function iW(e){return IW&&e instanceof Map}function aW(e){return RW&&e instanceof Set}function sW(e){return e.o||e.t}function lW(e){if(Array.isArray(e))return Array.prototype.slice.call(e);var t=HW(e);delete t[BW];for(var n=FW(t),r=0;r1&&(e.set=e.add=e.clear=e.delete=uW),Object.freeze(e),t&&eW(e,(function(e,t){return cW(t,!0)}),!0)),e}function uW(){KH(2)}function dW(e){return null==e||"object"!=typeof e||Object.isFrozen(e)}function hW(e){var t=WW[e];return t||KH(18,e),t}function fW(){return TW}function pW(e,t){t&&(hW("Patches"),e.u=[],e.s=[],e.v=t)}function gW(e){mW(e),e.p.forEach(yW),e.p=null}function mW(e){e===TW&&(TW=e.l)}function vW(e){return TW={p:[],l:TW,h:e,m:!0,_:0}}function yW(e){var t=e[BW];0===t.i||1===t.i?t.j():t.O=!0}function bW(e,t){t._=t.p.length;var n=t.p[0],r=void 0!==e&&e!==n;return t.h.g||hW("ES5").S(t,e,r),r?(n[BW].P&&(gW(t),KH(4)),JH(e)&&(e=xW(t,e),t.l||kW(t,e)),t.u&&hW("Patches").M(n[BW].t,e,t.u,t.s)):e=xW(t,n,[]),gW(t),t.u&&t.v(t.u,t.s),e!==DW?e:void 0}function xW(e,t,n){if(dW(t))return t;var r=t[BW];if(!r)return eW(t,(function(o,i){return wW(e,r,t,o,i,n)}),!0),t;if(r.A!==e)return t;if(!r.P)return kW(e,r.t,!0),r.t;if(!r.I){r.I=!0,r.A._--;var o=4===r.i||5===r.i?r.o=lW(r.k):r.o;eW(3===r.i?new Set(o):o,(function(t,i){return wW(e,r,o,t,i,n)})),kW(e,o,!1),n&&e.u&&hW("Patches").R(r,n,e.u,e.s)}return r.o}function wW(e,t,n,r,o,i){if(QH(o)){var a=xW(e,o,i&&t&&3!==t.i&&!nW(t.D,r)?i.concat(r):void 0);if(rW(n,r,a),!QH(a))return;e.m=!1}if(JH(o)&&!dW(o)){if(!e.h.F&&e._<1)return;xW(e,o),t&&t.A.l||kW(e,o)}}function kW(e,t,n){void 0===n&&(n=!1),e.h.F&&e.m&&cW(t,n)}function SW(e,t){var n=e[BW];return(n?sW(n):e)[t]}function CW(e,t){if(t in e)for(var n=Object.getPrototypeOf(e);n;){var r=Object.getOwnPropertyDescriptor(n,t);if(r)return r;n=Object.getPrototypeOf(n)}}function _W(e){e.P||(e.P=!0,e.l&&_W(e.l))}function EW(e){e.o||(e.o=lW(e.t))}function PW(e,t,n){var r=iW(t)?hW("MapSet").N(t,n):aW(t)?hW("MapSet").T(t,n):e.g?function(e,t){var n=Array.isArray(e),r={i:n?1:0,A:t?t.A:fW(),P:!1,I:!1,D:{},l:t,t:e,k:null,o:null,j:null,C:!1},o=r,i=VW;n&&(o=[r],i=$W);var a=Proxy.revocable(o,i),s=a.revoke,l=a.proxy;return r.k=l,r.j=s,l}(t,n):hW("ES5").J(t,n);return(n?n.A:fW()).p.push(r),r}function LW(e){return QH(e)||KH(22,e),function e(t){if(!JH(t))return t;var n,r=t[BW],o=tW(t);if(r){if(!r.P&&(r.i<4||!hW("ES5").K(r)))return r.t;r.I=!0,n=OW(t,o),r.I=!1}else n=OW(t,o);return eW(n,(function(t,o){r&&function(e,t){return 2===tW(e)?e.get(t):e[t]}(r.t,t)===o||rW(n,t,e(o))})),3===o?new Set(n):n}(e)}function OW(e,t){switch(t){case 2:return new Map(e);case 3:return Array.from(e)}return lW(e)}var MW,TW,AW="undefined"!=typeof Symbol&&"symbol"==typeof Symbol("x"),IW="undefined"!=typeof Map,RW="undefined"!=typeof Set,NW="undefined"!=typeof Proxy&&void 0!==Proxy.revocable&&"undefined"!=typeof Reflect,DW=AW?Symbol.for("immer-nothing"):((MW={})["immer-nothing"]=!0,MW),zW=AW?Symbol.for("immer-draftable"):"__$immer_draftable",BW=AW?Symbol.for("immer-state"):"__$immer_state",jW=""+Object.prototype.constructor,FW="undefined"!=typeof Reflect&&Reflect.ownKeys?Reflect.ownKeys:void 0!==Object.getOwnPropertySymbols?function(e){return Object.getOwnPropertyNames(e).concat(Object.getOwnPropertySymbols(e))}:Object.getOwnPropertyNames,HW=Object.getOwnPropertyDescriptors||function(e){var t={};return FW(e).forEach((function(n){t[n]=Object.getOwnPropertyDescriptor(e,n)})),t},WW={},VW={get:function(e,t){if(t===BW)return e;var n=sW(e);if(!nW(n,t))return function(e,t,n){var r,o=CW(t,n);return o?"value"in o?o.value:null===(r=o.get)||void 0===r?void 0:r.call(e.k):void 0}(e,n,t);var r=n[t];return e.I||!JH(r)?r:r===SW(e.t,t)?(EW(e),e.o[t]=PW(e.A.h,r,e)):r},has:function(e,t){return t in sW(e)},ownKeys:function(e){return Reflect.ownKeys(sW(e))},set:function(e,t,n){var r=CW(sW(e),t);if(null==r?void 0:r.set)return r.set.call(e.k,n),!0;if(!e.P){var o=SW(sW(e),t),i=null==o?void 0:o[BW];if(i&&i.t===n)return e.o[t]=n,e.D[t]=!1,!0;if(oW(n,o)&&(void 0!==n||nW(e.t,t)))return!0;EW(e),_W(e)}return e.o[t]===n&&"number"!=typeof n&&(void 0!==n||t in e.o)||(e.o[t]=n,e.D[t]=!0,!0)},deleteProperty:function(e,t){return void 0!==SW(e.t,t)||t in e.t?(e.D[t]=!1,EW(e),_W(e)):delete e.D[t],e.o&&delete e.o[t],!0},getOwnPropertyDescriptor:function(e,t){var n=sW(e),r=Reflect.getOwnPropertyDescriptor(n,t);return r?{writable:!0,configurable:1!==e.i||"length"!==t,enumerable:r.enumerable,value:n[t]}:r},defineProperty:function(){KH(11)},getPrototypeOf:function(e){return Object.getPrototypeOf(e.t)},setPrototypeOf:function(){KH(12)}},$W={};eW(VW,(function(e,t){$W[e]=function(){return arguments[0]=arguments[0][0],t.apply(this,arguments)}})),$W.deleteProperty=function(e,t){return $W.set.call(this,e,t,void 0)},$W.set=function(e,t,n){return VW.set.call(this,e[0],t,n,e[0])};var UW=function(){function e(e){var t=this;this.g=NW,this.F=!0,this.produce=function(e,n,r){if("function"==typeof e&&"function"!=typeof n){var o=n;n=e;var i=t;return function(e){var t=this;void 0===e&&(e=o);for(var r=arguments.length,a=Array(r>1?r-1:0),s=1;s1?r-1:0),i=1;i=0;n--){var r=t[n];if(0===r.path.length&&"replace"===r.op){e=r.value;break}}n>-1&&(t=t.slice(n+1));var o=hW("Patches").$;return QH(e)?o(e,t):this.produce(e,(function(e){return o(e,t)}))},e}(),GW=new UW,qW=GW.produce;function YW(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),n.push.apply(n,r)}return n}function ZW(e){for(var t=1;t-1){var o=n[r];return r>0&&(n.splice(r,1),n.unshift(o)),o.value}return iV}return{get:r,put:function(t,o){r(t)===iV&&(n.unshift({key:t,value:o}),n.length>e&&n.pop())},getEntries:function(){return n},clear:function(){n=[]}}}(l,u);function h(){var t=d.get(arguments);if(t===iV){if(t=e.apply(null,arguments),c){var n=d.getEntries(),r=n.find((function(e){return c(e.value,t)}));r&&(t=r.value)}d.put(arguments,t)}return t}return h.clearCache=function(){return d.clear()},h}function lV(e){var t=Array.isArray(e[0])?e[0]:e;if(!t.every((function(e){return"function"==typeof e}))){var n=t.map((function(e){return"function"==typeof e?"function "+(e.name||"unnamed")+"()":typeof e})).join(", ");throw new Error("createSelector expects all input-selectors to be functions, but received the following types: ["+n+"]")}return t}function cV(e){for(var t=arguments.length,n=new Array(t>1?t-1:0),r=1;r0&&o[o.length-1])||6!==i[0]&&2!==i[0])){a=0;continue}if(3===i[0]&&(!o||i[1]>o[0]&&i[1]=0;t--){var o=e[t][BW];if(!o.P)switch(o.i){case 5:r(o)&&_W(o);break;case 4:n(o)&&_W(o)}}}function n(e){for(var t=e.t,n=e.k,r=FW(n),o=r.length-1;o>=0;o--){var i=r[o];if(i!==BW){var a=t[i];if(void 0===a&&!nW(t,i))return!0;var s=n[i],l=s&&s[BW];if(l?l.t!==a:!oW(s,a))return!0}}var c=!!t[BW];return r.length!==FW(t).length+(c?0:1)}function r(e){var t=e.k;if(t.length!==e.t.length)return!0;var n=Object.getOwnPropertyDescriptor(t,t.length-1);if(n&&!n.get)return!0;for(var r=0;r{Object.keys(e).forEach((function(t){v(t)&&u[t]!==e[t]&&-1===h.indexOf(t)&&h.push(t)})),Object.keys(u).forEach((function(t){void 0===e[t]&&v(t)&&-1===h.indexOf(t)&&void 0!==u[t]&&h.push(t)})),null===f&&(f=setInterval(m,i)),u=e}),a)},flush:function(){for(;0!==h.length;)m();return p||Promise.resolve()}}}function KV(e){return JSON.stringify(e)}function QV(e){var t,n=e.transforms||[],r="".concat(void 0!==e.keyPrefix?e.keyPrefix:jV).concat(e.key),o=e.storage;return e.debug,t=!1===e.deserialize?function(e){return e}:"function"==typeof e.deserialize?e.deserialize:JV,o.getItem(r).then((function(e){if(e)try{var r={},o=t(e);return Object.keys(o).forEach((function(e){r[e]=n.reduceRight((function(t,n){return n.out(t,e,o)}),t(o[e]))})),r}catch(Hhe){throw Hhe}}))}function JV(e){return JSON.parse(e)}function e$(e){0}function t$(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),n.push.apply(n,r)}return n}function n$(e){for(var t=1;t=0||(o[n]=e[n]);return o}(e,t);if(Object.getOwnPropertySymbols){var i=Object.getOwnPropertySymbols(e);for(r=0;r=0||Object.prototype.propertyIsEnumerable.call(e,n)&&(o[n]=e[n])}return o}function i$(e){return function(e){if(Array.isArray(e)){for(var t=0,n=new Array(e.length);t0&&void 0!==arguments[0]?arguments[0]:c$,t=arguments.length>1?arguments[1]:void 0;switch(t.type){case UV:return s$({},e,{registry:[].concat(i$(e.registry),[t.key])});case HV:var n=e.registry.indexOf(t.key),r=i$(e.registry);return r.splice(n,1),s$({},e,{registry:r,bootstrapped:0===r.length});default:return e}};var d$={},h$={};function f$(e){return f$="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},f$(e)}function p$(){}h$.__esModule=!0,h$.default=function(e){var t="".concat(e,"Storage");return function(e){if("object"!==("undefined"==typeof self?"undefined":f$(self))||!(e in self))return!1;try{var t=self[e],n="redux-persist ".concat(e," test");t.setItem(n,"test"),t.getItem(n),t.removeItem(n)}catch(B2){return!1}return!0}(t)?self[t]:g$};var g$={getItem:p$,setItem:p$,removeItem:p$};d$.__esModule=!0,d$.default=function(e){var t=(0,v$.default)(e);return{getItem:function(e){return new Promise((function(n,r){n(t.getItem(e))}))},setItem:function(e,n){return new Promise((function(r,o){r(t.setItem(e,n))}))},removeItem:function(e){return new Promise((function(n,r){n(t.removeItem(e))}))}}};var m$,v$=(m$=h$)&&m$.__esModule?m$:{default:m$};var y$,b$=function(e){return e&&e.__esModule?e:{default:e}}(d$);y$=(0,b$.default)("local");var x$={},w$={},k$={};Object.defineProperty(k$,"__esModule",{value:!0}),k$.PLACEHOLDER_UNDEFINED=k$.PACKAGE_NAME=void 0,k$.PACKAGE_NAME="redux-deep-persist",k$.PLACEHOLDER_UNDEFINED="@@placeholder/undefined";var S$={};!function(e){var t;Object.defineProperty(e,"__esModule",{value:!0}),e.ConfigType=void 0,(t=e.ConfigType||(e.ConfigType={}))[t.WHITELIST=0]="WHITELIST",t[t.BLACKLIST=1]="BLACKLIST"}(S$),function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.getRootKeysGroup=e.throwError=e.configValidator=e.transformsValidator=e.singleTransformValidator=e.findDuplicatesAndSubsets=e.unique=e.preserveUndefined=e.mergeDeep=e.dissocPath=e.assocPath=e.path=e.difference=e.cloneDeep=e._cloneDeep=e.getCircularPath=e.isEmpty=e.isDate=e.isString=e.isIntegerString=e.isPlainObject=e.isArray=e.isLength=e.isObjectLike=void 0;const t=k$,n=S$;e.isObjectLike=function(e){return"object"==typeof e&&null!==e};e.isLength=function(e){return"number"==typeof e&&e>-1&&e%1==0&&e<=Number.MAX_SAFE_INTEGER},e.isArray=Array.isArray||function(t){return(0,e.isLength)(t&&t.length)&&"[object Array]"===Object.prototype.toString.call(t)};e.isPlainObject=function(t){return!!t&&"object"==typeof t&&!(0,e.isArray)(t)};e.isIntegerString=function(e){return String(~~e)===e&&Number(e)>=0};e.isString=function(e){return"[object String]"===Object.prototype.toString.call(e)};e.isDate=function(e){return"[object Date]"===Object.prototype.toString.call(e)};e.isEmpty=function(e){return 0===Object.keys(e).length};const r=Object.prototype.hasOwnProperty;e.getCircularPath=function(t,n,r){r||(r=new Set([t])),n||(n="");for(const o in t){const i=n?`${n}.${o}`:o,a=t[o];if((0,e.isObjectLike)(a))return r.has(a)?`${n}.${o}:`:(r.add(a),(0,e.getCircularPath)(a,i,r))}return null};e._cloneDeep=function(t){if(!(0,e.isObjectLike)(t))return t;if((0,e.isDate)(t))return new Date(+t);const n=(0,e.isArray)(t)?[]:{};for(const r in t){const o=t[r];n[r]=(0,e._cloneDeep)(o)}return n};e.cloneDeep=function(n){const r=(0,e.getCircularPath)(n);if(r)throw new Error(`${t.PACKAGE_NAME}: circular dependency detected under the path '${r}' of object you're trying to persist: ${n}`);return(0,e._cloneDeep)(n)};e.difference=function(t,n){if(t===n)return{};if(!(0,e.isObjectLike)(t)||!(0,e.isObjectLike)(n))return n;const o=(0,e.cloneDeep)(t),i=(0,e.cloneDeep)(n),a=Object.keys(o).reduce(((e,t)=>(r.call(i,t)||(e[t]=void 0),e)),{});if((0,e.isDate)(o)||(0,e.isDate)(i))return o.valueOf()===i.valueOf()?{}:i;const s=Object.keys(i).reduce(((t,n)=>{if(!r.call(o,n))return t[n]=i[n],t;const a=(0,e.difference)(o[n],i[n]);return(0,e.isObjectLike)(a)&&(0,e.isEmpty)(a)&&!(0,e.isDate)(a)?(0,e.isArray)(o)&&!(0,e.isArray)(i)||!(0,e.isArray)(o)&&(0,e.isArray)(i)?i:t:(t[n]=a,t)}),a);return delete s._persist,s};e.path=function(t,n){return n.reduce(((t,n)=>{if(t){const r=parseInt(n,10),o=(0,e.isIntegerString)(n)&&r<0?t.length+r:n;return(0,e.isString)(t)?t.charAt(o):t[o]}}),t)};e.assocPath=function(t,n){const r=[...t].reverse().reduce(((t,r,o)=>{const i=(0,e.isIntegerString)(r)?[]:{};return i[r]=0===o?n:t,i}),{});return r};e.dissocPath=function(t,n){const r=(0,e.cloneDeep)(t);return n.reduce(((t,r,o)=>(o===n.length-1&&t&&(0,e.isObjectLike)(t)&&delete t[r],t&&t[r])),r),r};const o=function(n,r,...i){if(!i||!i.length)return r;const a=i.shift(),{preservePlaceholder:s,preserveUndefined:l}=n;if((0,e.isObjectLike)(r)&&(0,e.isObjectLike)(a))for(const c in a)if((0,e.isObjectLike)(a[c])&&(0,e.isObjectLike)(r[c]))r[c]||(r[c]={}),o(n,r[c],a[c]);else if((0,e.isArray)(r)){let e=a[c];const n=s?t.PLACEHOLDER_UNDEFINED:void 0;l||(e=void 0!==e?e:r[parseInt(c,10)]),e=e!==t.PLACEHOLDER_UNDEFINED?e:n,r[parseInt(c,10)]=e}else{const e=a[c]!==t.PLACEHOLDER_UNDEFINED?a[c]:void 0;r[c]=e}return o(n,r,...i)};e.mergeDeep=function(t,n,r){return o({preservePlaceholder:null==r?void 0:r.preservePlaceholder,preserveUndefined:null==r?void 0:r.preserveUndefined},(0,e.cloneDeep)(t),(0,e.cloneDeep)(n))};const i=function(r,o=[],a,s,l){if(!(0,e.isObjectLike)(r))return r;for(const c in r){const u=r[c],d=(0,e.isArray)(r),h=s?s+"."+c:c;null===u&&(a===n.ConfigType.WHITELIST&&-1===o.indexOf(h)||a===n.ConfigType.BLACKLIST&&-1!==o.indexOf(h))&&d&&(r[parseInt(c,10)]=void 0),void 0===u&&l&&a===n.ConfigType.BLACKLIST&&-1===o.indexOf(h)&&d&&(r[parseInt(c,10)]=t.PLACEHOLDER_UNDEFINED),i(u,o,a,h,l)}};e.preserveUndefined=function(t,n,r,o){const a=(0,e.cloneDeep)(t);return i(a,n,r,"",o),a};e.unique=function(e,t,n){return n.indexOf(e)===t};e.findDuplicatesAndSubsets=function(t){return t.reduce(((n,r)=>{const o=t.filter((e=>e===r)),i=t.filter((e=>0===(r+".").indexOf(e+"."))),{duplicates:a,subsets:s}=n,l=o.length>1&&-1===a.indexOf(r),c=i.length>1;return{duplicates:[...a,...l?o:[]],subsets:[...s,...c?i:[]].filter(e.unique).sort()}}),{duplicates:[],subsets:[]})};e.singleTransformValidator=function(r,o,i){const a=i===n.ConfigType.WHITELIST?"whitelist":"blacklist",s=`${t.PACKAGE_NAME}: incorrect ${a} configuration.`,l=`Check your create${i===n.ConfigType.WHITELIST?"White":"Black"}list arguments.\n\n`;if(!(0,e.isString)(o)||o.length<1)throw new Error(`${s} Name (key) of reducer is required. ${l}`);if(!r||!r.length)return;const{duplicates:c,subsets:u}=(0,e.findDuplicatesAndSubsets)(r);if(c.length>1)throw new Error(`${s} Duplicated paths.\n\n ${JSON.stringify(c)}\n\n ${l}`);if(u.length>1)throw new Error(`${s} You are trying to persist an entire property and also some of its subset.\n\n${JSON.stringify(u)}\n\n ${l}`)};e.transformsValidator=function(n){if(!(0,e.isArray)(n))return;const r=(null==n?void 0:n.map((e=>e.deepPersistKey)).filter((e=>e)))||[];if(r.length){const e=r.filter(((e,t)=>r.indexOf(e)!==t));if(e.length)throw new Error(`${t.PACKAGE_NAME}: found duplicated keys in transforms creators. You can createWhitelist or createBlacklist for a specific root reducer key only once. Duplicated keys among createWhitelist and createBlacklist transforms are not allowed.\n\n Duplicates: ${JSON.stringify(e)}`)}};e.configValidator=function({whitelist:n,blacklist:r}){if(n&&n.length&&r&&r.length)throw new Error(`${t.PACKAGE_NAME}: you should not define a whitelist and blacklist in parallel. It is allowed to use only one of these lists per config.`);if(n){const{duplicates:t,subsets:r}=(0,e.findDuplicatesAndSubsets)(n);(0,e.throwError)({duplicates:t,subsets:r},"whitelist")}if(r){const{duplicates:t,subsets:n}=(0,e.findDuplicatesAndSubsets)(r);(0,e.throwError)({duplicates:t,subsets:n},"blacklist")}};e.throwError=function({duplicates:e,subsets:n},r){if(e.length)throw new Error(`${t.PACKAGE_NAME}: duplicates of paths found in your ${r}.\n\n ${JSON.stringify(e)}`);if(n.length)throw new Error(`${t.PACKAGE_NAME}: subsets of some parent keys found in your ${r}. You must decide if you want to persist an entire path or its specific subset.\n\n ${JSON.stringify(n)}`)};e.getRootKeysGroup=function(t){return(0,e.isArray)(t)?t.filter(e.unique).reduce(((e,t)=>{const n=t.split("."),r=n[0],o=n.slice(1).join(".")||void 0,i=e.filter((e=>Object.keys(e)[0]===r))[0],a=i?Object.values(i)[0]:void 0;return i||e.push({[r]:o?[o]:void 0}),i&&!a&&o&&(i[r]=[o]),i&&a&&o&&a.push(o),e}),[]):[]}}(w$),function(e){var t=o&&o.__rest||function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols){var o=0;for(r=Object.getOwnPropertySymbols(e);o!i(n)&&e?e(t,n,r):t,out:(e,n,r)=>!i(n)&&t?t(e,n,r):e,deepPersistKey:r&&r[0]}};e.autoMergeDeep=(e,t,o,{debug:i,whitelist:a,blacklist:s,transforms:l})=>{if(a||s)throw new Error("State reconciler autoMergeDeep uses custom transforms instead of old whitelist or blacklist config properties. Please use createWhitelist or createBlacklist transforms.");(0,n.transformsValidator)(l);const c=(0,n.cloneDeep)(o);let u=e;if(u&&(0,n.isObjectLike)(u)){const a=(0,n.difference)(t,o);(0,n.isEmpty)(a)||(u=(0,n.mergeDeep)(e,a,{preserveUndefined:!0}),i&&console.log(`${r.PACKAGE_NAME}/autoMergeDeep: sub state of your state was modified by reducer during rehydration. Values from reducer will be kept: ${JSON.stringify(a)}`)),Object.keys(u).forEach((e=>{"_persist"!==e&&((0,n.isObjectLike)(c[e])?c[e]=(0,n.mergeDeep)(c[e],u[e]):c[e]=u[e])}))}return i&&u&&(0,n.isObjectLike)(u)&&console.log(`${r.PACKAGE_NAME}/autoMergeDeep: rehydrated keys ${JSON.stringify(u)}`),c};e.createWhitelist=(e,t)=>((0,n.singleTransformValidator)(t,e,i.ConfigType.WHITELIST),a((e=>{if(!t||!t.length)return e;let o,i=null;return t.forEach((t=>{const a=t.split(".");o=(0,n.path)(e,a),void 0===o&&(0,n.isIntegerString)(a[a.length-1])&&(o=r.PLACEHOLDER_UNDEFINED);const s=(0,n.assocPath)(a,o),l=(0,n.isArray)(s)?[]:{};i=(0,n.mergeDeep)(i||l,s,{preservePlaceholder:!0})})),i||e}),(e=>(0,n.preserveUndefined)(e,t,i.ConfigType.WHITELIST)),{whitelist:[e]}));e.createBlacklist=(e,t)=>((0,n.singleTransformValidator)(t,e,i.ConfigType.BLACKLIST),a((e=>{if(!t||!t.length)return;const r=(0,n.preserveUndefined)(e,t,i.ConfigType.BLACKLIST,!0);return t.map((e=>e.split("."))).reduce(((e,t)=>(0,n.dissocPath)(e,t)),r)}),(e=>(0,n.preserveUndefined)(e,t,i.ConfigType.BLACKLIST)),{whitelist:[e]}));e.getTransforms=function(t,n){return n.map((n=>{const r=Object.keys(n)[0],o=n[r];return t===i.ConfigType.WHITELIST?(0,e.createWhitelist)(r,o):(0,e.createBlacklist)(r,o)}))};e.getPersistConfig=r=>{var{key:o,whitelist:a,blacklist:s,storage:l,transforms:c,rootReducer:u}=r,d=t(r,["key","whitelist","blacklist","storage","transforms","rootReducer"]);(0,n.configValidator)({whitelist:a,blacklist:s});const h=(0,n.getRootKeysGroup)(a),f=(0,n.getRootKeysGroup)(s),p=Object.keys(u(void 0,{type:""})),g=h.map((e=>Object.keys(e)[0])),m=f.map((e=>Object.keys(e)[0])),v=p.filter((e=>-1===g.indexOf(e)&&-1===m.indexOf(e))),y=(0,e.getTransforms)(i.ConfigType.WHITELIST,h),b=(0,e.getTransforms)(i.ConfigType.BLACKLIST,f),x=(0,n.isArray)(a)?v.map((t=>(0,e.createBlacklist)(t))):[];return Object.assign(Object.assign({},d),{key:o,storage:l,transforms:[...y,...b,...x,...c||[]],stateReconciler:e.autoMergeDeep})}}(x$);const C$=e=>1===e.length?e[0].prompt:e.map((e=>`${e.prompt}:${e.weight}`)).join(" "),_$=e=>"string"==typeof e?Boolean((e=>{const t=e.split(",").map((e=>e.split(":"))),n=t.map((e=>({seed:Number(e[0]),weight:Number(e[1])})));return!!_$(n)&&n})(e)):Boolean(e.length&&!e.some((e=>{const{seed:t,weight:n}=e,r=!isNaN(parseInt(t.toString(),10)),o=!isNaN(parseInt(n.toString(),10))&&n>=0&&n<=1;return!(r&&o)}))),E$=e=>e.reduce(((e,t,n,r)=>{const{seed:o,weight:i}=t;return e+=`${o}:${i}`,n!==r.length-1&&(e+=","),e}),""),P$=["txt2img","img2img","unifiedCanvas","nodes","postprocess","training"],L$={activeTab:0,cfgScale:7.5,codeformerFidelity:.75,currentTheme:"dark",facetoolStrength:.8,facetoolType:"gfpgan",height:512,hiresFix:!1,img2imgStrength:.75,infillMethod:"patchmatch",isLightBoxOpen:!1,iterations:1,maskPath:"",optionsPanelScrollPosition:0,perlin:0,prompt:"",sampler:"k_lms",seamBlur:16,seamless:!1,seamSize:96,seamSteps:10,seamStrength:.7,seed:0,seedWeights:"",shouldFitToWidthHeight:!0,shouldGenerateVariations:!1,shouldHoldOptionsPanelOpen:!1,shouldLoopback:!1,shouldPinOptionsPanel:!0,shouldRandomizeSeed:!0,shouldRunESRGAN:!1,shouldRunFacetool:!1,shouldShowImageDetails:!1,shouldShowOptionsPanel:!0,showAdvancedOptions:!0,showDualDisplay:!0,steps:50,threshold:0,tileSize:32,upscalingLevel:4,upscalingStrength:.75,variationAmount:.1,width:512,shouldUseCanvasBetaLayout:!1,shouldShowExistingModelsInSearch:!1},O$=AV({name:"options",initialState:L$,reducers:{setPrompt:(e,t)=>{const n=t.payload;e.prompt="string"==typeof n?n:C$(n)},setIterations:(e,t)=>{e.iterations=t.payload},setSteps:(e,t)=>{e.steps=t.payload},setCfgScale:(e,t)=>{e.cfgScale=t.payload},setThreshold:(e,t)=>{e.threshold=t.payload},setPerlin:(e,t)=>{e.perlin=t.payload},setHeight:(e,t)=>{e.height=t.payload},setWidth:(e,t)=>{e.width=t.payload},setSampler:(e,t)=>{e.sampler=t.payload},setSeed:(e,t)=>{e.seed=t.payload,e.shouldRandomizeSeed=!1},setImg2imgStrength:(e,t)=>{e.img2imgStrength=t.payload},setFacetoolStrength:(e,t)=>{e.facetoolStrength=t.payload},setCodeformerFidelity:(e,t)=>{e.codeformerFidelity=t.payload},setUpscalingLevel:(e,t)=>{e.upscalingLevel=t.payload},setUpscalingStrength:(e,t)=>{e.upscalingStrength=t.payload},setMaskPath:(e,t)=>{e.maskPath=t.payload},setSeamless:(e,t)=>{e.seamless=t.payload},setHiresFix:(e,t)=>{e.hiresFix=t.payload},setShouldFitToWidthHeight:(e,t)=>{e.shouldFitToWidthHeight=t.payload},resetSeed:e=>{e.seed=-1},setParameter:(e,t)=>{const{key:n,value:r}=t.payload,o={...e,[n]:r};return"seed"===n&&(o.shouldRandomizeSeed=!1),o},setShouldGenerateVariations:(e,t)=>{e.shouldGenerateVariations=t.payload},setVariationAmount:(e,t)=>{e.variationAmount=t.payload},setSeedWeights:(e,t)=>{e.seedWeights=t.payload,e.shouldGenerateVariations=!0,e.variationAmount=0},setAllTextToImageParameters:(e,t)=>{const{sampler:n,prompt:r,seed:o,variations:i,steps:a,cfg_scale:s,threshold:l,perlin:c,seamless:u,hires_fix:d,width:h,height:f}=t.payload.image;i&&i.length>0?(e.seedWeights=E$(i),e.shouldGenerateVariations=!0,e.variationAmount=0):e.shouldGenerateVariations=!1,o&&(e.seed=o,e.shouldRandomizeSeed=!1),r&&(e.prompt=C$(r)),n&&(e.sampler=n),a&&(e.steps=a),s&&(e.cfgScale=s),e.threshold=void 0===l?0:l,c&&(e.perlin=c),void 0===c&&(e.perlin=0),"boolean"==typeof u&&(e.seamless=u),"boolean"==typeof d&&(e.hiresFix=d),h&&(e.width=h),f&&(e.height=f)},setAllImageToImageParameters:(e,t)=>{const{type:n,strength:r,fit:o,init_image_path:i,mask_image_path:a}=t.payload.image;"img2img"===n&&(i&&(e.initialImage=i),a&&(e.maskPath=a),r&&(e.img2imgStrength=r),"boolean"==typeof o&&(e.shouldFitToWidthHeight=o))},setAllParameters:(e,t)=>{const{type:n,sampler:r,prompt:o,seed:i,variations:a,steps:s,cfg_scale:l,threshold:c,perlin:u,seamless:d,hires_fix:h,width:f,height:p,strength:g,fit:m,init_image_path:v,mask_image_path:y}=t.payload.image;"img2img"===n&&(v&&(e.initialImage=v),y&&(e.maskPath=y),g&&(e.img2imgStrength=g),"boolean"==typeof m&&(e.shouldFitToWidthHeight=m)),a&&a.length>0?(e.seedWeights=E$(a),e.shouldGenerateVariations=!0,e.variationAmount=0):e.shouldGenerateVariations=!1,i&&(e.seed=i,e.shouldRandomizeSeed=!1),o&&(e.prompt=C$(o)),r&&(e.sampler=r),s&&(e.steps=s),l&&(e.cfgScale=l),c&&(e.threshold=c),void 0===c&&(e.threshold=0),u&&(e.perlin=u),void 0===u&&(e.perlin=0),"boolean"==typeof d&&(e.seamless=d),"boolean"==typeof h&&(e.hiresFix=h),f&&(e.width=f),p&&(e.height=p),e.shouldRunESRGAN=!1,e.shouldRunFacetool=!1},resetOptionsState:e=>({...e,...L$}),setShouldRunFacetool:(e,t)=>{e.shouldRunFacetool=t.payload},setFacetoolType:(e,t)=>{e.facetoolType=t.payload},setShouldRunESRGAN:(e,t)=>{e.shouldRunESRGAN=t.payload},setShouldRandomizeSeed:(e,t)=>{e.shouldRandomizeSeed=t.payload},setShowAdvancedOptions:(e,t)=>{e.showAdvancedOptions=t.payload},setActiveTab:(e,t)=>{"number"==typeof t.payload?e.activeTab=t.payload:e.activeTab=P$.indexOf(t.payload)},setShouldShowImageDetails:(e,t)=>{e.shouldShowImageDetails=t.payload},setShowDualDisplay:(e,t)=>{e.showDualDisplay=t.payload},setInitialImage:(e,t)=>{e.initialImage=t.payload},clearInitialImage:e=>{e.initialImage=void 0},setShouldPinOptionsPanel:(e,t)=>{e.shouldPinOptionsPanel=t.payload},setShouldShowOptionsPanel:(e,t)=>{e.shouldShowOptionsPanel=t.payload},setOptionsPanelScrollPosition:(e,t)=>{e.optionsPanelScrollPosition=t.payload},setShouldHoldOptionsPanelOpen:(e,t)=>{e.shouldHoldOptionsPanelOpen=t.payload},setShouldLoopback:(e,t)=>{e.shouldLoopback=t.payload},setCurrentTheme:(e,t)=>{e.currentTheme=t.payload},setIsLightBoxOpen:(e,t)=>{e.isLightBoxOpen=t.payload},setSeamSize:(e,t)=>{e.seamSize=t.payload},setSeamBlur:(e,t)=>{e.seamBlur=t.payload},setSeamStrength:(e,t)=>{e.seamStrength=t.payload},setSeamSteps:(e,t)=>{e.seamSteps=t.payload},setTileSize:(e,t)=>{e.tileSize=t.payload},setInfillMethod:(e,t)=>{e.infillMethod=t.payload},setShouldUseCanvasBetaLayout:(e,t)=>{e.shouldUseCanvasBetaLayout=t.payload},setShouldShowExistingModelsInSearch:(e,t)=>{e.shouldShowExistingModelsInSearch=t.payload}}}),{clearInitialImage:M$,resetOptionsState:T$,resetSeed:A$,setActiveTab:I$,setAllImageToImageParameters:R$,setAllParameters:N$,setAllTextToImageParameters:D$,setCfgScale:z$,setCodeformerFidelity:B$,setCurrentTheme:j$,setFacetoolStrength:F$,setFacetoolType:H$,setHeight:W$,setHiresFix:V$,setImg2imgStrength:$$,setInfillMethod:U$,setInitialImage:G$,setIsLightBoxOpen:q$,setIterations:Y$,setMaskPath:Z$,setOptionsPanelScrollPosition:X$,setParameter:K$,setPerlin:Q$,setPrompt:J$,setSampler:eU,setSeamBlur:tU,setSeamless:nU,setSeamSize:rU,setSeamSteps:oU,setSeamStrength:iU,setSeed:aU,setSeedWeights:sU,setShouldFitToWidthHeight:lU,setShouldGenerateVariations:cU,setShouldHoldOptionsPanelOpen:uU,setShouldLoopback:dU,setShouldPinOptionsPanel:hU,setShouldRandomizeSeed:fU,setShouldRunESRGAN:pU,setShouldRunFacetool:gU,setShouldShowImageDetails:mU,setShouldShowOptionsPanel:vU,setShowAdvancedOptions:yU,setShowDualDisplay:bU,setSteps:xU,setThreshold:wU,setTileSize:kU,setUpscalingLevel:SU,setUpscalingStrength:CU,setVariationAmount:_U,setWidth:EU,setShouldUseCanvasBetaLayout:PU,setShouldShowExistingModelsInSearch:LU}=O$.actions,OU=O$.reducer;var MU={exports:{}};
+var Y=a.exports,Z=G.exports;function X(e){for(var t="https://reactjs.org/docs/error-decoder.html?invariant="+e,n=1;nt}return!1}(t,n,o,r)&&(n=null),r||null===o?function(e){return!!ne.call(ie,e)||!ne.call(oe,e)&&(re.test(e)?ie[e]=!0:(oe[e]=!0,!1))}(t)&&(null===n?e.removeAttribute(t):e.setAttribute(t,""+n)):o.mustUseProperty?e[o.propertyName]=null===n?3!==o.type&&"":n:(t=o.attributeName,r=o.attributeNamespace,null===n?e.removeAttribute(t):(n=3===(o=o.type)||4===o&&!0===n?"":""+n,r?e.setAttributeNS(r,t,n):e.setAttribute(t,n))))}"accent-height alignment-baseline arabic-form baseline-shift cap-height clip-path clip-rule color-interpolation color-interpolation-filters color-profile color-rendering dominant-baseline enable-background fill-opacity fill-rule flood-color flood-opacity font-family font-size font-size-adjust font-stretch font-style font-variant font-weight glyph-name glyph-orientation-horizontal glyph-orientation-vertical horiz-adv-x horiz-origin-x image-rendering letter-spacing lighting-color marker-end marker-mid marker-start overline-position overline-thickness paint-order panose-1 pointer-events rendering-intent shape-rendering stop-color stop-opacity strikethrough-position strikethrough-thickness stroke-dasharray stroke-dashoffset stroke-linecap stroke-linejoin stroke-miterlimit stroke-opacity stroke-width text-anchor text-decoration text-rendering underline-position underline-thickness unicode-bidi unicode-range units-per-em v-alphabetic v-hanging v-ideographic v-mathematical vector-effect vert-adv-y vert-origin-x vert-origin-y word-spacing writing-mode xmlns:xlink x-height".split(" ").forEach((function(e){var t=e.replace(le,ce);se[t]=new ae(t,1,!1,e,null,!1,!1)})),"xlink:actuate xlink:arcrole xlink:role xlink:show xlink:title xlink:type".split(" ").forEach((function(e){var t=e.replace(le,ce);se[t]=new ae(t,1,!1,e,"http://www.w3.org/1999/xlink",!1,!1)})),["xml:base","xml:lang","xml:space"].forEach((function(e){var t=e.replace(le,ce);se[t]=new ae(t,1,!1,e,"http://www.w3.org/XML/1998/namespace",!1,!1)})),["tabIndex","crossOrigin"].forEach((function(e){se[e]=new ae(e,1,!1,e.toLowerCase(),null,!1,!1)})),se.xlinkHref=new ae("xlinkHref",1,!1,"xlink:href","http://www.w3.org/1999/xlink",!0,!1),["src","href","action","formAction"].forEach((function(e){se[e]=new ae(e,1,!1,e.toLowerCase(),null,!0,!0)}));var de=Y.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED,he=Symbol.for("react.element"),fe=Symbol.for("react.portal"),pe=Symbol.for("react.fragment"),ge=Symbol.for("react.strict_mode"),me=Symbol.for("react.profiler"),ve=Symbol.for("react.provider"),ye=Symbol.for("react.context"),be=Symbol.for("react.forward_ref"),xe=Symbol.for("react.suspense"),we=Symbol.for("react.suspense_list"),ke=Symbol.for("react.memo"),Se=Symbol.for("react.lazy"),Ce=Symbol.for("react.offscreen"),_e=Symbol.iterator;function Ee(e){return null===e||"object"!=typeof e?null:"function"==typeof(e=_e&&e[_e]||e["@@iterator"])?e:null}var Pe,Le=Object.assign;function Oe(e){if(void 0===Pe)try{throw Error()}catch(tue){var t=tue.stack.trim().match(/\n( *(at )?)/);Pe=t&&t[1]||""}return"\n"+Pe+e}var Me=!1;function Te(e,t){if(!e||Me)return"";Me=!0;var n=Error.prepareStackTrace;Error.prepareStackTrace=void 0;try{if(t)if(t=function(){throw Error()},Object.defineProperty(t.prototype,"props",{set:function(){throw Error()}}),"object"==typeof Reflect&&Reflect.construct){try{Reflect.construct(t,[])}catch(V2){var r=V2}Reflect.construct(e,[],t)}else{try{t.call()}catch(V2){r=V2}e.call(t.prototype)}else{try{throw Error()}catch(V2){r=V2}e()}}catch(V2){if(V2&&r&&"string"==typeof V2.stack){for(var o=V2.stack.split("\n"),i=r.stack.split("\n"),a=o.length-1,s=i.length-1;1<=a&&0<=s&&o[a]!==i[s];)s--;for(;1<=a&&0<=s;a--,s--)if(o[a]!==i[s]){if(1!==a||1!==s)do{if(a--,0>--s||o[a]!==i[s]){var l="\n"+o[a].replace(" at new "," at ");return e.displayName&&l.includes("")&&(l=l.replace("",e.displayName)),l}}while(1<=a&&0<=s);break}}}finally{Me=!1,Error.prepareStackTrace=n}return(e=e?e.displayName||e.name:"")?Oe(e):""}function Ae(e){switch(e.tag){case 5:return Oe(e.type);case 16:return Oe("Lazy");case 13:return Oe("Suspense");case 19:return Oe("SuspenseList");case 0:case 2:case 15:return e=Te(e.type,!1);case 11:return e=Te(e.type.render,!1);case 1:return e=Te(e.type,!0);default:return""}}function Ie(e){if(null==e)return null;if("function"==typeof e)return e.displayName||e.name||null;if("string"==typeof e)return e;switch(e){case pe:return"Fragment";case fe:return"Portal";case me:return"Profiler";case ge:return"StrictMode";case xe:return"Suspense";case we:return"SuspenseList"}if("object"==typeof e)switch(e.$$typeof){case ye:return(e.displayName||"Context")+".Consumer";case ve:return(e._context.displayName||"Context")+".Provider";case be:var t=e.render;return(e=e.displayName)||(e=""!==(e=t.displayName||t.name||"")?"ForwardRef("+e+")":"ForwardRef"),e;case ke:return null!==(t=e.displayName||null)?t:Ie(e.type)||"Memo";case Se:t=e._payload,e=e._init;try{return Ie(e(t))}catch(tue){}}return null}function Re(e){var t=e.type;switch(e.tag){case 24:return"Cache";case 9:return(t.displayName||"Context")+".Consumer";case 10:return(t._context.displayName||"Context")+".Provider";case 18:return"DehydratedFragment";case 11:return e=(e=t.render).displayName||e.name||"",t.displayName||(""!==e?"ForwardRef("+e+")":"ForwardRef");case 7:return"Fragment";case 5:return t;case 4:return"Portal";case 3:return"Root";case 6:return"Text";case 16:return Ie(t);case 8:return t===ge?"StrictMode":"Mode";case 22:return"Offscreen";case 12:return"Profiler";case 21:return"Scope";case 13:return"Suspense";case 19:return"SuspenseList";case 25:return"TracingMarker";case 1:case 0:case 17:case 2:case 14:case 15:if("function"==typeof t)return t.displayName||t.name||null;if("string"==typeof t)return t}return null}function Ne(e){switch(typeof e){case"boolean":case"number":case"string":case"undefined":case"object":return e;default:return""}}function De(e){var t=e.type;return(e=e.nodeName)&&"input"===e.toLowerCase()&&("checkbox"===t||"radio"===t)}function ze(e){e._valueTracker||(e._valueTracker=function(e){var t=De(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 o=n.get,i=n.set;return Object.defineProperty(e,t,{configurable:!0,get:function(){return o.call(this)},set:function(e){r=""+e,i.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 Be(e){if(!e)return!1;var t=e._valueTracker;if(!t)return!0;var n=t.getValue(),r="";return e&&(r=De(e)?e.checked?"true":"false":e.value),(e=r)!==n&&(t.setValue(e),!0)}function je(e){if(void 0===(e=e||("undefined"!=typeof document?document:void 0)))return null;try{return e.activeElement||e.body}catch(due){return e.body}}function Fe(e,t){var n=t.checked;return Le({},t,{defaultChecked:void 0,defaultValue:void 0,value:void 0,checked:null!=n?n:e._wrapperState.initialChecked})}function He(e,t){var n=null==t.defaultValue?"":t.defaultValue,r=null!=t.checked?t.checked:t.defaultChecked;n=Ne(null!=t.value?t.value:n),e._wrapperState={initialChecked:r,initialValue:n,controlled:"checkbox"===t.type||"radio"===t.type?null!=t.checked:null!=t.value}}function We(e,t){null!=(t=t.checked)&&ue(e,"checked",t,!1)}function Ve(e,t){We(e,t);var n=Ne(t.value),r=t.type;if(null!=n)"number"===r?(0===n&&""===e.value||e.value!=n)&&(e.value=""+n):e.value!==""+n&&(e.value=""+n);else if("submit"===r||"reset"===r)return void e.removeAttribute("value");t.hasOwnProperty("value")?Ue(e,t.type,n):t.hasOwnProperty("defaultValue")&&Ue(e,t.type,Ne(t.defaultValue)),null==t.checked&&null!=t.defaultChecked&&(e.defaultChecked=!!t.defaultChecked)}function $e(e,t,n){if(t.hasOwnProperty("value")||t.hasOwnProperty("defaultValue")){var r=t.type;if(!("submit"!==r&&"reset"!==r||void 0!==t.value&&null!==t.value))return;t=""+e._wrapperState.initialValue,n||t===e.value||(e.value=t),e.defaultValue=t}""!==(n=e.name)&&(e.name=""),e.defaultChecked=!!e._wrapperState.initialChecked,""!==n&&(e.name=n)}function Ue(e,t,n){"number"===t&&je(e.ownerDocument)===e||(null==n?e.defaultValue=""+e._wrapperState.initialValue:e.defaultValue!==""+n&&(e.defaultValue=""+n))}var Ge=Array.isArray;function qe(e,t,n,r){if(e=e.options,t){t={};for(var o=0;o"+t.valueOf().toString()+"",t=et.firstChild;e.firstChild;)e.removeChild(e.firstChild);for(;t.firstChild;)e.appendChild(t.firstChild)}}));function nt(e,t){if(t){var n=e.firstChild;if(n&&n===e.lastChild&&3===n.nodeType)return void(n.nodeValue=t)}e.textContent=t}var rt={animationIterationCount:!0,aspectRatio:!0,borderImageOutset:!0,borderImageSlice:!0,borderImageWidth:!0,boxFlex:!0,boxFlexGroup:!0,boxOrdinalGroup:!0,columnCount:!0,columns:!0,flex:!0,flexGrow:!0,flexPositive:!0,flexShrink:!0,flexNegative:!0,flexOrder:!0,gridArea:!0,gridRow:!0,gridRowEnd:!0,gridRowSpan:!0,gridRowStart:!0,gridColumn:!0,gridColumnEnd:!0,gridColumnSpan:!0,gridColumnStart:!0,fontWeight:!0,lineClamp:!0,lineHeight:!0,opacity:!0,order:!0,orphans:!0,tabSize:!0,widows:!0,zIndex:!0,zoom:!0,fillOpacity:!0,floodOpacity:!0,stopOpacity:!0,strokeDasharray:!0,strokeDashoffset:!0,strokeMiterlimit:!0,strokeOpacity:!0,strokeWidth:!0},ot=["Webkit","ms","Moz","O"];function it(e,t,n){return null==t||"boolean"==typeof t||""===t?"":n||"number"!=typeof t||0===t||rt.hasOwnProperty(e)&&rt[e]?(""+t).trim():t+"px"}function at(e,t){for(var n in e=e.style,t)if(t.hasOwnProperty(n)){var r=0===n.indexOf("--"),o=it(n,t[n],r);"float"===n&&(n="cssFloat"),r?e.setProperty(n,o):e[n]=o}}Object.keys(rt).forEach((function(e){ot.forEach((function(t){t=t+e.charAt(0).toUpperCase()+e.substring(1),rt[t]=rt[e]}))}));var st=Le({menuitem:!0},{area:!0,base:!0,br:!0,col:!0,embed:!0,hr:!0,img:!0,input:!0,keygen:!0,link:!0,meta:!0,param:!0,source:!0,track:!0,wbr:!0});function lt(e,t){if(t){if(st[e]&&(null!=t.children||null!=t.dangerouslySetInnerHTML))throw Error(X(137,e));if(null!=t.dangerouslySetInnerHTML){if(null!=t.children)throw Error(X(60));if("object"!=typeof t.dangerouslySetInnerHTML||!("__html"in t.dangerouslySetInnerHTML))throw Error(X(61))}if(null!=t.style&&"object"!=typeof t.style)throw Error(X(62))}}function ct(e,t){if(-1===e.indexOf("-"))return"string"==typeof t.is;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 ut=null;function dt(e){return(e=e.target||e.srcElement||window).correspondingUseElement&&(e=e.correspondingUseElement),3===e.nodeType?e.parentNode:e}var ht=null,ft=null,pt=null;function gt(e){if(e=ui(e)){if("function"!=typeof ht)throw Error(X(280));var t=e.stateNode;t&&(t=hi(t),ht(e.stateNode,e.type,t))}}function mt(e){ft?pt?pt.push(e):pt=[e]:ft=e}function vt(){if(ft){var e=ft,t=pt;if(pt=ft=null,gt(e),t)for(e=0;e>>=0,0===e?32:31-(Kt(e)/Qt|0)|0},Kt=Math.log,Qt=Math.LN2;var Jt=64,en=4194304;function tn(e){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: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 4194240&e;case 4194304:case 8388608:case 16777216:case 33554432:case 67108864:return 130023424&e;case 134217728:return 134217728;case 268435456:return 268435456;case 536870912:return 536870912;case 1073741824:return 1073741824;default:return e}}function nn(e,t){var n=e.pendingLanes;if(0===n)return 0;var r=0,o=e.suspendedLanes,i=e.pingedLanes,a=268435455&n;if(0!==a){var s=a&~o;0!==s?r=tn(s):0!==(i&=a)&&(r=tn(i))}else 0!==(a=n&~o)?r=tn(a):0!==i&&(r=tn(i));if(0===r)return 0;if(0!==t&&t!==r&&0==(t&o)&&((o=r&-r)>=(i=t&-t)||16===o&&0!=(4194240&i)))return t;if(0!=(4&r)&&(r|=16&n),0!==(t=e.entangledLanes))for(e=e.entanglements,t&=r;0n;n++)t.push(e);return t}function ln(e,t,n){e.pendingLanes|=t,536870912!==t&&(e.suspendedLanes=0,e.pingedLanes=0),(e=e.eventTimes)[t=31-Xt(t)]=n}function cn(e,t){var n=e.entangledLanes|=t;for(e=e.entanglements;n;){var r=31-Xt(n),o=1<=_r),Lr=String.fromCharCode(32),Or=!1;function Mr(e,t){switch(e){case"keyup":return-1!==Sr.indexOf(t.keyCode);case"keydown":return 229!==t.keyCode;case"keypress":case"mousedown":case"focusout":return!0;default:return!1}}function Tr(e){return"object"==typeof(e=e.detail)&&"data"in e?e.data:null}var Ar=!1;var Ir={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 Rr(e){var t=e&&e.nodeName&&e.nodeName.toLowerCase();return"input"===t?!!Ir[e.type]:"textarea"===t}function Nr(e,t,n,r){mt(r),0<(t=zo(t,"onChange")).length&&(n=new er("onChange","change",null,n,r),e.push({event:n,listeners:t}))}var Dr=null,zr=null;function Br(e){Oo(e,0)}function jr(e){if(Be(di(e)))return e}function Fr(e,t){if("change"===e)return t}var Hr=!1;if(te){var Wr;if(te){var Vr="oninput"in document;if(!Vr){var $r=document.createElement("div");$r.setAttribute("oninput","return;"),Vr="function"==typeof $r.oninput}Wr=Vr}else Wr=!1;Hr=Wr&&(!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=Jr(r)}}function to(e,t){return!(!e||!t)&&(e===t||(!e||3!==e.nodeType)&&(t&&3===t.nodeType?to(e,t.parentNode):"contains"in e?e.contains(t):!!e.compareDocumentPosition&&!!(16&e.compareDocumentPosition(t))))}function no(){for(var e=window,t=je();t instanceof e.HTMLIFrameElement;){try{var n="string"==typeof t.contentWindow.location.href}catch(aue){n=!1}if(!n)break;t=je((e=t.contentWindow).document)}return t}function ro(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)}function oo(e){var t=no(),n=e.focusedElem,r=e.selectionRange;if(t!==n&&n&&n.ownerDocument&&to(n.ownerDocument.documentElement,n)){if(null!==r&&ro(n))if(t=r.start,void 0===(e=r.end)&&(e=t),"selectionStart"in n)n.selectionStart=t,n.selectionEnd=Math.min(e,n.value.length);else if((e=(t=n.ownerDocument||document)&&t.defaultView||window).getSelection){e=e.getSelection();var o=n.textContent.length,i=Math.min(r.start,o);r=void 0===r.end?i:Math.min(r.end,o),!e.extend&&i>r&&(o=r,r=i,i=o),o=eo(n,i);var a=eo(n,r);o&&a&&(1!==e.rangeCount||e.anchorNode!==o.node||e.anchorOffset!==o.offset||e.focusNode!==a.node||e.focusOffset!==a.offset)&&((t=t.createRange()).setStart(o.node,o.offset),e.removeAllRanges(),i>r?(e.addRange(t),e.extend(a.node,a.offset)):(t.setEnd(a.node,a.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;n=document.documentMode,ao=null,so=null,lo=null,co=!1;function uo(e,t,n){var r=n.window===n?n.document:9===n.nodeType?n:n.ownerDocument;co||null==ao||ao!==je(r)||("selectionStart"in(r=ao)&&ro(r)?r={start:r.selectionStart,end:r.selectionEnd}:r={anchorNode:(r=(r.ownerDocument&&r.ownerDocument.defaultView||window).getSelection()).anchorNode,anchorOffset:r.anchorOffset,focusNode:r.focusNode,focusOffset:r.focusOffset},lo&&Qr(lo,r)||(lo=r,0<(r=zo(so,"onSelect")).length&&(t=new er("onSelect","select",null,t,n),e.push({event:t,listeners:r}),t.target=ao)))}function ho(e,t){var n={};return n[e.toLowerCase()]=t.toLowerCase(),n["Webkit"+e]="webkit"+t,n["Moz"+e]="moz"+t,n}var fo={animationend:ho("Animation","AnimationEnd"),animationiteration:ho("Animation","AnimationIteration"),animationstart:ho("Animation","AnimationStart"),transitionend:ho("Transition","TransitionEnd")},po={},go={};function mo(e){if(po[e])return po[e];if(!fo[e])return e;var t,n=fo[e];for(t in n)if(n.hasOwnProperty(t)&&t in go)return po[e]=n[t];return e}te&&(go=document.createElement("div").style,"AnimationEvent"in window||(delete fo.animationend.animation,delete fo.animationiteration.animation,delete fo.animationstart.animation),"TransitionEvent"in window||delete fo.transitionend.transition);var vo=mo("animationend"),yo=mo("animationiteration"),bo=mo("animationstart"),xo=mo("transitionend"),wo=new Map,ko="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 toggle touchMove waiting wheel".split(" ");function So(e,t){wo.set(e,t),J(t,[e])}for(var Co=0;Copi||(e.current=fi[pi],fi[pi]=null,pi--)}function vi(e,t){pi++,fi[pi]=e.current,e.current=t}var yi={},bi=gi(yi),xi=gi(!1),wi=yi;function ki(e,t){var n=e.type.contextTypes;if(!n)return yi;var r=e.stateNode;if(r&&r.__reactInternalMemoizedUnmaskedChildContext===t)return r.__reactInternalMemoizedMaskedChildContext;var o,i={};for(o in n)i[o]=t[o];return r&&((e=e.stateNode).__reactInternalMemoizedUnmaskedChildContext=t,e.__reactInternalMemoizedMaskedChildContext=i),i}function Si(e){return null!=(e=e.childContextTypes)}function Ci(){mi(xi),mi(bi)}function _i(e,t,n){if(bi.current!==yi)throw Error(X(168));vi(bi,t),vi(xi,n)}function Ei(e,t,n){var r=e.stateNode;if(t=t.childContextTypes,"function"!=typeof r.getChildContext)return n;for(var o in r=r.getChildContext())if(!(o in t))throw Error(X(108,Re(e)||"Unknown",o));return Le({},n,r)}function Pi(e){return e=(e=e.stateNode)&&e.__reactInternalMemoizedMergedChildContext||yi,wi=bi.current,vi(bi,e),vi(xi,xi.current),!0}function Li(e,t,n){var r=e.stateNode;if(!r)throw Error(X(169));n?(e=Ei(e,t,wi),r.__reactInternalMemoizedMergedChildContext=e,mi(xi),mi(bi),vi(bi,e)):mi(xi),vi(xi,n)}var Oi=null,Mi=!1,Ti=!1;function Ai(e){null===Oi?Oi=[e]:Oi.push(e)}function Ii(){if(!Ti&&null!==Oi){Ti=!0;var e=0,t=un;try{var n=Oi;for(un=1;e>=a,o-=a,Hi=1<<32-Xt(t)+o|n<g?(m=p,p=null):m=p.sibling;var v=h(o,p,s[g],l);if(null===v){null===p&&(p=m);break}e&&p&&null===v.alternate&&t(o,p),a=i(v,a,g),null===u?c=v:u.sibling=v,u=v,p=m}if(g===s.length)return n(o,p),Zi&&Vi(o,g),c;if(null===p){for(;gg?(m=p,p=null):m=p.sibling;var y=h(o,p,v.value,l);if(null===y){null===p&&(p=m);break}e&&p&&null===y.alternate&&t(o,p),a=i(y,a,g),null===u?c=y:u.sibling=y,u=y,p=m}if(v.done)return n(o,p),Zi&&Vi(o,g),c;if(null===p){for(;!v.done;g++,v=s.next())null!==(v=d(o,v.value,l))&&(a=i(v,a,g),null===u?c=v:u.sibling=v,u=v);return Zi&&Vi(o,g),c}for(p=r(o,p);!v.done;g++,v=s.next())null!==(v=f(p,o,g,v.value,l))&&(e&&null!==v.alternate&&p.delete(null===v.key?g:v.key),a=i(v,a,g),null===u?c=v:u.sibling=v,u=v);return e&&p.forEach((function(e){return t(o,e)})),Zi&&Vi(o,g),c}return function e(r,i,s,l){if("object"==typeof s&&null!==s&&s.type===pe&&null===s.key&&(s=s.props.children),"object"==typeof s&&null!==s){switch(s.$$typeof){case he:e:{for(var c=s.key,u=i;null!==u;){if(u.key===c){if((c=s.type)===pe){if(7===u.tag){n(r,u.sibling),(i=o(u,s.props.children)).return=r,r=i;break e}}else if(u.elementType===c||"object"==typeof c&&null!==c&&c.$$typeof===Se&&ja(c)===u.type){n(r,u.sibling),(i=o(u,s.props)).ref=za(r,u,s),i.return=r,r=i;break e}n(r,u);break}t(r,u),u=u.sibling}s.type===pe?((i=_u(s.props.children,r.mode,l,s.key)).return=r,r=i):((l=Cu(s.type,s.key,s.props,null,r.mode,l)).ref=za(r,i,s),l.return=r,r=l)}return a(r);case fe:e:{for(u=s.key;null!==i;){if(i.key===u){if(4===i.tag&&i.stateNode.containerInfo===s.containerInfo&&i.stateNode.implementation===s.implementation){n(r,i.sibling),(i=o(i,s.children||[])).return=r,r=i;break e}n(r,i);break}t(r,i),i=i.sibling}(i=Lu(s,r.mode,l)).return=r,r=i}return a(r);case Se:return e(r,i,(u=s._init)(s._payload),l)}if(Ge(s))return p(r,i,s,l);if(Ee(s))return g(r,i,s,l);Ba(r,s)}return"string"==typeof s&&""!==s||"number"==typeof s?(s=""+s,null!==i&&6===i.tag?(n(r,i.sibling),(i=o(i,s)).return=r,r=i):(n(r,i),(i=Pu(s,r.mode,l)).return=r,r=i),a(r)):n(r,i)}}var Ha=Fa(!0),Wa=Fa(!1),Va={},$a=gi(Va),Ua=gi(Va),Ga=gi(Va);function qa(e){if(e===Va)throw Error(X(174));return e}function Ya(e,t){switch(vi(Ga,t),vi(Ua,e),vi($a,Va),e=t.nodeType){case 9:case 11:t=(t=t.documentElement)?t.namespaceURI:Je(null,"");break;default:t=Je(t=(e=8===e?t.parentNode:t).namespaceURI||null,e=e.tagName)}mi($a),vi($a,t)}function Za(){mi($a),mi(Ua),mi(Ga)}function Xa(e){qa(Ga.current);var t=qa($a.current),n=Je(t,e.type);t!==n&&(vi(Ua,e),vi($a,n))}function Ka(e){Ua.current===e&&(mi($a),mi(Ua))}var Qa=gi(0);function Ja(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 es=[];function ts(){for(var e=0;en?n:4,e(!0);var r=rs.transition;rs.transition={};try{e(!1),t()}finally{un=n,rs.transition=r}}function $s(){return vs().memoizedState}function Us(e,t,n){var r=Uc(e);if(n={lane:r,action:n,hasEagerState:!1,eagerState:null,next:null},qs(e))Ys(t,n);else if(null!==(n=ba(e,t,n,r))){Gc(n,e,r,$c()),Zs(n,t,r)}}function Gs(e,t,n){var r=Uc(e),o={lane:r,action:n,hasEagerState:!1,eagerState:null,next:null};if(qs(e))Ys(t,o);else{var i=e.alternate;if(0===e.lanes&&(null===i||0===i.lanes)&&null!==(i=t.lastRenderedReducer))try{var a=t.lastRenderedState,s=i(a,n);if(o.hasEagerState=!0,o.eagerState=s,Kr(s,a)){var l=t.interleaved;return null===l?(o.next=o,ya(t)):(o.next=l.next,l.next=o),void(t.interleaved=o)}}catch(V2){}null!==(n=ba(e,t,o,r))&&(Gc(n,e,r,o=$c()),Zs(n,t,r))}}function qs(e){var t=e.alternate;return e===is||null!==t&&t===is}function Ys(e,t){cs=ls=!0;var n=e.pending;null===n?t.next=t:(t.next=n.next,n.next=t),e.pending=t}function Zs(e,t,n){if(0!=(4194240&n)){var r=t.lanes;n|=r&=e.pendingLanes,t.lanes=n,cn(e,n)}}var Xs={readContext:ma,useCallback:hs,useContext:hs,useEffect:hs,useImperativeHandle:hs,useInsertionEffect:hs,useLayoutEffect:hs,useMemo:hs,useReducer:hs,useRef:hs,useState:hs,useDebugValue:hs,useDeferredValue:hs,useTransition:hs,useMutableSource:hs,useSyncExternalStore:hs,useId:hs,unstable_isNewReconciler:!1},Ks={readContext:ma,useCallback:function(e,t){return ms().memoizedState=[e,void 0===t?null:t],e},useContext:ma,useEffect:Is,useImperativeHandle:function(e,t,n){return n=null!=n?n.concat([e]):null,Ts(4194308,4,zs.bind(null,t,e),n)},useLayoutEffect:function(e,t){return Ts(4194308,4,e,t)},useInsertionEffect:function(e,t){return Ts(4,2,e,t)},useMemo:function(e,t){var n=ms();return t=void 0===t?null:t,e=e(),n.memoizedState=[e,t],e},useReducer:function(e,t,n){var r=ms();return t=void 0!==n?n(t):t,r.memoizedState=r.baseState=t,e={pending:null,interleaved:null,lanes:0,dispatch:null,lastRenderedReducer:e,lastRenderedState:t},r.queue=e,e=e.dispatch=Us.bind(null,is,e),[r.memoizedState,e]},useRef:function(e){return e={current:e},ms().memoizedState=e},useState:Ls,useDebugValue:js,useDeferredValue:function(e){return ms().memoizedState=e},useTransition:function(){var e=Ls(!1),t=e[0];return e=Vs.bind(null,e[1]),ms().memoizedState=e,[t,e]},useMutableSource:function(){},useSyncExternalStore:function(e,t,n){var r=is,o=ms();if(Zi){if(void 0===n)throw Error(X(407));n=n()}else{if(n=t(),null===bc)throw Error(X(349));0!=(30&os)||Ss(r,t,n)}o.memoizedState=n;var i={value:n,getSnapshot:t};return o.queue=i,Is(_s.bind(null,r,i,e),[e]),r.flags|=2048,Os(9,Cs.bind(null,r,i,n,t),void 0,null),n},useId:function(){var e=ms(),t=bc.identifierPrefix;if(Zi){var n=Wi;t=":"+t+"R"+(n=(Hi&~(1<<32-Xt(Hi)-1)).toString(32)+n),0<(n=us++)&&(t+="H"+n.toString(32)),t+=":"}else t=":"+t+"r"+(n=ds++).toString(32)+":";return e.memoizedState=t},unstable_isNewReconciler:!1},Qs={readContext:ma,useCallback:Fs,useContext:ma,useEffect:Rs,useImperativeHandle:Bs,useInsertionEffect:Ns,useLayoutEffect:Ds,useMemo:Hs,useReducer:bs,useRef:Ms,useState:function(){return bs(ys)},useDebugValue:js,useDeferredValue:function(e){return Ws(vs(),as.memoizedState,e)},useTransition:function(){return[bs(ys)[0],vs().memoizedState]},useMutableSource:ws,useSyncExternalStore:ks,useId:$s,unstable_isNewReconciler:!1},Js={readContext:ma,useCallback:Fs,useContext:ma,useEffect:Rs,useImperativeHandle:Bs,useInsertionEffect:Ns,useLayoutEffect:Ds,useMemo:Hs,useReducer:xs,useRef:Ms,useState:function(){return xs(ys)},useDebugValue:js,useDeferredValue:function(e){var t=vs();return null===as?t.memoizedState=e:Ws(t,as.memoizedState,e)},useTransition:function(){return[xs(ys)[0],vs().memoizedState]},useMutableSource:ws,useSyncExternalStore:ks,useId:$s,unstable_isNewReconciler:!1};function el(e,t){try{var n="",r=t;do{n+=Ae(r),r=r.return}while(r);var o=n}catch(oue){o="\nError generating stack: "+oue.message+"\n"+oue.stack}return{value:e,source:t,stack:o,digest:null}}function tl(e,t,n){return{value:e,source:null,stack:null!=n?n:null,digest:null!=t?t:null}}function nl(e,t){try{console.error(t.value)}catch(tue){setTimeout((function(){throw tue}))}}var rl="function"==typeof WeakMap?WeakMap:Map;function ol(e,t,n){(n=Ca(-1,n)).tag=3,n.payload={element:null};var r=t.value;return n.callback=function(){Rc||(Rc=!0,Nc=r),nl(0,t)},n}function il(e,t,n){(n=Ca(-1,n)).tag=3;var r=e.type.getDerivedStateFromError;if("function"==typeof r){var o=t.value;n.payload=function(){return r(o)},n.callback=function(){nl(0,t)}}var i=e.stateNode;return null!==i&&"function"==typeof i.componentDidCatch&&(n.callback=function(){nl(0,t),"function"!=typeof r&&(null===Dc?Dc=new Set([this]):Dc.add(this));var e=t.stack;this.componentDidCatch(t.value,{componentStack:null!==e?e:""})}),n}function al(e,t,n){var r=e.pingCache;if(null===r){r=e.pingCache=new rl;var o=new Set;r.set(t,o)}else void 0===(o=r.get(t))&&(o=new Set,r.set(t,o));o.has(n)||(o.add(n),e=gu.bind(null,e,t,n),t.then(e,e))}function sl(e){do{var t;if((t=13===e.tag)&&(t=null===(t=e.memoizedState)||null!==t.dehydrated),t)return e;e=e.return}while(null!==e);return null}function ll(e,t,n,r,o){return 0==(1&e.mode)?(e===t?e.flags|=65536:(e.flags|=128,n.flags|=131072,n.flags&=-52805,1===n.tag&&(null===n.alternate?n.tag=17:((t=Ca(-1,1)).tag=2,_a(n,t,1))),n.lanes|=1),e):(e.flags|=65536,e.lanes=o,e)}var cl=de.ReactCurrentOwner,ul=!1;function dl(e,t,n,r){t.child=null===e?Wa(t,null,n,r):Ha(t,e.child,n,r)}function hl(e,t,n,r,o){n=n.render;var i=t.ref;return ga(t,o),r=ps(e,t,n,r,i,o),n=gs(),null===e||ul?(Zi&&n&&Ui(t),t.flags|=1,dl(e,t,r,o),t.child):(t.updateQueue=e.updateQueue,t.flags&=-2053,e.lanes&=~o,Rl(e,t,o))}function fl(e,t,n,r,o){if(null===e){var i=n.type;return"function"!=typeof i||ku(i)||void 0!==i.defaultProps||null!==n.compare||void 0!==n.defaultProps?((e=Cu(n.type,null,r,t,t.mode,o)).ref=t.ref,e.return=t,t.child=e):(t.tag=15,t.type=i,pl(e,t,i,r,o))}if(i=e.child,0==(e.lanes&o)){var a=i.memoizedProps;if((n=null!==(n=n.compare)?n:Qr)(a,r)&&e.ref===t.ref)return Rl(e,t,o)}return t.flags|=1,(e=Su(i,r)).ref=t.ref,e.return=t,t.child=e}function pl(e,t,n,r,o){if(null!==e){var i=e.memoizedProps;if(Qr(i,r)&&e.ref===t.ref){if(ul=!1,t.pendingProps=r=i,0==(e.lanes&o))return t.lanes=e.lanes,Rl(e,t,o);0!=(131072&e.flags)&&(ul=!0)}}return vl(e,t,n,r,o)}function gl(e,t,n){var r=t.pendingProps,o=r.children,i=null!==e?e.memoizedState:null;if("hidden"===r.mode)if(0==(1&t.mode))t.memoizedState={baseLanes:0,cachePool:null,transitions:null},vi(Sc,kc),kc|=n;else{if(0==(1073741824&n))return e=null!==i?i.baseLanes|n:n,t.lanes=t.childLanes=1073741824,t.memoizedState={baseLanes:e,cachePool:null,transitions:null},t.updateQueue=null,vi(Sc,kc),kc|=e,null;t.memoizedState={baseLanes:0,cachePool:null,transitions:null},r=null!==i?i.baseLanes:n,vi(Sc,kc),kc|=r}else null!==i?(r=i.baseLanes|n,t.memoizedState=null):r=n,vi(Sc,kc),kc|=r;return dl(e,t,o,n),t.child}function ml(e,t){var n=t.ref;(null===e&&null!==n||null!==e&&e.ref!==n)&&(t.flags|=512,t.flags|=2097152)}function vl(e,t,n,r,o){var i=Si(n)?wi:bi.current;return i=ki(t,i),ga(t,o),n=ps(e,t,n,r,i,o),r=gs(),null===e||ul?(Zi&&r&&Ui(t),t.flags|=1,dl(e,t,n,o),t.child):(t.updateQueue=e.updateQueue,t.flags&=-2053,e.lanes&=~o,Rl(e,t,o))}function yl(e,t,n,r,o){if(Si(n)){var i=!0;Pi(t)}else i=!1;if(ga(t,o),null===t.stateNode)Il(e,t),Ra(t,n,r),Da(t,n,r,o),r=!0;else if(null===e){var a=t.stateNode,s=t.memoizedProps;a.props=s;var l=a.context,c=n.contextType;"object"==typeof c&&null!==c?c=ma(c):c=ki(t,c=Si(n)?wi:bi.current);var u=n.getDerivedStateFromProps,d="function"==typeof u||"function"==typeof a.getSnapshotBeforeUpdate;d||"function"!=typeof a.UNSAFE_componentWillReceiveProps&&"function"!=typeof a.componentWillReceiveProps||(s!==r||l!==c)&&Na(t,a,r,c),wa=!1;var h=t.memoizedState;a.state=h,La(t,r,a,o),l=t.memoizedState,s!==r||h!==l||xi.current||wa?("function"==typeof u&&(Ta(t,n,u,r),l=t.memoizedState),(s=wa||Ia(t,n,s,r,h,l,c))?(d||"function"!=typeof a.UNSAFE_componentWillMount&&"function"!=typeof a.componentWillMount||("function"==typeof a.componentWillMount&&a.componentWillMount(),"function"==typeof a.UNSAFE_componentWillMount&&a.UNSAFE_componentWillMount()),"function"==typeof a.componentDidMount&&(t.flags|=4194308)):("function"==typeof a.componentDidMount&&(t.flags|=4194308),t.memoizedProps=r,t.memoizedState=l),a.props=r,a.state=l,a.context=c,r=s):("function"==typeof a.componentDidMount&&(t.flags|=4194308),r=!1)}else{a=t.stateNode,Sa(e,t),s=t.memoizedProps,c=t.type===t.elementType?s:sa(t.type,s),a.props=c,d=t.pendingProps,h=a.context,"object"==typeof(l=n.contextType)&&null!==l?l=ma(l):l=ki(t,l=Si(n)?wi:bi.current);var f=n.getDerivedStateFromProps;(u="function"==typeof f||"function"==typeof a.getSnapshotBeforeUpdate)||"function"!=typeof a.UNSAFE_componentWillReceiveProps&&"function"!=typeof a.componentWillReceiveProps||(s!==d||h!==l)&&Na(t,a,r,l),wa=!1,h=t.memoizedState,a.state=h,La(t,r,a,o);var p=t.memoizedState;s!==d||h!==p||xi.current||wa?("function"==typeof f&&(Ta(t,n,f,r),p=t.memoizedState),(c=wa||Ia(t,n,c,r,h,p,l)||!1)?(u||"function"!=typeof a.UNSAFE_componentWillUpdate&&"function"!=typeof a.componentWillUpdate||("function"==typeof a.componentWillUpdate&&a.componentWillUpdate(r,p,l),"function"==typeof a.UNSAFE_componentWillUpdate&&a.UNSAFE_componentWillUpdate(r,p,l)),"function"==typeof a.componentDidUpdate&&(t.flags|=4),"function"==typeof a.getSnapshotBeforeUpdate&&(t.flags|=1024)):("function"!=typeof a.componentDidUpdate||s===e.memoizedProps&&h===e.memoizedState||(t.flags|=4),"function"!=typeof a.getSnapshotBeforeUpdate||s===e.memoizedProps&&h===e.memoizedState||(t.flags|=1024),t.memoizedProps=r,t.memoizedState=p),a.props=r,a.state=p,a.context=l,r=c):("function"!=typeof a.componentDidUpdate||s===e.memoizedProps&&h===e.memoizedState||(t.flags|=4),"function"!=typeof a.getSnapshotBeforeUpdate||s===e.memoizedProps&&h===e.memoizedState||(t.flags|=1024),r=!1)}return bl(e,t,n,r,i,o)}function bl(e,t,n,r,o,i){ml(e,t);var a=0!=(128&t.flags);if(!r&&!a)return o&&Li(t,n,!1),Rl(e,t,i);r=t.stateNode,cl.current=t;var s=a&&"function"!=typeof n.getDerivedStateFromError?null:r.render();return t.flags|=1,null!==e&&a?(t.child=Ha(t,e.child,null,i),t.child=Ha(t,null,s,i)):dl(e,t,s,i),t.memoizedState=r.state,o&&Li(t,n,!0),t.child}function xl(e){var t=e.stateNode;t.pendingContext?_i(0,t.pendingContext,t.pendingContext!==t.context):t.context&&_i(0,t.context,!1),Ya(e,t.containerInfo)}function wl(e,t,n,r,o){return oa(),ia(o),t.flags|=256,dl(e,t,n,r),t.child}var kl,Sl,Cl,_l={dehydrated:null,treeContext:null,retryLane:0};function El(e){return{baseLanes:e,cachePool:null,transitions:null}}function Pl(e,t,n){var r,o=t.pendingProps,i=Qa.current,a=!1,s=0!=(128&t.flags);if((r=s)||(r=(null===e||null!==e.memoizedState)&&0!=(2&i)),r?(a=!0,t.flags&=-129):null!==e&&null===e.memoizedState||(i|=1),vi(Qa,1&i),null===e)return ea(t),null!==(e=t.memoizedState)&&null!==(e=e.dehydrated)?(0==(1&t.mode)?t.lanes=1:"$!"===e.data?t.lanes=8:t.lanes=1073741824,null):(s=o.children,e=o.fallback,a?(o=t.mode,a=t.child,s={mode:"hidden",children:s},0==(1&o)&&null!==a?(a.childLanes=0,a.pendingProps=s):a=Eu(s,o,0,null),e=_u(e,o,n,null),a.return=t,e.return=t,a.sibling=e,t.child=a,t.child.memoizedState=El(n),t.memoizedState=_l,e):Ll(t,s));if(null!==(i=e.memoizedState)&&null!==(r=i.dehydrated))return function(e,t,n,r,o,i,a){if(n)return 256&t.flags?(t.flags&=-257,Ol(e,t,a,r=tl(Error(X(422))))):null!==t.memoizedState?(t.child=e.child,t.flags|=128,null):(i=r.fallback,o=t.mode,r=Eu({mode:"visible",children:r.children},o,0,null),(i=_u(i,o,a,null)).flags|=2,r.return=t,i.return=t,r.sibling=i,t.child=r,0!=(1&t.mode)&&Ha(t,e.child,null,a),t.child.memoizedState=El(a),t.memoizedState=_l,i);if(0==(1&t.mode))return Ol(e,t,a,null);if("$!"===o.data){if(r=o.nextSibling&&o.nextSibling.dataset)var s=r.dgst;return r=s,Ol(e,t,a,r=tl(i=Error(X(419)),r,void 0))}if(s=0!=(a&e.childLanes),ul||s){if(null!==(r=bc)){switch(a&-a){case 4:o=2;break;case 16:o=8;break;case 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:case 4194304:case 8388608:case 16777216:case 33554432:case 67108864:o=32;break;case 536870912:o=268435456;break;default:o=0}0!==(o=0!=(o&(r.suspendedLanes|a))?0:o)&&o!==i.retryLane&&(i.retryLane=o,xa(e,o),Gc(r,e,o,-1))}return iu(),Ol(e,t,a,r=tl(Error(X(421))))}return"$?"===o.data?(t.flags|=128,t.child=e.child,t=vu.bind(null,e),o._reactRetry=t,null):(e=i.treeContext,Yi=ei(o.nextSibling),qi=t,Zi=!0,Xi=null,null!==e&&(Bi[ji++]=Hi,Bi[ji++]=Wi,Bi[ji++]=Fi,Hi=e.id,Wi=e.overflow,Fi=t),t=Ll(t,r.children),t.flags|=4096,t)}(e,t,s,o,r,i,n);if(a){a=o.fallback,s=t.mode,r=(i=e.child).sibling;var l={mode:"hidden",children:o.children};return 0==(1&s)&&t.child!==i?((o=t.child).childLanes=0,o.pendingProps=l,t.deletions=null):(o=Su(i,l)).subtreeFlags=14680064&i.subtreeFlags,null!==r?a=Su(r,a):(a=_u(a,s,n,null)).flags|=2,a.return=t,o.return=t,o.sibling=a,t.child=o,o=a,a=t.child,s=null===(s=e.child.memoizedState)?El(n):{baseLanes:s.baseLanes|n,cachePool:null,transitions:s.transitions},a.memoizedState=s,a.childLanes=e.childLanes&~n,t.memoizedState=_l,o}return e=(a=e.child).sibling,o=Su(a,{mode:"visible",children:o.children}),0==(1&t.mode)&&(o.lanes=n),o.return=t,o.sibling=null,null!==e&&(null===(n=t.deletions)?(t.deletions=[e],t.flags|=16):n.push(e)),t.child=o,t.memoizedState=null,o}function Ll(e,t){return(t=Eu({mode:"visible",children:t},e.mode,0,null)).return=e,e.child=t}function Ol(e,t,n,r){return null!==r&&ia(r),Ha(t,e.child,null,n),(e=Ll(t,t.pendingProps.children)).flags|=2,t.memoizedState=null,e}function Ml(e,t,n){e.lanes|=t;var r=e.alternate;null!==r&&(r.lanes|=t),pa(e.return,t,n)}function Tl(e,t,n,r,o){var i=e.memoizedState;null===i?e.memoizedState={isBackwards:t,rendering:null,renderingStartTime:0,last:r,tail:n,tailMode:o}:(i.isBackwards=t,i.rendering=null,i.renderingStartTime=0,i.last=r,i.tail=n,i.tailMode=o)}function Al(e,t,n){var r=t.pendingProps,o=r.revealOrder,i=r.tail;if(dl(e,t,r.children,n),0!=(2&(r=Qa.current)))r=1&r|2,t.flags|=128;else{if(null!==e&&0!=(128&e.flags))e:for(e=t.child;null!==e;){if(13===e.tag)null!==e.memoizedState&&Ml(e,n,t);else if(19===e.tag)Ml(e,n,t);else if(null!==e.child){e.child.return=e,e=e.child;continue}if(e===t)break e;for(;null===e.sibling;){if(null===e.return||e.return===t)break e;e=e.return}e.sibling.return=e.return,e=e.sibling}r&=1}if(vi(Qa,r),0==(1&t.mode))t.memoizedState=null;else switch(o){case"forwards":for(n=t.child,o=null;null!==n;)null!==(e=n.alternate)&&null===Ja(e)&&(o=n),n=n.sibling;null===(n=o)?(o=t.child,t.child=null):(o=n.sibling,n.sibling=null),Tl(t,!1,o,n,i);break;case"backwards":for(n=null,o=t.child,t.child=null;null!==o;){if(null!==(e=o.alternate)&&null===Ja(e)){t.child=o;break}e=o.sibling,o.sibling=n,n=o,o=e}Tl(t,!0,n,null,i);break;case"together":Tl(t,!1,null,null,void 0);break;default:t.memoizedState=null}return t.child}function Il(e,t){0==(1&t.mode)&&null!==e&&(e.alternate=null,t.alternate=null,t.flags|=2)}function Rl(e,t,n){if(null!==e&&(t.dependencies=e.dependencies),Ec|=t.lanes,0==(n&t.childLanes))return null;if(null!==e&&t.child!==e.child)throw Error(X(153));if(null!==t.child){for(n=Su(e=t.child,e.pendingProps),t.child=n,n.return=t;null!==e.sibling;)e=e.sibling,(n=n.sibling=Su(e,e.pendingProps)).return=t;n.sibling=null}return t.child}function Nl(e,t){if(!Zi)switch(e.tailMode){case"hidden":t=e.tail;for(var n=null;null!==t;)null!==t.alternate&&(n=t),t=t.sibling;null===n?e.tail=null:n.sibling=null;break;case"collapsed":n=e.tail;for(var r=null;null!==n;)null!==n.alternate&&(r=n),n=n.sibling;null===r?t||null===e.tail?e.tail=null:e.tail.sibling=null:r.sibling=null}}function Dl(e){var t=null!==e.alternate&&e.alternate.child===e.child,n=0,r=0;if(t)for(var o=e.child;null!==o;)n|=o.lanes|o.childLanes,r|=14680064&o.subtreeFlags,r|=14680064&o.flags,o.return=e,o=o.sibling;else for(o=e.child;null!==o;)n|=o.lanes|o.childLanes,r|=o.subtreeFlags,r|=o.flags,o.return=e,o=o.sibling;return e.subtreeFlags|=r,e.childLanes=n,t}function zl(e,t,n){var r=t.pendingProps;switch(Gi(t),t.tag){case 2:case 16:case 15:case 0:case 11:case 7:case 8:case 12:case 9:case 14:return Dl(t),null;case 1:case 17:return Si(t.type)&&Ci(),Dl(t),null;case 3:return r=t.stateNode,Za(),mi(xi),mi(bi),ts(),r.pendingContext&&(r.context=r.pendingContext,r.pendingContext=null),null!==e&&null!==e.child||(na(t)?t.flags|=4:null===e||e.memoizedState.isDehydrated&&0==(256&t.flags)||(t.flags|=1024,null!==Xi&&(Xc(Xi),Xi=null))),Dl(t),null;case 5:Ka(t);var o=qa(Ga.current);if(n=t.type,null!==e&&null!=t.stateNode)Sl(e,t,n,r),e.ref!==t.ref&&(t.flags|=512,t.flags|=2097152);else{if(!r){if(null===t.stateNode)throw Error(X(166));return Dl(t),null}if(e=qa($a.current),na(t)){r=t.stateNode,n=t.type;var i=t.memoizedProps;switch(r[ri]=t,r[oi]=i,e=0!=(1&t.mode),n){case"dialog":Mo("cancel",r),Mo("close",r);break;case"iframe":case"object":case"embed":Mo("load",r);break;case"video":case"audio":for(o=0;o<\/script>",e=e.removeChild(e.firstChild)):"string"==typeof r.is?e=a.createElement(n,{is:r.is}):(e=a.createElement(n),"select"===n&&(a=e,r.multiple?a.multiple=!0:r.size&&(a.size=r.size))):e=a.createElementNS(e,n),e[ri]=t,e[oi]=r,kl(e,t),t.stateNode=e;e:{switch(a=ct(n,r),n){case"dialog":Mo("cancel",e),Mo("close",e),o=r;break;case"iframe":case"object":case"embed":Mo("load",e),o=r;break;case"video":case"audio":for(o=0;oAc&&(t.flags|=128,r=!0,Nl(i,!1),t.lanes=4194304)}else{if(!r)if(null!==(e=Ja(a))){if(t.flags|=128,r=!0,null!==(n=e.updateQueue)&&(t.updateQueue=n,t.flags|=4),Nl(i,!0),null===i.tail&&"hidden"===i.tailMode&&!a.alternate&&!Zi)return Dl(t),null}else 2*Ht()-i.renderingStartTime>Ac&&1073741824!==n&&(t.flags|=128,r=!0,Nl(i,!1),t.lanes=4194304);i.isBackwards?(a.sibling=t.child,t.child=a):(null!==(n=i.last)?n.sibling=a:t.child=a,i.last=a)}return null!==i.tail?(t=i.tail,i.rendering=t,i.tail=t.sibling,i.renderingStartTime=Ht(),t.sibling=null,n=Qa.current,vi(Qa,r?1&n|2:1&n),t):(Dl(t),null);case 22:case 23:return tu(),r=null!==t.memoizedState,null!==e&&null!==e.memoizedState!==r&&(t.flags|=8192),r&&0!=(1&t.mode)?0!=(1073741824&kc)&&(Dl(t),6&t.subtreeFlags&&(t.flags|=8192)):Dl(t),null;case 24:case 25:return null}throw Error(X(156,t.tag))}function Bl(e,t){switch(Gi(t),t.tag){case 1:return Si(t.type)&&Ci(),65536&(e=t.flags)?(t.flags=-65537&e|128,t):null;case 3:return Za(),mi(xi),mi(bi),ts(),0!=(65536&(e=t.flags))&&0==(128&e)?(t.flags=-65537&e|128,t):null;case 5:return Ka(t),null;case 13:if(mi(Qa),null!==(e=t.memoizedState)&&null!==e.dehydrated){if(null===t.alternate)throw Error(X(340));oa()}return 65536&(e=t.flags)?(t.flags=-65537&e|128,t):null;case 19:return mi(Qa),null;case 4:return Za(),null;case 10:return fa(t.type._context),null;case 22:case 23:return tu(),null;default:return null}}kl=function(e,t){for(var n=t.child;null!==n;){if(5===n.tag||6===n.tag)e.appendChild(n.stateNode);else if(4!==n.tag&&null!==n.child){n.child.return=n,n=n.child;continue}if(n===t)break;for(;null===n.sibling;){if(null===n.return||n.return===t)return;n=n.return}n.sibling.return=n.return,n=n.sibling}},Sl=function(e,t,n,r){var o=e.memoizedProps;if(o!==r){e=t.stateNode,qa($a.current);var i,a=null;switch(n){case"input":o=Fe(e,o),r=Fe(e,r),a=[];break;case"select":o=Le({},o,{value:void 0}),r=Le({},r,{value:void 0}),a=[];break;case"textarea":o=Ye(e,o),r=Ye(e,r),a=[];break;default:"function"!=typeof o.onClick&&"function"==typeof r.onClick&&(e.onclick=$o)}for(c in lt(n,r),n=null,o)if(!r.hasOwnProperty(c)&&o.hasOwnProperty(c)&&null!=o[c])if("style"===c){var s=o[c];for(i in s)s.hasOwnProperty(i)&&(n||(n={}),n[i]="")}else"dangerouslySetInnerHTML"!==c&&"children"!==c&&"suppressContentEditableWarning"!==c&&"suppressHydrationWarning"!==c&&"autoFocus"!==c&&(Q.hasOwnProperty(c)?a||(a=[]):(a=a||[]).push(c,null));for(c in r){var l=r[c];if(s=null!=o?o[c]:void 0,r.hasOwnProperty(c)&&l!==s&&(null!=l||null!=s))if("style"===c)if(s){for(i in s)!s.hasOwnProperty(i)||l&&l.hasOwnProperty(i)||(n||(n={}),n[i]="");for(i in l)l.hasOwnProperty(i)&&s[i]!==l[i]&&(n||(n={}),n[i]=l[i])}else n||(a||(a=[]),a.push(c,n)),n=l;else"dangerouslySetInnerHTML"===c?(l=l?l.__html:void 0,s=s?s.__html:void 0,null!=l&&s!==l&&(a=a||[]).push(c,l)):"children"===c?"string"!=typeof l&&"number"!=typeof l||(a=a||[]).push(c,""+l):"suppressContentEditableWarning"!==c&&"suppressHydrationWarning"!==c&&(Q.hasOwnProperty(c)?(null!=l&&"onScroll"===c&&Mo("scroll",e),a||s===l||(a=[])):(a=a||[]).push(c,l))}n&&(a=a||[]).push("style",n);var c=a;(t.updateQueue=c)&&(t.flags|=4)}},Cl=function(e,t,n,r){n!==r&&(t.flags|=4)};var jl=!1,Fl=!1,Hl="function"==typeof WeakSet?WeakSet:Set,Wl=null;function Vl(e,t){var n=e.ref;if(null!==n)if("function"==typeof n)try{n(null)}catch(aue){pu(e,t,aue)}else n.current=null}function $l(e,t,n){try{n()}catch(aue){pu(e,t,aue)}}var Ul=!1;function Gl(e,t,n){var r=t.updateQueue;if(null!==(r=null!==r?r.lastEffect:null)){var o=r=r.next;do{if((o.tag&e)===e){var i=o.destroy;o.destroy=void 0,void 0!==i&&$l(t,n,i)}o=o.next}while(o!==r)}}function ql(e,t){if(null!==(t=null!==(t=t.updateQueue)?t.lastEffect:null)){var n=t=t.next;do{if((n.tag&e)===e){var r=n.create;n.destroy=r()}n=n.next}while(n!==t)}}function Yl(e){var t=e.ref;if(null!==t){var n=e.stateNode;e.tag,e=n,"function"==typeof t?t(e):t.current=e}}function Zl(e){var t=e.alternate;null!==t&&(e.alternate=null,Zl(t)),e.child=null,e.deletions=null,e.sibling=null,5===e.tag&&(null!==(t=e.stateNode)&&(delete t[ri],delete t[oi],delete t[ai],delete t[si],delete t[li])),e.stateNode=null,e.return=null,e.dependencies=null,e.memoizedProps=null,e.memoizedState=null,e.pendingProps=null,e.stateNode=null,e.updateQueue=null}function Xl(e){return 5===e.tag||3===e.tag||4===e.tag}function Kl(e){e:for(;;){for(;null===e.sibling;){if(null===e.return||Xl(e.return))return null;e=e.return}for(e.sibling.return=e.return,e=e.sibling;5!==e.tag&&6!==e.tag&&18!==e.tag;){if(2&e.flags)continue e;if(null===e.child||4===e.tag)continue e;e.child.return=e,e=e.child}if(!(2&e.flags))return e.stateNode}}function Ql(e,t,n){var r=e.tag;if(5===r||6===r)e=e.stateNode,t?8===n.nodeType?n.parentNode.insertBefore(e,t):n.insertBefore(e,t):(8===n.nodeType?(t=n.parentNode).insertBefore(e,n):(t=n).appendChild(e),null!=(n=n._reactRootContainer)||null!==t.onclick||(t.onclick=$o));else if(4!==r&&null!==(e=e.child))for(Ql(e,t,n),e=e.sibling;null!==e;)Ql(e,t,n),e=e.sibling}function Jl(e,t,n){var r=e.tag;if(5===r||6===r)e=e.stateNode,t?n.insertBefore(e,t):n.appendChild(e);else if(4!==r&&null!==(e=e.child))for(Jl(e,t,n),e=e.sibling;null!==e;)Jl(e,t,n),e=e.sibling}var ec=null,tc=!1;function nc(e,t,n){for(n=n.child;null!==n;)rc(e,t,n),n=n.sibling}function rc(e,t,n){if(Zt&&"function"==typeof Zt.onCommitFiberUnmount)try{Zt.onCommitFiberUnmount(Yt,n)}catch(sue){}switch(n.tag){case 5:Fl||Vl(n,t);case 6:var r=ec,o=tc;ec=null,nc(e,t,n),tc=o,null!==(ec=r)&&(tc?(e=ec,n=n.stateNode,8===e.nodeType?e.parentNode.removeChild(n):e.removeChild(n)):ec.removeChild(n.stateNode));break;case 18:null!==ec&&(tc?(e=ec,n=n.stateNode,8===e.nodeType?Jo(e.parentNode,n):1===e.nodeType&&Jo(e,n),In(e)):Jo(ec,n.stateNode));break;case 4:r=ec,o=tc,ec=n.stateNode.containerInfo,tc=!0,nc(e,t,n),ec=r,tc=o;break;case 0:case 11:case 14:case 15:if(!Fl&&(null!==(r=n.updateQueue)&&null!==(r=r.lastEffect))){o=r=r.next;do{var i=o,a=i.destroy;i=i.tag,void 0!==a&&(0!=(2&i)||0!=(4&i))&&$l(n,t,a),o=o.next}while(o!==r)}nc(e,t,n);break;case 1:if(!Fl&&(Vl(n,t),"function"==typeof(r=n.stateNode).componentWillUnmount))try{r.props=n.memoizedProps,r.state=n.memoizedState,r.componentWillUnmount()}catch(sue){pu(n,t,sue)}nc(e,t,n);break;case 21:nc(e,t,n);break;case 22:1&n.mode?(Fl=(r=Fl)||null!==n.memoizedState,nc(e,t,n),Fl=r):nc(e,t,n);break;default:nc(e,t,n)}}function oc(e){var t=e.updateQueue;if(null!==t){e.updateQueue=null;var n=e.stateNode;null===n&&(n=e.stateNode=new Hl),t.forEach((function(t){var r=yu.bind(null,e,t);n.has(t)||(n.add(t),t.then(r,r))}))}}function ic(e,t){var n=t.deletions;if(null!==n)for(var r=0;ro&&(o=a),r&=~i}if(r=o,10<(r=(120>(r=Ht()-r)?120:480>r?480:1080>r?1080:1920>r?1920:3e3>r?3e3:4320>r?4320:1960*pc(r/1960))-r)){e.timeoutHandle=Yo(du.bind(null,e,Mc,Ic),r);break}du(e,Mc,Ic);break;default:throw Error(X(329))}}}return qc(e,Ht()),e.callbackNode===n?Yc.bind(null,e):null}function Zc(e,t){var n=Oc;return e.current.memoizedState.isDehydrated&&(nu(e,t).flags|=256),2!==(e=au(e,t))&&(t=Mc,Mc=n,null!==t&&Xc(t)),e}function Xc(e){null===Mc?Mc=e:Mc.push.apply(Mc,e)}function Kc(e,t){for(t&=~Lc,t&=~Pc,e.suspendedLanes|=t,e.pingedLanes&=~t,e=e.expirationTimes;0e?16:e,null===Bc)var r=!1;else{if(e=Bc,Bc=null,jc=0,0!=(6&yc))throw Error(X(331));var o=yc;for(yc|=4,Wl=e.current;null!==Wl;){var i=Wl,a=i.child;if(0!=(16&Wl.flags)){var s=i.deletions;if(null!==s){for(var l=0;lHt()-Tc?nu(e,0):Lc|=n),qc(e,t)}function mu(e,t){0===t&&(0==(1&e.mode)?t=1:(t=en,0==(130023424&(en<<=1))&&(en=4194304)));var n=$c();null!==(e=xa(e,t))&&(ln(e,t,n),qc(e,n))}function vu(e){var t=e.memoizedState,n=0;null!==t&&(n=t.retryLane),mu(e,n)}function yu(e,t){var n=0;switch(e.tag){case 13:var r=e.stateNode,o=e.memoizedState;null!==o&&(n=o.retryLane);break;case 19:r=e.stateNode;break;default:throw Error(X(314))}null!==r&&r.delete(t),mu(e,n)}function bu(e,t){return zt(e,t)}function xu(e,t,n,r){this.tag=e,this.key=n,this.sibling=this.child=this.return=this.stateNode=this.type=this.elementType=null,this.index=0,this.ref=null,this.pendingProps=t,this.dependencies=this.memoizedState=this.updateQueue=this.memoizedProps=null,this.mode=r,this.subtreeFlags=this.flags=0,this.deletions=null,this.childLanes=this.lanes=0,this.alternate=null}function wu(e,t,n,r){return new xu(e,t,n,r)}function ku(e){return!(!(e=e.prototype)||!e.isReactComponent)}function Su(e,t){var n=e.alternate;return null===n?((n=wu(e.tag,t,e.key,e.mode)).elementType=e.elementType,n.type=e.type,n.stateNode=e.stateNode,n.alternate=e,e.alternate=n):(n.pendingProps=t,n.type=e.type,n.flags=0,n.subtreeFlags=0,n.deletions=null),n.flags=14680064&e.flags,n.childLanes=e.childLanes,n.lanes=e.lanes,n.child=e.child,n.memoizedProps=e.memoizedProps,n.memoizedState=e.memoizedState,n.updateQueue=e.updateQueue,t=e.dependencies,n.dependencies=null===t?null:{lanes:t.lanes,firstContext:t.firstContext},n.sibling=e.sibling,n.index=e.index,n.ref=e.ref,n}function Cu(e,t,n,r,o,i){var a=2;if(r=e,"function"==typeof e)ku(e)&&(a=1);else if("string"==typeof e)a=5;else e:switch(e){case pe:return _u(n.children,o,i,t);case ge:a=8,o|=8;break;case me:return(e=wu(12,n,t,2|o)).elementType=me,e.lanes=i,e;case xe:return(e=wu(13,n,t,o)).elementType=xe,e.lanes=i,e;case we:return(e=wu(19,n,t,o)).elementType=we,e.lanes=i,e;case Ce:return Eu(n,o,i,t);default:if("object"==typeof e&&null!==e)switch(e.$$typeof){case ve:a=10;break e;case ye:a=9;break e;case be:a=11;break e;case ke:a=14;break e;case Se:a=16,r=null;break e}throw Error(X(130,null==e?e:typeof e,""))}return(t=wu(a,n,t,o)).elementType=e,t.type=r,t.lanes=i,t}function _u(e,t,n,r){return(e=wu(7,e,r,t)).lanes=n,e}function Eu(e,t,n,r){return(e=wu(22,e,r,t)).elementType=Ce,e.lanes=n,e.stateNode={isHidden:!1},e}function Pu(e,t,n){return(e=wu(6,e,null,t)).lanes=n,e}function Lu(e,t,n){return(t=wu(4,null!==e.children?e.children:[],e.key,t)).lanes=n,t.stateNode={containerInfo:e.containerInfo,pendingChildren:null,implementation:e.implementation},t}function Ou(e,t,n,r,o){this.tag=t,this.containerInfo=e,this.finishedWork=this.pingCache=this.current=this.pendingChildren=null,this.timeoutHandle=-1,this.callbackNode=this.pendingContext=this.context=null,this.callbackPriority=0,this.eventTimes=sn(0),this.expirationTimes=sn(-1),this.entangledLanes=this.finishedLanes=this.mutableReadLanes=this.expiredLanes=this.pingedLanes=this.suspendedLanes=this.pendingLanes=0,this.entanglements=sn(0),this.identifierPrefix=r,this.onRecoverableError=o,this.mutableSourceEagerHydrationData=null}function Mu(e,t,n,r,o,i,a,s,l){return e=new Ou(e,t,n,s,l),1===t?(t=1,!0===i&&(t|=8)):t=0,i=wu(3,null,null,t),e.current=i,i.stateNode=e,i.memoizedState={element:r,isDehydrated:n,cache:null,transitions:null,pendingSuspenseBoundaries:null},ka(i),e}function Tu(e,t,n){var r=3{};function vd(e,t){return"cookie"===e.type&&e.ssr?e.get(t):t}function yd(e){const{value:t,children:n,options:{useSystemColorMode:r,initialColorMode:o,disableTransitionOnChange:i}={},colorModeManager:s=gd}=e,l="dark"===o?"dark":"light",[c,u]=a.exports.useState((()=>vd(s,l))),[d,h]=a.exports.useState((()=>vd(s))),{getSystemTheme:f,setClassName:p,setDataset:g,addListener:m}=a.exports.useMemo((()=>function(e={}){const{preventTransition:t=!0}=e,n={setDataset:e=>{const r=t?n.preventTransition():void 0;document.documentElement.dataset.theme=e,document.documentElement.style.colorScheme=e,null==r||r()},setClassName(e){document.body.classList.add(e?fd:hd),document.body.classList.remove(e?hd:fd)},query:()=>window.matchMedia("(prefers-color-scheme: dark)"),getSystemTheme:e=>n.query().matches??"dark"===e?"dark":"light",addListener(e){const t=n.query(),r=t=>{e(t.matches?"dark":"light")};return"function"==typeof t.addListener?t.addListener(r):t.addEventListener("change",r),()=>{"function"==typeof t.removeListener?t.removeListener(r):t.removeEventListener("change",r)}},preventTransition(){const e=document.createElement("style");return e.appendChild(document.createTextNode("*{-webkit-transition:none!important;-moz-transition:none!important;-o-transition:none!important;-ms-transition:none!important;transition:none!important}")),document.head.appendChild(e),()=>{window.getComputedStyle(document.body),requestAnimationFrame((()=>{requestAnimationFrame((()=>{document.head.removeChild(e)}))}))}}};return n}({preventTransition:i})),[i]),v="system"!==o||c?c:d,y=a.exports.useCallback((e=>{const t="system"===e?f():e;u(t),p("dark"===t),g(t),s.set(t)}),[s,f,p,g]);Ku((()=>{"system"===o&&h(f())}),[]),a.exports.useEffect((()=>{const e=s.get();y(e||("system"!==o?l:"system"))}),[s,l,o,y]);const b=a.exports.useCallback((()=>{y("dark"===v?"light":"dark")}),[v,y]);a.exports.useEffect((()=>{if(r)return m(y)}),[r,m,y]);const x=a.exports.useMemo((()=>({colorMode:t??v,toggleColorMode:t?md:b,setColorMode:t?md:y,forced:void 0!==t})),[v,b,y,t]);return ld(ud.Provider,{value:x,children:n})}yd.displayName="ColorModeProvider";var bd={exports:{}};!function(e,t){var n="__lodash_hash_undefined__",r=9007199254740991,i="[object Arguments]",a="[object Function]",s="[object Object]",l=/^\[object .+?Constructor\]$/,c=/^(?:0|[1-9]\d*)$/,u={};u["[object Float32Array]"]=u["[object Float64Array]"]=u["[object Int8Array]"]=u["[object Int16Array]"]=u["[object Int32Array]"]=u["[object Uint8Array]"]=u["[object Uint8ClampedArray]"]=u["[object Uint16Array]"]=u["[object Uint32Array]"]=!0,u[i]=u["[object Array]"]=u["[object ArrayBuffer]"]=u["[object Boolean]"]=u["[object DataView]"]=u["[object Date]"]=u["[object Error]"]=u[a]=u["[object Map]"]=u["[object Number]"]=u[s]=u["[object RegExp]"]=u["[object Set]"]=u["[object String]"]=u["[object WeakMap]"]=!1;var d="object"==typeof o&&o&&o.Object===Object&&o,h="object"==typeof self&&self&&self.Object===Object&&self,f=d||h||Function("return this")(),p=t&&!t.nodeType&&t,g=p&&e&&!e.nodeType&&e,m=g&&g.exports===p,v=m&&d.process,y=function(){try{var e=g&&g.require&&g.require("util").types;return e||v&&v.binding&&v.binding("util")}catch(B2){}}(),b=y&&y.isTypedArray;function x(e,t,n){switch(n.length){case 0:return e.call(t);case 1:return e.call(t,n[0]);case 2:return e.call(t,n[0],n[1]);case 3:return e.call(t,n[0],n[1],n[2])}return e.apply(t,n)}var w,k=Array.prototype,S=Function.prototype,C=Object.prototype,_=f["__core-js_shared__"],E=S.toString,P=C.hasOwnProperty,L=(w=/[^.]+$/.exec(_&&_.keys&&_.keys.IE_PROTO||""))?"Symbol(src)_1."+w:"",O=C.toString,M=E.call(Object),T=RegExp("^"+E.call(P).replace(/[\\^$.*+?()[\]{}|]/g,"\\$&").replace(/hasOwnProperty|(function).*?(?=\\\()| for .+?(?=\\\])/g,"$1.*?")+"$"),A=m?f.Buffer:void 0,I=f.Symbol,R=f.Uint8Array,N=A?A.allocUnsafe:void 0,D=function(e,t){return function(n){return e(t(n))}}(Object.getPrototypeOf,Object),z=Object.create,B=C.propertyIsEnumerable,j=k.splice,F=I?I.toStringTag:void 0,H=function(){try{var e=fe(Object,"defineProperty");return e({},"",{}),e}catch(B2){}}(),W=A?A.isBuffer:void 0,V=Math.max,$=Date.now,U=fe(f,"Map"),G=fe(Object,"create"),q=function(){function e(){}return function(t){if(!Le(t))return{};if(z)return z(t);e.prototype=t;var n=new e;return e.prototype=void 0,n}}();function Y(e){var t=-1,n=null==e?0:e.length;for(this.clear();++t-1},Z.prototype.set=function(e,t){var n=this.__data__,r=te(n,e);return r<0?(++this.size,n.push([e,t])):n[r][1]=t,this},X.prototype.clear=function(){this.size=0,this.__data__={hash:new Y,map:new(U||Z),string:new Y}},X.prototype.delete=function(e){var t=he(this,e).delete(e);return this.size-=t?1:0,t},X.prototype.get=function(e){return he(this,e).get(e)},X.prototype.has=function(e){return he(this,e).has(e)},X.prototype.set=function(e,t){var n=he(this,e),r=n.size;return n.set(e,t),this.size+=n.size==r?0:1,this},K.prototype.clear=function(){this.__data__=new Z,this.size=0},K.prototype.delete=function(e){var t=this.__data__,n=t.delete(e);return this.size=t.size,n},K.prototype.get=function(e){return this.__data__.get(e)},K.prototype.has=function(e){return this.__data__.has(e)},K.prototype.set=function(e,t){var n=this.__data__;if(n instanceof Z){var r=n.__data__;if(!U||r.length<199)return r.push([e,t]),this.size=++n.size,this;n=this.__data__=new X(r)}return n.set(e,t),this.size=n.size,this};var re,oe=function(e,t,n){for(var r=-1,o=Object(e),i=n(e),a=i.length;a--;){var s=i[re?a:++r];if(!1===t(o[s],s,o))break}return e};function ie(e){return null==e?void 0===e?"[object Undefined]":"[object Null]":F&&F in Object(e)?function(e){var t=P.call(e,F),n=e[F];try{e[F]=void 0;var r=!0}catch(B2){}var o=O.call(e);r&&(t?e[F]=n:delete e[F]);return o}(e):function(e){return O.call(e)}(e)}function ae(e){return Oe(e)&&ie(e)==i}function se(e){return!(!Le(e)||(t=e,L&&L in t))&&(Ee(e)?T:l).test(function(e){if(null!=e){try{return E.call(e)}catch(B2){}try{return e+""}catch(B2){}}return""}(e));var t}function le(e){if(!Le(e))return function(e){var t=[];if(null!=e)for(var n in Object(e))t.push(n);return t}(e);var t=ge(e),n=[];for(var r in e)("constructor"!=r||!t&&P.call(e,r))&&n.push(r);return n}function ce(e,t,n,r,o){e!==t&&oe(t,(function(i,a){if(o||(o=new K),Le(i))!function(e,t,n,r,o,i,a){var l=me(e,n),c=me(t,n),u=a.get(c);if(u)return void J(e,n,u);var d=i?i(l,c,n+"",e,t,a):void 0,h=void 0===d;if(h){var f=Se(c),p=!f&&_e(c),g=!f&&!p&&Me(c);d=c,f||p||g?Se(l)?d=l:!function(e){return Oe(e)&&Ce(e)}(l)?p?(h=!1,d=function(e,t){if(t)return e.slice();var n=e.length,r=N?N(n):new e.constructor(n);return e.copy(r),r}(c,!0)):g?(h=!1,m=c,v=!0?(y=m.buffer,b=new y.constructor(y.byteLength),new R(b).set(new R(y)),b):m.buffer,d=new m.constructor(v,m.byteOffset,m.length)):d=[]:d=function(e,t){var n=-1,r=e.length;t||(t=Array(r));for(;++n-1&&e%1==0&&e0){if(++ye>=800)return arguments[0]}else ye=0;return ve.apply(void 0,arguments)});function we(e,t){return e===t||e!=e&&t!=t}var ke=ae(function(){return arguments}())?ae:function(e){return Oe(e)&&P.call(e,"callee")&&!B.call(e,"callee")},Se=Array.isArray;function Ce(e){return null!=e&&Pe(e.length)&&!Ee(e)}var _e=W||function(){return!1};function Ee(e){if(!Le(e))return!1;var t=ie(e);return t==a||"[object GeneratorFunction]"==t||"[object AsyncFunction]"==t||"[object Proxy]"==t}function Pe(e){return"number"==typeof e&&e>-1&&e%1==0&&e<=r}function Le(e){var t=typeof e;return null!=e&&("object"==t||"function"==t)}function Oe(e){return null!=e&&"object"==typeof e}var Me=b?function(e){return function(t){return e(t)}}(b):function(e){return Oe(e)&&Pe(e.length)&&!!u[ie(e)]};function Te(e){return Ce(e)?Q(e,!0):le(e)}var Ae,Ie=(Ae=function(e,t,n,r){ce(e,t,n,r)},ue((function(e,t){var n=-1,r=t.length,o=r>1?t[r-1]:void 0,i=r>2?t[2]:void 0;for(o=Ae.length>3&&"function"==typeof o?(r--,o):void 0,i&&function(e,t,n){if(!Le(n))return!1;var r=typeof t;return!!("number"==r?Ce(n)&&pe(t,n.length):"string"==r&&t in n)&&we(n[t],e)}(t[0],t[1],i)&&(o=r<3?void 0:o,r=1),e=Object(e);++n"function"==typeof e,Cd=e=>"string"==typeof e?e.replace(/!(important)?$/,"").trim():e,_d=(e,t)=>n=>{const r=String(t),o=(e=>/!(important)?$/.test(e))(r),i=Cd(r),a=e?`${e}.${i}`:i;let s=wd(n.__cssMap)&&a in n.__cssMap?n.__cssMap[a].varRef:t;return s=Cd(s),o?`${s} !important`:s};function Ed(e){const{scale:t,transform:n,compose:r}=e;return(e,o)=>{const i=_d(t,e)(o);let a=(null==n?void 0:n(i,o))??i;return r&&(a=r(a,o)),a}}var Pd=(...e)=>t=>e.reduce(((e,t)=>t(e)),t);function Ld(e,t){return n=>{const r={property:n,scale:e};return r.transform=Ed({scale:e,transform:t}),r}}var Od=({rtl:e,ltr:t})=>n=>"rtl"===n.direction?e:t;var Md=["rotate(var(--chakra-rotate, 0))","scaleX(var(--chakra-scale-x, 1))","scaleY(var(--chakra-scale-y, 1))","skewX(var(--chakra-skew-x, 0))","skewY(var(--chakra-skew-y, 0))"];var Td={"--chakra-blur":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-brightness":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-contrast":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-grayscale":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-hue-rotate":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-invert":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-saturate":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-sepia":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-drop-shadow":"var(--chakra-empty,/*!*/ /*!*/)",filter:["var(--chakra-blur)","var(--chakra-brightness)","var(--chakra-contrast)","var(--chakra-grayscale)","var(--chakra-hue-rotate)","var(--chakra-invert)","var(--chakra-saturate)","var(--chakra-sepia)","var(--chakra-drop-shadow)"].join(" ")},Ad={backdropFilter:["var(--chakra-backdrop-blur)","var(--chakra-backdrop-brightness)","var(--chakra-backdrop-contrast)","var(--chakra-backdrop-grayscale)","var(--chakra-backdrop-hue-rotate)","var(--chakra-backdrop-invert)","var(--chakra-backdrop-opacity)","var(--chakra-backdrop-saturate)","var(--chakra-backdrop-sepia)"].join(" "),"--chakra-backdrop-blur":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-brightness":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-contrast":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-grayscale":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-hue-rotate":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-invert":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-opacity":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-saturate":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-backdrop-sepia":"var(--chakra-empty,/*!*/ /*!*/)"};var Id={"row-reverse":{space:"--chakra-space-x-reverse",divide:"--chakra-divide-x-reverse"},"column-reverse":{space:"--chakra-space-y-reverse",divide:"--chakra-divide-y-reverse"}},Rd="& > :not(style) ~ :not(style)",Nd={[Rd]:{marginInlineStart:"calc(var(--chakra-space-x) * calc(1 - var(--chakra-space-x-reverse)))",marginInlineEnd:"calc(var(--chakra-space-x) * var(--chakra-space-x-reverse))"}},Dd={[Rd]:{marginTop:"calc(var(--chakra-space-y) * calc(1 - var(--chakra-space-y-reverse)))",marginBottom:"calc(var(--chakra-space-y) * var(--chakra-space-y-reverse))"}},zd={"to-t":"to top","to-tr":"to top right","to-r":"to right","to-br":"to bottom right","to-b":"to bottom","to-bl":"to bottom left","to-l":"to left","to-tl":"to top left"},Bd=new Set(Object.values(zd)),jd=new Set(["none","-moz-initial","inherit","initial","revert","unset"]),Fd=e=>e.trim();var Hd=e=>"string"==typeof e&&e.includes("(")&&e.includes(")");var Wd=e=>t=>`${e}(${t})`,Vd={filter:e=>"auto"!==e?e:Td,backdropFilter:e=>"auto"!==e?e:Ad,ring:e=>function(e){return{"--chakra-ring-offset-shadow":"var(--chakra-ring-inset) 0 0 0 var(--chakra-ring-offset-width) var(--chakra-ring-offset-color)","--chakra-ring-shadow":"var(--chakra-ring-inset) 0 0 0 calc(var(--chakra-ring-width) + var(--chakra-ring-offset-width)) var(--chakra-ring-color)","--chakra-ring-width":e,boxShadow:["var(--chakra-ring-offset-shadow)","var(--chakra-ring-shadow)","var(--chakra-shadow, 0 0 #0000)"].join(", ")}}(Vd.px(e)),bgClip:e=>"text"===e?{color:"transparent",backgroundClip:"text"}:{backgroundClip:e},transform:e=>"auto"===e?["translateX(var(--chakra-translate-x, 0))","translateY(var(--chakra-translate-y, 0))",...Md].join(" "):"auto-gpu"===e?["translate3d(var(--chakra-translate-x, 0), var(--chakra-translate-y, 0), 0)",...Md].join(" "):e,vh:e=>"$100vh"===e?"var(--chakra-vh)":e,px(e){if(null==e)return e;const{unitless:t}=(e=>{const t=parseFloat(e.toString()),n=e.toString().replace(String(t),"");return{unitless:!n,value:t,unit:n}})(e);return t||"number"==typeof e?`${e}px`:e},fraction:e=>"number"!=typeof e||e>1?e:100*e+"%",float:(e,t)=>"rtl"===t.direction?{left:"right",right:"left"}[e]:e,degree(e){if(function(e){return/^var\(--.+\)$/.test(e)}(e)||null==e)return e;const t="string"==typeof e&&!e.endsWith("deg");return"number"==typeof e||t?`${e}deg`:e},gradient:(e,t)=>function(e,t){var n;if(null==e||jd.has(e))return e;const{type:r,values:o}=(null==(n=/(?^[a-z-A-Z]+)\((?(.*))\)/g.exec(e))?void 0:n.groups)??{};if(!r||!o)return e;const i=r.includes("-gradient")?r:`${r}-gradient`,[a,...s]=o.split(",").map(Fd).filter(Boolean);if(0===(null==s?void 0:s.length))return e;const l=a in zd?zd[a]:a;s.unshift(l);const c=s.map((e=>{if(Bd.has(e))return e;const n=e.indexOf(" "),[r,o]=-1!==n?[e.substr(0,n),e.substr(n+1)]:[e],i=Hd(o)?o:o&&o.split(" "),a=`colors.${r}`,s=a in t.__cssMap?t.__cssMap[a].varRef:r;return i?[s,...Array.isArray(i)?i:[i]].join(" "):s}));return`${i}(${c.join(", ")})`}(e,t??{}),blur:Wd("blur"),opacity:Wd("opacity"),brightness:Wd("brightness"),contrast:Wd("contrast"),dropShadow:Wd("drop-shadow"),grayscale:Wd("grayscale"),hueRotate:Wd("hue-rotate"),invert:Wd("invert"),saturate:Wd("saturate"),sepia:Wd("sepia"),bgImage(e){if(null==e)return e;return Hd(e)||jd.has(e)?e:`url(${e})`},outline(e){const t="0"===String(e)||"none"===String(e);return null!==e&&t?{outline:"2px solid transparent",outlineOffset:"2px"}:{outline:e}},flexDirection(e){const{space:t,divide:n}=Id[e]??{},r={flexDirection:e};return t&&(r[t]=1),n&&(r[n]=1),r}},$d={borderWidths:Ld("borderWidths"),borderStyles:Ld("borderStyles"),colors:Ld("colors"),borders:Ld("borders"),radii:Ld("radii",Vd.px),space:Ld("space",Pd(Vd.vh,Vd.px)),spaceT:Ld("space",Pd(Vd.vh,Vd.px)),degreeT:e=>({property:e,transform:Vd.degree}),prop:(e,t,n)=>({property:e,scale:t,...t&&{transform:Ed({scale:t,transform:n})}}),propT:(e,t)=>({property:e,transform:t}),sizes:Ld("sizes",Pd(Vd.vh,Vd.px)),sizesT:Ld("sizes",Pd(Vd.vh,Vd.fraction)),shadows:Ld("shadows"),logical:function(e){const{property:t,scale:n,transform:r}=e;return{scale:n,property:Od(t),transform:n?Ed({scale:n,compose:r}):r}},blur:Ld("blur",Vd.blur)},Ud={background:$d.colors("background"),backgroundColor:$d.colors("backgroundColor"),backgroundImage:$d.propT("backgroundImage",Vd.bgImage),backgroundSize:!0,backgroundPosition:!0,backgroundRepeat:!0,backgroundAttachment:!0,backgroundClip:{transform:Vd.bgClip},bgSize:$d.prop("backgroundSize"),bgPosition:$d.prop("backgroundPosition"),bg:$d.colors("background"),bgColor:$d.colors("backgroundColor"),bgPos:$d.prop("backgroundPosition"),bgRepeat:$d.prop("backgroundRepeat"),bgAttachment:$d.prop("backgroundAttachment"),bgGradient:$d.propT("backgroundImage",Vd.gradient),bgClip:{transform:Vd.bgClip}};Object.assign(Ud,{bgImage:Ud.backgroundImage,bgImg:Ud.backgroundImage});var Gd={border:$d.borders("border"),borderWidth:$d.borderWidths("borderWidth"),borderStyle:$d.borderStyles("borderStyle"),borderColor:$d.colors("borderColor"),borderRadius:$d.radii("borderRadius"),borderTop:$d.borders("borderTop"),borderBlockStart:$d.borders("borderBlockStart"),borderTopLeftRadius:$d.radii("borderTopLeftRadius"),borderStartStartRadius:$d.logical({scale:"radii",property:{ltr:"borderTopLeftRadius",rtl:"borderTopRightRadius"}}),borderEndStartRadius:$d.logical({scale:"radii",property:{ltr:"borderBottomLeftRadius",rtl:"borderBottomRightRadius"}}),borderTopRightRadius:$d.radii("borderTopRightRadius"),borderStartEndRadius:$d.logical({scale:"radii",property:{ltr:"borderTopRightRadius",rtl:"borderTopLeftRadius"}}),borderEndEndRadius:$d.logical({scale:"radii",property:{ltr:"borderBottomRightRadius",rtl:"borderBottomLeftRadius"}}),borderRight:$d.borders("borderRight"),borderInlineEnd:$d.borders("borderInlineEnd"),borderBottom:$d.borders("borderBottom"),borderBlockEnd:$d.borders("borderBlockEnd"),borderBottomLeftRadius:$d.radii("borderBottomLeftRadius"),borderBottomRightRadius:$d.radii("borderBottomRightRadius"),borderLeft:$d.borders("borderLeft"),borderInlineStart:{property:"borderInlineStart",scale:"borders"},borderInlineStartRadius:$d.logical({scale:"radii",property:{ltr:["borderTopLeftRadius","borderBottomLeftRadius"],rtl:["borderTopRightRadius","borderBottomRightRadius"]}}),borderInlineEndRadius:$d.logical({scale:"radii",property:{ltr:["borderTopRightRadius","borderBottomRightRadius"],rtl:["borderTopLeftRadius","borderBottomLeftRadius"]}}),borderX:$d.borders(["borderLeft","borderRight"]),borderInline:$d.borders("borderInline"),borderY:$d.borders(["borderTop","borderBottom"]),borderBlock:$d.borders("borderBlock"),borderTopWidth:$d.borderWidths("borderTopWidth"),borderBlockStartWidth:$d.borderWidths("borderBlockStartWidth"),borderTopColor:$d.colors("borderTopColor"),borderBlockStartColor:$d.colors("borderBlockStartColor"),borderTopStyle:$d.borderStyles("borderTopStyle"),borderBlockStartStyle:$d.borderStyles("borderBlockStartStyle"),borderBottomWidth:$d.borderWidths("borderBottomWidth"),borderBlockEndWidth:$d.borderWidths("borderBlockEndWidth"),borderBottomColor:$d.colors("borderBottomColor"),borderBlockEndColor:$d.colors("borderBlockEndColor"),borderBottomStyle:$d.borderStyles("borderBottomStyle"),borderBlockEndStyle:$d.borderStyles("borderBlockEndStyle"),borderLeftWidth:$d.borderWidths("borderLeftWidth"),borderInlineStartWidth:$d.borderWidths("borderInlineStartWidth"),borderLeftColor:$d.colors("borderLeftColor"),borderInlineStartColor:$d.colors("borderInlineStartColor"),borderLeftStyle:$d.borderStyles("borderLeftStyle"),borderInlineStartStyle:$d.borderStyles("borderInlineStartStyle"),borderRightWidth:$d.borderWidths("borderRightWidth"),borderInlineEndWidth:$d.borderWidths("borderInlineEndWidth"),borderRightColor:$d.colors("borderRightColor"),borderInlineEndColor:$d.colors("borderInlineEndColor"),borderRightStyle:$d.borderStyles("borderRightStyle"),borderInlineEndStyle:$d.borderStyles("borderInlineEndStyle"),borderTopRadius:$d.radii(["borderTopLeftRadius","borderTopRightRadius"]),borderBottomRadius:$d.radii(["borderBottomLeftRadius","borderBottomRightRadius"]),borderLeftRadius:$d.radii(["borderTopLeftRadius","borderBottomLeftRadius"]),borderRightRadius:$d.radii(["borderTopRightRadius","borderBottomRightRadius"])};Object.assign(Gd,{rounded:Gd.borderRadius,roundedTop:Gd.borderTopRadius,roundedTopLeft:Gd.borderTopLeftRadius,roundedTopRight:Gd.borderTopRightRadius,roundedTopStart:Gd.borderStartStartRadius,roundedTopEnd:Gd.borderStartEndRadius,roundedBottom:Gd.borderBottomRadius,roundedBottomLeft:Gd.borderBottomLeftRadius,roundedBottomRight:Gd.borderBottomRightRadius,roundedBottomStart:Gd.borderEndStartRadius,roundedBottomEnd:Gd.borderEndEndRadius,roundedLeft:Gd.borderLeftRadius,roundedRight:Gd.borderRightRadius,roundedStart:Gd.borderInlineStartRadius,roundedEnd:Gd.borderInlineEndRadius,borderStart:Gd.borderInlineStart,borderEnd:Gd.borderInlineEnd,borderTopStartRadius:Gd.borderStartStartRadius,borderTopEndRadius:Gd.borderStartEndRadius,borderBottomStartRadius:Gd.borderEndStartRadius,borderBottomEndRadius:Gd.borderEndEndRadius,borderStartRadius:Gd.borderInlineStartRadius,borderEndRadius:Gd.borderInlineEndRadius,borderStartWidth:Gd.borderInlineStartWidth,borderEndWidth:Gd.borderInlineEndWidth,borderStartColor:Gd.borderInlineStartColor,borderEndColor:Gd.borderInlineEndColor,borderStartStyle:Gd.borderInlineStartStyle,borderEndStyle:Gd.borderInlineEndStyle});var qd={color:$d.colors("color"),textColor:$d.colors("color"),fill:$d.colors("fill"),stroke:$d.colors("stroke")},Yd={boxShadow:$d.shadows("boxShadow"),mixBlendMode:!0,blendMode:$d.prop("mixBlendMode"),backgroundBlendMode:!0,bgBlendMode:$d.prop("backgroundBlendMode"),opacity:!0};Object.assign(Yd,{shadow:Yd.boxShadow});var Zd={filter:{transform:Vd.filter},blur:$d.blur("--chakra-blur"),brightness:$d.propT("--chakra-brightness",Vd.brightness),contrast:$d.propT("--chakra-contrast",Vd.contrast),hueRotate:$d.degreeT("--chakra-hue-rotate"),invert:$d.propT("--chakra-invert",Vd.invert),saturate:$d.propT("--chakra-saturate",Vd.saturate),dropShadow:$d.propT("--chakra-drop-shadow",Vd.dropShadow),backdropFilter:{transform:Vd.backdropFilter},backdropBlur:$d.blur("--chakra-backdrop-blur"),backdropBrightness:$d.propT("--chakra-backdrop-brightness",Vd.brightness),backdropContrast:$d.propT("--chakra-backdrop-contrast",Vd.contrast),backdropHueRotate:$d.degreeT("--chakra-backdrop-hue-rotate"),backdropInvert:$d.propT("--chakra-backdrop-invert",Vd.invert),backdropSaturate:$d.propT("--chakra-backdrop-saturate",Vd.saturate)},Xd={alignItems:!0,alignContent:!0,justifyItems:!0,justifyContent:!0,flexWrap:!0,flexDirection:{transform:Vd.flexDirection},experimental_spaceX:{static:Nd,transform:Ed({scale:"space",transform:e=>null!==e?{"--chakra-space-x":e}:null})},experimental_spaceY:{static:Dd,transform:Ed({scale:"space",transform:e=>null!=e?{"--chakra-space-y":e}:null})},flex:!0,flexFlow:!0,flexGrow:!0,flexShrink:!0,flexBasis:$d.sizes("flexBasis"),justifySelf:!0,alignSelf:!0,order:!0,placeItems:!0,placeContent:!0,placeSelf:!0,gap:$d.space("gap"),rowGap:$d.space("rowGap"),columnGap:$d.space("columnGap")};Object.assign(Xd,{flexDir:Xd.flexDirection});var Kd={gridGap:$d.space("gridGap"),gridColumnGap:$d.space("gridColumnGap"),gridRowGap:$d.space("gridRowGap"),gridColumn:!0,gridRow:!0,gridAutoFlow:!0,gridAutoColumns:!0,gridColumnStart:!0,gridColumnEnd:!0,gridRowStart:!0,gridRowEnd:!0,gridAutoRows:!0,gridTemplate:!0,gridTemplateColumns:!0,gridTemplateRows:!0,gridTemplateAreas:!0,gridArea:!0},Qd={appearance:!0,cursor:!0,resize:!0,userSelect:!0,pointerEvents:!0,outline:{transform:Vd.outline},outlineOffset:!0,outlineColor:$d.colors("outlineColor")},Jd={width:$d.sizesT("width"),inlineSize:$d.sizesT("inlineSize"),height:$d.sizes("height"),blockSize:$d.sizes("blockSize"),boxSize:$d.sizes(["width","height"]),minWidth:$d.sizes("minWidth"),minInlineSize:$d.sizes("minInlineSize"),minHeight:$d.sizes("minHeight"),minBlockSize:$d.sizes("minBlockSize"),maxWidth:$d.sizes("maxWidth"),maxInlineSize:$d.sizes("maxInlineSize"),maxHeight:$d.sizes("maxHeight"),maxBlockSize:$d.sizes("maxBlockSize"),overflow:!0,overflowX:!0,overflowY:!0,overscrollBehavior:!0,overscrollBehaviorX:!0,overscrollBehaviorY:!0,display:!0,verticalAlign:!0,boxSizing:!0,boxDecorationBreak:!0,float:$d.propT("float",Vd.float),objectFit:!0,objectPosition:!0,visibility:!0,isolation:!0};Object.assign(Jd,{w:Jd.width,h:Jd.height,minW:Jd.minWidth,maxW:Jd.maxWidth,minH:Jd.minHeight,maxH:Jd.maxHeight,overscroll:Jd.overscrollBehavior,overscrollX:Jd.overscrollBehaviorX,overscrollY:Jd.overscrollBehaviorY});var eh={listStyleType:!0,listStylePosition:!0,listStylePos:$d.prop("listStylePosition"),listStyleImage:!0,listStyleImg:$d.prop("listStyleImage")};var th=(e=>{const t=new WeakMap;return(n,r,o,i)=>{if(void 0===n)return e(n,r,o);t.has(n)||t.set(n,new Map);const a=t.get(n);if(a.has(r))return a.get(r);const s=e(n,r,o,i);return a.set(r,s),s}})((function(e,t,n,r){const o="string"==typeof t?t.split("."):[t];for(r=0;r{const r={},o=th(e,t,{});for(const i in o){i in n&&null!=n[i]||(r[i]=o[i])}return r},ih={srOnly:{transform:e=>!0===e?nh:"focusable"===e?rh:{}},layerStyle:{processResult:!0,transform:(e,t,n)=>oh(t,`layerStyles.${e}`,n)},textStyle:{processResult:!0,transform:(e,t,n)=>oh(t,`textStyles.${e}`,n)},apply:{processResult:!0,transform:(e,t,n)=>oh(t,e,n)}},ah={position:!0,pos:$d.prop("position"),zIndex:$d.prop("zIndex","zIndices"),inset:$d.spaceT("inset"),insetX:$d.spaceT(["left","right"]),insetInline:$d.spaceT("insetInline"),insetY:$d.spaceT(["top","bottom"]),insetBlock:$d.spaceT("insetBlock"),top:$d.spaceT("top"),insetBlockStart:$d.spaceT("insetBlockStart"),bottom:$d.spaceT("bottom"),insetBlockEnd:$d.spaceT("insetBlockEnd"),left:$d.spaceT("left"),insetInlineStart:$d.logical({scale:"space",property:{ltr:"left",rtl:"right"}}),right:$d.spaceT("right"),insetInlineEnd:$d.logical({scale:"space",property:{ltr:"right",rtl:"left"}})};Object.assign(ah,{insetStart:ah.insetInlineStart,insetEnd:ah.insetInlineEnd});var sh={ring:{transform:Vd.ring},ringColor:$d.colors("--chakra-ring-color"),ringOffset:$d.prop("--chakra-ring-offset-width"),ringOffsetColor:$d.colors("--chakra-ring-offset-color"),ringInset:$d.prop("--chakra-ring-inset")},lh={margin:$d.spaceT("margin"),marginTop:$d.spaceT("marginTop"),marginBlockStart:$d.spaceT("marginBlockStart"),marginRight:$d.spaceT("marginRight"),marginInlineEnd:$d.spaceT("marginInlineEnd"),marginBottom:$d.spaceT("marginBottom"),marginBlockEnd:$d.spaceT("marginBlockEnd"),marginLeft:$d.spaceT("marginLeft"),marginInlineStart:$d.spaceT("marginInlineStart"),marginX:$d.spaceT(["marginInlineStart","marginInlineEnd"]),marginInline:$d.spaceT("marginInline"),marginY:$d.spaceT(["marginTop","marginBottom"]),marginBlock:$d.spaceT("marginBlock"),padding:$d.space("padding"),paddingTop:$d.space("paddingTop"),paddingBlockStart:$d.space("paddingBlockStart"),paddingRight:$d.space("paddingRight"),paddingBottom:$d.space("paddingBottom"),paddingBlockEnd:$d.space("paddingBlockEnd"),paddingLeft:$d.space("paddingLeft"),paddingInlineStart:$d.space("paddingInlineStart"),paddingInlineEnd:$d.space("paddingInlineEnd"),paddingX:$d.space(["paddingInlineStart","paddingInlineEnd"]),paddingInline:$d.space("paddingInline"),paddingY:$d.space(["paddingTop","paddingBottom"]),paddingBlock:$d.space("paddingBlock")};Object.assign(lh,{m:lh.margin,mt:lh.marginTop,mr:lh.marginRight,me:lh.marginInlineEnd,marginEnd:lh.marginInlineEnd,mb:lh.marginBottom,ml:lh.marginLeft,ms:lh.marginInlineStart,marginStart:lh.marginInlineStart,mx:lh.marginX,my:lh.marginY,p:lh.padding,pt:lh.paddingTop,py:lh.paddingY,px:lh.paddingX,pb:lh.paddingBottom,pl:lh.paddingLeft,ps:lh.paddingInlineStart,paddingStart:lh.paddingInlineStart,pr:lh.paddingRight,pe:lh.paddingInlineEnd,paddingEnd:lh.paddingInlineEnd});var ch={textDecorationColor:$d.colors("textDecorationColor"),textDecoration:!0,textDecor:{property:"textDecoration"},textDecorationLine:!0,textDecorationStyle:!0,textDecorationThickness:!0,textUnderlineOffset:!0,textShadow:$d.shadows("textShadow")},uh={clipPath:!0,transform:$d.propT("transform",Vd.transform),transformOrigin:!0,translateX:$d.spaceT("--chakra-translate-x"),translateY:$d.spaceT("--chakra-translate-y"),skewX:$d.degreeT("--chakra-skew-x"),skewY:$d.degreeT("--chakra-skew-y"),scaleX:$d.prop("--chakra-scale-x"),scaleY:$d.prop("--chakra-scale-y"),scale:$d.prop(["--chakra-scale-x","--chakra-scale-y"]),rotate:$d.degreeT("--chakra-rotate")},dh={transition:!0,transitionDelay:!0,animation:!0,willChange:!0,transitionDuration:$d.prop("transitionDuration","transition.duration"),transitionProperty:$d.prop("transitionProperty","transition.property"),transitionTimingFunction:$d.prop("transitionTimingFunction","transition.easing")},hh={fontFamily:$d.prop("fontFamily","fonts"),fontSize:$d.prop("fontSize","fontSizes",Vd.px),fontWeight:$d.prop("fontWeight","fontWeights"),lineHeight:$d.prop("lineHeight","lineHeights"),letterSpacing:$d.prop("letterSpacing","letterSpacings"),textAlign:!0,fontStyle:!0,wordBreak:!0,overflowWrap:!0,textOverflow:!0,textTransform:!0,whiteSpace:!0,noOfLines:{static:{overflow:"hidden",textOverflow:"ellipsis",display:"-webkit-box",WebkitBoxOrient:"vertical",WebkitLineClamp:"var(--chakra-line-clamp)"},property:"--chakra-line-clamp"}},fh={scrollBehavior:!0,scrollSnapAlign:!0,scrollSnapStop:!0,scrollSnapType:!0,scrollMargin:$d.spaceT("scrollMargin"),scrollMarginTop:$d.spaceT("scrollMarginTop"),scrollMarginBottom:$d.spaceT("scrollMarginBottom"),scrollMarginLeft:$d.spaceT("scrollMarginLeft"),scrollMarginRight:$d.spaceT("scrollMarginRight"),scrollMarginX:$d.spaceT(["scrollMarginLeft","scrollMarginRight"]),scrollMarginY:$d.spaceT(["scrollMarginTop","scrollMarginBottom"]),scrollPadding:$d.spaceT("scrollPadding"),scrollPaddingTop:$d.spaceT("scrollPaddingTop"),scrollPaddingBottom:$d.spaceT("scrollPaddingBottom"),scrollPaddingLeft:$d.spaceT("scrollPaddingLeft"),scrollPaddingRight:$d.spaceT("scrollPaddingRight"),scrollPaddingX:$d.spaceT(["scrollPaddingLeft","scrollPaddingRight"]),scrollPaddingY:$d.spaceT(["scrollPaddingTop","scrollPaddingBottom"])};function ph(e){return wd(e)&&e.reference?e.reference:String(e)}var gh=(e,...t)=>t.map(ph).join(` ${e} `).replace(/calc/g,""),mh=(...e)=>`calc(${gh("+",...e)})`,vh=(...e)=>`calc(${gh("-",...e)})`,yh=(...e)=>`calc(${gh("*",...e)})`,bh=(...e)=>`calc(${gh("/",...e)})`,xh=e=>{const t=ph(e);return null==t||Number.isNaN(parseFloat(t))?yh(t,-1):String(t).startsWith("-")?String(t).slice(1):`-${t}`},wh=Object.assign((e=>({add:(...t)=>wh(mh(e,...t)),subtract:(...t)=>wh(vh(e,...t)),multiply:(...t)=>wh(yh(e,...t)),divide:(...t)=>wh(bh(e,...t)),negate:()=>wh(xh(e)),toString:()=>e.toString()})),{add:mh,subtract:vh,multiply:yh,divide:bh,negate:xh});function kh(e){return function(e){return e.replace(/[!-,/:-@[-^`{-~]/g,"\\$&")}(function(e){if(e.includes("\\."))return e;const t=!Number.isInteger(parseFloat(e.toString()));return t?e.replace(".","\\."):e}(function(e,t="-"){return e.replace(/\s+/g,t)}(e.toString())))}function Sh(e,t){return`var(${e}${t?`, ${t}`:""})`}function Ch(e,t=""){return kh(`--${function(e,t=""){return[t,e].filter(Boolean).join("-")}(e,t)}`)}function _h(e,t,n){const r=Ch(e,n);return{variable:r,reference:Sh(r,t)}}function Eh(e){const t=null==e?0:e.length;return t?e[t-1]:void 0}function Ph(e){if(null==e)return e;const{unitless:t}=function(e){const t=parseFloat(e.toString()),n=e.toString().replace(String(t),"");return{unitless:!n,value:t,unit:n}}(e);return t||"number"==typeof e?`${e}px`:e}var Lh=(e,t)=>parseInt(e[1],10)>parseInt(t[1],10)?1:-1,Oh=e=>Object.fromEntries(Object.entries(e).sort(Lh));function Mh(e){const t=Oh(e);return Object.assign(Object.values(t),t)}function Th(e){if(!e)return e;const t=(e=Ph(e)??e).endsWith("px")?-1:-.0625;return"number"==typeof e?`${e+t}`:e.replace(/(\d+\.?\d*)/u,(e=>`${parseFloat(e)+t}`))}function Ah(e,t){const n=["@media screen"];return e&&n.push("and",`(min-width: ${Ph(e)})`),t&&n.push("and",`(max-width: ${Ph(t)})`),n.join(" ")}function Ih(e){if(!e)return null;e.base=e.base??"0px";const t=Mh(e),n=Object.entries(e).sort(Lh).map((([e,t],n,r)=>{let[,o]=r[n+1]??[];return o=parseFloat(o)>0?Th(o):void 0,{_minW:Th(t),breakpoint:e,minW:t,maxW:o,maxWQuery:Ah(null,o),minWQuery:Ah(t),minMaxQuery:Ah(t,o)}})),r=function(e){const t=Object.keys(Oh(e));return new Set(t)}(e),o=Array.from(r.values());return{keys:r,normalized:t,isResponsive(e){const t=Object.keys(e);return t.length>0&&t.every((e=>r.has(e)))},asObject:Oh(e),asArray:Mh(e),details:n,media:[null,...t.map((e=>Ah(e))).slice(1)],toArrayValue(e){if(!wd(e))throw new Error("toArrayValue: value must be an object");const t=o.map((t=>e[t]??null));for(;null===Eh(t);)t.pop();return t},toObjectValue(e){if(!Array.isArray(e))throw new Error("toObjectValue: value must be an array");return e.reduce(((e,t,n)=>{const r=o[n];return null!=r&&null!=t&&(e[r]=t),e}),{})}}}var Rh=(e,t)=>`${e}:hover ${t}, ${e}[data-hover] ${t}`,Nh=(e,t)=>`${e}:focus ${t}, ${e}[data-focus] ${t}`,Dh=(e,t)=>`${e}:focus-visible ${t}`,zh=(e,t)=>`${e}:focus-within ${t}`,Bh=(e,t)=>`${e}:active ${t}, ${e}[data-active] ${t}`,jh=(e,t)=>`${e}:disabled ${t}, ${e}[data-disabled] ${t}`,Fh=(e,t)=>`${e}:invalid ${t}, ${e}[data-invalid] ${t}`,Hh=(e,t)=>`${e}:checked ${t}, ${e}[data-checked] ${t}`,Wh=(e,t)=>`${e}:placeholder-shown ${t}`,Vh=e=>Uh((t=>e(t,"&")),"[role=group]","[data-group]",".group"),$h=e=>Uh((t=>e(t,"~ &")),"[data-peer]",".peer"),Uh=(e,...t)=>t.map(e).join(", "),Gh={_hover:"&:hover, &[data-hover]",_active:"&:active, &[data-active]",_focus:"&:focus, &[data-focus]",_highlighted:"&[data-highlighted]",_focusWithin:"&:focus-within",_focusVisible:"&:focus-visible, &[data-focus-visible]",_disabled:"&:disabled, &[disabled], &[aria-disabled=true], &[data-disabled]",_readOnly:"&[aria-readonly=true], &[readonly], &[data-readonly]",_before:"&::before",_after:"&::after",_empty:"&:empty",_expanded:"&[aria-expanded=true], &[data-expanded]",_checked:"&[aria-checked=true], &[data-checked]",_grabbed:"&[aria-grabbed=true], &[data-grabbed]",_pressed:"&[aria-pressed=true], &[data-pressed]",_invalid:"&[aria-invalid=true], &[data-invalid]",_valid:"&[data-valid], &[data-state=valid]",_loading:"&[data-loading], &[aria-busy=true]",_selected:"&[aria-selected=true], &[data-selected]",_hidden:"&[hidden], &[data-hidden]",_autofill:"&:-webkit-autofill",_even:"&:nth-of-type(even)",_odd:"&:nth-of-type(odd)",_first:"&:first-of-type",_last:"&:last-of-type",_notFirst:"&:not(:first-of-type)",_notLast:"&:not(:last-of-type)",_visited:"&:visited",_activeLink:"&[aria-current=page]",_activeStep:"&[aria-current=step]",_indeterminate:"&:indeterminate, &[aria-checked=mixed], &[data-indeterminate]",_groupHover:Vh(Rh),_peerHover:$h(Rh),_groupFocus:Vh(Nh),_peerFocus:$h(Nh),_groupFocusVisible:Vh(Dh),_peerFocusVisible:$h(Dh),_groupActive:Vh(Bh),_peerActive:$h(Bh),_groupDisabled:Vh(jh),_peerDisabled:$h(jh),_groupInvalid:Vh(Fh),_peerInvalid:$h(Fh),_groupChecked:Vh(Hh),_peerChecked:$h(Hh),_groupFocusWithin:Vh(zh),_peerFocusWithin:$h(zh),_peerPlaceholderShown:$h(Wh),_placeholder:"&::placeholder",_placeholderShown:"&:placeholder-shown",_fullScreen:"&:fullscreen",_selection:"&::selection",_rtl:"[dir=rtl] &, &[dir=rtl]",_ltr:"[dir=ltr] &, &[dir=ltr]",_mediaDark:"@media (prefers-color-scheme: dark)",_mediaReduceMotion:"@media (prefers-reduced-motion: reduce)",_dark:".chakra-ui-dark &:not([data-theme]),[data-theme=dark] &:not([data-theme]),&[data-theme=dark]",_light:".chakra-ui-light &:not([data-theme]),[data-theme=light] &:not([data-theme]),&[data-theme=light]"},qh=Object.keys(Gh);function Yh(e,t){return _h(String(e).replace(/\./g,"-"),void 0,t)}var Zh=["colors","borders","borderWidths","borderStyles","fonts","fontSizes","fontWeights","letterSpacings","lineHeights","radii","space","shadows","sizes","zIndices","transition","blur"];function Xh(e,t=1/0){return(wd(e)||Array.isArray(e))&&t?Object.entries(e).reduce(((e,[n,r])=>(wd(r)||Array.isArray(r)?Object.entries(Xh(r,t-1)).forEach((([t,r])=>{e[`${n}.${t}`]=r})):e[n]=r,e)),{}):e}function Kh(e){var t;const n=function(e){const{__cssMap:t,__cssVars:n,__breakpoints:r,...o}=e;return o}(e),r=function(e){return function(e,t){const n={};for(const r of t)r in e&&(n[r]=e[r]);return n}(e,Zh)}(n),o=function(e){return e.semanticTokens}(n),i=function({tokens:e,semanticTokens:t}){const n=Object.entries(Xh(e)??{}).map((([e,t])=>[e,{isSemantic:!1,value:t}])),r=Object.entries(Xh(t,1)??{}).map((([e,t])=>[e,{isSemantic:!0,value:t}]));return Object.fromEntries([...n,...r])}({tokens:r,semanticTokens:o}),a=null==(t=n.config)?void 0:t.cssVarPrefix,{cssMap:s,cssVars:l}=function(e,t){let n={};const r={};for(const[o,i]of Object.entries(e)){const{isSemantic:a,value:s}=i,{variable:l,reference:c}=Yh(o,null==t?void 0:t.cssVarPrefix);if(!a){if(o.startsWith("space")){const e=o.split("."),[t,...n]=e,i=`${t}.-${n.join(".")}`,a=wh.negate(s),u=wh.negate(c);r[i]={value:a,var:l,varRef:u}}n[l]=s,r[o]={value:s,var:l,varRef:c};continue}const u=n=>{const r=[String(o).split(".")[0],n].join(".");if(!e[r])return n;const{reference:i}=Yh(r,null==t?void 0:t.cssVarPrefix);return i},d=wd(s)?s:{default:s};n=xd(n,Object.entries(d).reduce(((e,[t,n])=>{var r;const o=u(n);return"default"===t?(e[l]=o,e):(e[(null==(r=Gh)?void 0:r[t])??t]={[l]:o},e)}),{})),r[o]={value:c,var:l,varRef:c}}return{cssVars:n,cssMap:r}}(i,{cssVarPrefix:a});return Object.assign(n,{__cssVars:{"--chakra-ring-inset":"var(--chakra-empty,/*!*/ /*!*/)","--chakra-ring-offset-width":"0px","--chakra-ring-offset-color":"#fff","--chakra-ring-color":"rgba(66, 153, 225, 0.6)","--chakra-ring-offset-shadow":"0 0 #0000","--chakra-ring-shadow":"0 0 #0000","--chakra-space-x-reverse":"0","--chakra-space-y-reverse":"0",...l},__cssMap:s,__breakpoints:Ih(n.breakpoints)}),n}var Qh=xd({},Ud,Gd,qd,Xd,Jd,Zd,sh,Qd,Kd,ih,ah,Yd,lh,fh,hh,ch,uh,eh,dh),Jh=Object.assign({},lh,Jd,Xd,Kd,ah),ef=Object.keys(Jh),tf=[...Object.keys(Qh),...qh],nf={...Qh,...Gh},rf=e=>e in nf;var of=(e,t)=>e.startsWith("--")&&"string"==typeof t&&!function(e){return/^var\(--.+\)$/.test(e)}(t),af=(e,t)=>{if(null==t)return t;const n=t=>{var n,r;return null==(r=null==(n=e.__cssMap)?void 0:n[t])?void 0:r.varRef},r=e=>n(e)??e,[o,i]=function(e){const t=[];let n="",r=!1;for(let o=0;o{var a;const s=kd(e,r),l=(e=>t=>{if(!t.__breakpoints)return e;const{isResponsive:n,toArrayValue:r,media:o}=t.__breakpoints,i={};for(const a in e){let s=kd(e[a],t);if(null==s)continue;if(s=wd(s)&&n(s)?r(s):s,!Array.isArray(s)){i[a]=s;continue}const l=s.slice(0,o.length).length;for(let e=0;et=>sf({theme:t,pseudos:Gh,configs:Qh})(e);function cf(e){return{definePartsStyle:e=>e,defineMultiStyleConfig:t=>({parts:e,...t})}}function uf(e,t){for(let n=t+1;n{xd(s,{[e]:u?p[e]:{[f]:p[e]}})})):d?s[f]=p:u?xd(s,p):s[f]=p)}return s}}function hf(e){return function(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}(e,["styleConfig","size","variant","colorScheme"])}var ff=function(){function e(e){var t=this;this._insertTag=function(e){var n;n=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,n),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){this.ctr%(this.isSpeedy?65e3:1)==0&&this._insertTag(function(e){var t=document.createElement("style");return t.setAttribute("data-emotion",e.key),void 0!==e.nonce&&t.setAttribute("nonce",e.nonce),t.appendChild(document.createTextNode("")),t.setAttribute("data-s",""),t}(this));var t=this.tags[this.tags.length-1];if(this.isSpeedy){var n=function(e){if(e.sheet)return e.sheet;for(var t=0;t0?Pf(zf,--Nf):0,If--,10===Df&&(If=1,Af--),Df}function Hf(){return Df=Nf2||Uf(Df)>3?"":" "}function Xf(e,t){for(;--t&&Hf()&&!(Df<48||Df>102||Df>57&&Df<65||Df>70&&Df<97););return $f(e,Vf()+(t<6&&32==Wf()&&32==Hf()))}function Kf(e){for(;Hf();)switch(Df){case e:return Nf;case 34:case 39:34!==e&&39!==e&&Kf(Df);break;case 40:41===e&&Kf(e);break;case 92:Hf()}return Nf}function Qf(e,t){for(;Hf()&&e+Df!==57&&(e+Df!==84||47!==Wf()););return"/*"+$f(t,Nf-1)+"*"+kf(47===e?e:Hf())}function Jf(e){for(;!Uf(Wf());)Hf();return $f(e,Nf)}function ep(e){return qf(tp("",null,null,null,[""],e=Gf(e),0,[0],e))}function tp(e,t,n,r,o,i,a,s,l){for(var c=0,u=0,d=a,h=0,f=0,p=0,g=1,m=1,v=1,y=0,b="",x=o,w=i,k=r,S=b;m;)switch(p=y,y=Hf()){case 40:if(108!=p&&58==Pf(S,d-1)){-1!=Ef(S+=_f(Yf(y),"&","&\f"),"&\f")&&(v=-1);break}case 34:case 39:case 91:S+=Yf(y);break;case 9:case 10:case 13:case 32:S+=Zf(p);break;case 92:S+=Xf(Vf()-1,7);continue;case 47:switch(Wf()){case 42:case 47:Tf(rp(Qf(Hf(),Vf()),t,n),l);break;default:S+="/"}break;case 123*g:s[c++]=Of(S)*v;case 125*g:case 59:case 0:switch(y){case 0:case 125:m=0;case 59+u:f>0&&Of(S)-d&&Tf(f>32?op(S+";",r,n,d-1):op(_f(S," ","")+";",r,n,d-2),l);break;case 59:S+=";";default:if(Tf(k=np(S,t,n,c,u,o,s,b,x=[],w=[],d),i),123===y)if(0===u)tp(S,t,k,k,x,i,d,s,w);else switch(99===h&&110===Pf(S,3)?100:h){case 100:case 109:case 115:tp(e,k,k,r&&Tf(np(e,k,k,0,0,o,s,b,o,x=[],d),w),o,w,d,s,r?x:w);break;default:tp(S,k,k,k,[""],w,0,s,w)}}c=u=f=0,g=v=1,b=S="",d=a;break;case 58:d=1+Of(S),f=p;default:if(g<1)if(123==y)--g;else if(125==y&&0==g++&&125==Ff())continue;switch(S+=kf(y),y*g){case 38:v=u>0?1:(S+="\f",-1);break;case 44:s[c++]=(Of(S)-1)*v,v=1;break;case 64:45===Wf()&&(S+=Yf(Hf())),h=Wf(),u=d=Of(b=S+=Jf(Vf())),y++;break;case 45:45===p&&2==Of(S)&&(g=0)}}return i}function np(e,t,n,r,o,i,a,s,l,c,u){for(var d=o-1,h=0===o?i:[""],f=Mf(h),p=0,g=0,m=0;p0?h[v]+" "+y:_f(y,/&\f/g,h[v])))&&(l[m++]=b);return Bf(e,t,n,0===o?yf:s,l,c,u)}function rp(e,t,n){return Bf(e,t,n,vf,kf(Df),Lf(e,2,-2),0)}function op(e,t,n,r){return Bf(e,t,n,bf,Lf(e,0,r),Lf(e,r+1,-1),r)}function ip(e,t){for(var n="",r=Mf(e),o=0;o6)switch(Pf(e,t+1)){case 109:if(45!==Pf(e,t+4))break;case 102:return _f(e,/(.+:)(.+)-([^]+)/,"$1"+mf+"$2-$3$1"+gf+(108==Pf(e,t+3)?"$3":"$2-$3"))+e;case 115:return~Ef(e,"stretch")?pp(_f(e,"stretch","fill-available"),t)+e:e}break;case 4949:if(115!==Pf(e,t+1))break;case 6444:switch(Pf(e,Of(e)-3-(~Ef(e,"!important")&&10))){case 107:return _f(e,":",":"+mf)+e;case 101:return _f(e,/(.+:)([^;!]+)(;|!.+)?/,"$1"+mf+(45===Pf(e,14)?"inline-":"")+"box$3$1"+mf+"$2$3$1"+pf+"$2box$3")+e}break;case 5936:switch(Pf(e,t+11)){case 114:return mf+e+pf+_f(e,/[svh]\w+-[tblr]{2}/,"tb")+e;case 108:return mf+e+pf+_f(e,/[svh]\w+-[tblr]{2}/,"tb-rl")+e;case 45:return mf+e+pf+_f(e,/[svh]\w+-[tblr]{2}/,"lr")+e}return mf+e+pf+e+e}return e}var gp=[function(e,t,n,r){if(e.length>-1&&!e.return)switch(e.type){case bf:e.return=pp(e.value,e.length);break;case xf:return ip([jf(e,{value:_f(e.value,"@","@"+mf)})],r);case yf:if(e.length)return function(e,t){return e.map(t).join("")}(e.props,(function(t){switch(function(e,t){return(e=t.exec(e))?e[0]:e}(t,/(::plac\w+|:read-\w+)/)){case":read-only":case":read-write":return ip([jf(e,{props:[_f(t,/:(read-\w+)/,":-moz-$1")]})],r);case"::placeholder":return ip([jf(e,{props:[_f(t,/:(plac\w+)/,":"+mf+"input-$1")]}),jf(e,{props:[_f(t,/:(plac\w+)/,":-moz-$1")]}),jf(e,{props:[_f(t,/:(plac\w+)/,pf+"input-$1")]})],r)}return""}))}}],mp=function(e){var t=e.key;if("css"===t){var n=document.querySelectorAll("style[data-emotion]:not([data-s])");Array.prototype.forEach.call(n,(function(e){-1!==e.getAttribute("data-emotion").indexOf(" ")&&(document.head.appendChild(e),e.setAttribute("data-s",""))}))}var r,o,i=e.stylisPlugins||gp,a={},s=[];r=e.container||document.head,Array.prototype.forEach.call(document.querySelectorAll('style[data-emotion^="'+t+' "]'),(function(e){for(var t=e.getAttribute("data-emotion").split(" "),n=1;n=4;++r,o-=4)t=1540483477*(65535&(t=255&e.charCodeAt(r)|(255&e.charCodeAt(++r))<<8|(255&e.charCodeAt(++r))<<16|(255&e.charCodeAt(++r))<<24))+(59797*(t>>>16)<<16),n=1540483477*(65535&(t^=t>>>24))+(59797*(t>>>16)<<16)^1540483477*(65535&n)+(59797*(n>>>16)<<16);switch(o){case 3:n^=(255&e.charCodeAt(r+2))<<16;case 2:n^=(255&e.charCodeAt(r+1))<<8;case 1:n=1540483477*(65535&(n^=255&e.charCodeAt(r)))+(59797*(n>>>16)<<16)}return(((n=1540483477*(65535&(n^=n>>>13))+(59797*(n>>>16)<<16))^n>>>15)>>>0).toString(36)}(o)+l;return{name:c,styles:o,next:eg}},rg=!!W.useInsertionEffect&&W.useInsertionEffect,og=rg||function(e){return e()},ig=rg||a.exports.useLayoutEffect,ag=a.exports.createContext("undefined"!=typeof HTMLElement?mp({key:"css"}):null),sg=ag.Provider,lg=function(e){return a.exports.forwardRef((function(t,n){var r=a.exports.useContext(ag);return e(t,r,n)}))},cg=a.exports.createContext({}),ug=sp((function(e){return sp((function(t){return function(e,t){return"function"==typeof t?t(e):vp({},e,t)}(e,t)}))})),dg=function(e){var t=a.exports.useContext(cg);return e.theme!==t&&(t=ug(t)(e.theme)),a.exports.createElement(cg.Provider,{value:t},e.children)},hg=lg((function(e,t){var n=e.styles,r=ng([n],void 0,a.exports.useContext(cg)),o=a.exports.useRef();return ig((function(){var e=t.key+"-global",n=new t.sheet.constructor({key:e,nonce:t.sheet.nonce,container:t.sheet.container,speedy:t.sheet.isSpeedy}),i=!1,a=document.querySelector('style[data-emotion="'+e+" "+r.name+'"]');return t.sheet.tags.length&&(n.before=t.sheet.tags[0]),null!==a&&(i=!0,a.setAttribute("data-emotion",e),n.hydrate([a])),o.current=[n,i],function(){n.flush()}}),[t]),ig((function(){var e=o.current,n=e[0];if(e[1])e[1]=!1;else{if(void 0!==r.next&&Up(t,r.next,!0),n.tags.length){var i=n.tags[n.tags.length-1].nextElementSibling;n.before=i,n.flush()}t.insert("",r,n,!1)}}),[t,r.name]),null}));function fg(){for(var e=arguments.length,t=new Array(e),n=0;n{const t=new WeakMap;return(n,r,o,i)=>{if(void 0===n)return e(n,r,o);t.has(n)||t.set(n,new Map);const a=t.get(n);if(a.has(r))return a.get(r);const s=e(n,r,o,i);return a.set(r,s),s}})((function(e,t,n,r){const o="string"==typeof t?t.split("."):[t];for(r=0;r{const o=e[r];t(o,r,e)&&(n[r]=o)})),n}var Ag=e=>Tg(e,(e=>null!=e));function Ig(){return!("undefined"==typeof window||!window.document||!window.document.createElement)}var Rg=Ig();function Ng(e,...t){return function(e){return"function"==typeof e}(e)?e(...t):e}function Dg(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}Object.freeze(["base","sm","md","lg","xl","2xl"]);var zg=/^((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)-.*))$/,Bg=lp((function(e){return zg.test(e)||111===e.charCodeAt(0)&&110===e.charCodeAt(1)&&e.charCodeAt(2)<91})),jg=function(e){return"theme"!==e},Fg=function(e){return"string"==typeof e&&e.charCodeAt(0)>96?Bg:jg},Hg=function(e,t,n){var r;if(t){var o=t.shouldForwardProp;r=e.__emotion_forwardProp&&o?function(t){return e.__emotion_forwardProp(t)&&o(t)}:o}return"function"!=typeof r&&n&&(r=e.__emotion_forwardProp),r},Wg=function(e){var t=e.cache,n=e.serialized,r=e.isStringTag;return $p(t,n,r),og((function(){return Up(t,n,r)})),null},Vg=function e(t,n){var r,o,i=t.__emotion_real===t,s=i&&t.__emotion_base||t;void 0!==n&&(r=n.label,o=n.target);var l=Hg(t,n,i),c=l||Fg(s),u=!c("as");return function(){var d=arguments,h=i&&void 0!==t.__emotion_styles?t.__emotion_styles.slice(0):[];if(void 0!==r&&h.push("label:"+r+";"),null==d[0]||void 0===d[0].raw)h.push.apply(h,d);else{h.push(d[0][0]);for(var f=d.length,p=1;pt}}return{parts:function(...o){!function(){if(n)throw new Error("[anatomy] .part(...) should only be called once. Did you mean to use .extend(...) ?");n=!0}();for(const e of o)t[e]=r(e);return $g(e,t)},toPart:r,extend:function(...n){for(const e of n)e in t||(t[e]=r(e));return $g(e,t)},selectors:function(){const e=Object.fromEntries(Object.entries(t).map((([e,t])=>[e,t.selector])));return e},classnames:function(){const e=Object.fromEntries(Object.entries(t).map((([e,t])=>[e,t.className])));return e},get keys(){return Object.keys(t)},__type:{}}}["a","abbr","address","area","article","aside","audio","b","base","bdi","bdo","big","blockquote","body","br","button","canvas","caption","cite","code","col","colgroup","data","datalist","dd","del","details","dfn","dialog","div","dl","dt","em","embed","fieldset","figcaption","figure","footer","form","h1","h2","h3","h4","h5","h6","head","header","hgroup","hr","html","i","iframe","img","input","ins","kbd","keygen","label","legend","li","link","main","map","mark","marquee","menu","menuitem","meta","meter","nav","noscript","object","ol","optgroup","option","output","p","param","picture","pre","progress","q","rp","rt","ruby","s","samp","script","section","select","small","source","span","strong","style","sub","summary","sup","table","tbody","td","textarea","tfoot","th","thead","time","title","tr","track","u","ul","var","video","wbr","circle","clipPath","defs","ellipse","foreignObject","g","image","line","linearGradient","mask","path","pattern","polygon","polyline","radialGradient","rect","stop","svg","text","tspan"].forEach((function(e){Vg[e]=Vg(e)}));var Ug=$g("accordion").parts("root","container","button","panel").extend("icon"),Gg=$g("alert").parts("title","description","container").extend("icon","spinner"),qg=$g("avatar").parts("label","badge","container").extend("excessLabel","group"),Yg=$g("breadcrumb").parts("link","item","container").extend("separator");$g("button").parts();var Zg=$g("checkbox").parts("control","icon","container").extend("label");$g("progress").parts("track","filledTrack").extend("label");var Xg=$g("drawer").parts("overlay","dialogContainer","dialog").extend("header","closeButton","body","footer"),Kg=$g("editable").parts("preview","input","textarea"),Qg=$g("form").parts("container","requiredIndicator","helperText"),Jg=$g("formError").parts("text","icon"),em=$g("input").parts("addon","field","element"),tm=$g("list").parts("container","item","icon"),nm=$g("menu").parts("button","list","item").extend("groupTitle","command","divider"),rm=$g("modal").parts("overlay","dialogContainer","dialog").extend("header","closeButton","body","footer"),om=$g("numberinput").parts("root","field","stepperGroup","stepper");$g("pininput").parts("field");var im=$g("popover").parts("content","header","body","footer").extend("popper","arrow","closeButton"),am=$g("progress").parts("label","filledTrack","track"),sm=$g("radio").parts("container","control","label"),lm=$g("select").parts("field","icon"),cm=$g("slider").parts("container","track","thumb","filledTrack","mark"),um=$g("stat").parts("container","label","helpText","number","icon"),dm=$g("switch").parts("container","track","thumb"),hm=$g("table").parts("table","thead","tbody","tr","th","td","tfoot","caption"),fm=$g("tabs").parts("root","tab","tablist","tabpanel","tabpanels","indicator"),pm=$g("tag").parts("container","label","closeButton"),gm=$g("card").parts("container","header","body","footer");function mm(e,t){(function(e){return"string"==typeof e&&-1!==e.indexOf(".")&&1===parseFloat(e)})(e)&&(e="100%");var n=function(e){return"string"==typeof e&&-1!==e.indexOf("%")}(e);return e=360===t?e:Math.min(t,Math.max(0,parseFloat(e))),n&&(e=parseInt(String(e*t),10)/100),Math.abs(e-t)<1e-6?1:e=360===t?(e<0?e%t+t:e%t)/parseFloat(String(t)):e%t/parseFloat(String(t))}function vm(e){return Math.min(1,Math.max(0,e))}function ym(e){return e=parseFloat(e),(isNaN(e)||e<0||e>1)&&(e=1),e}function bm(e){return e<=1?"".concat(100*Number(e),"%"):e}function xm(e){return 1===e.length?"0"+e:String(e)}function wm(e,t,n){e=mm(e,255),t=mm(t,255),n=mm(n,255);var r=Math.max(e,t,n),o=Math.min(e,t,n),i=0,a=0,s=(r+o)/2;if(r===o)a=0,i=0;else{var l=r-o;switch(a=s>.5?l/(2-r-o):l/(r+o),r){case e:i=(t-n)/l+(t1&&(n-=1),n<1/6?e+6*n*(t-e):n<.5?t:n<2/3?e+(t-e)*(2/3-n)*6:e}function Sm(e,t,n){e=mm(e,255),t=mm(t,255),n=mm(n,255);var r=Math.max(e,t,n),o=Math.min(e,t,n),i=0,a=r,s=r-o,l=0===r?0:s/r;if(r===o)i=0;else{switch(r){case e:i=(t-n)/s+(t>16,g:(65280&e)>>8,b:255&e}}(t)),this.originalInput=t;var o=Om(t);this.originalInput=t,this.r=o.r,this.g=o.g,this.b=o.b,this.a=o.a,this.roundA=Math.round(100*this.a)/100,this.format=null!==(r=n.format)&&void 0!==r?r:o.format,this.gradientType=n.gradientType,this.r<1&&(this.r=Math.round(this.r)),this.g<1&&(this.g=Math.round(this.g)),this.b<1&&(this.b=Math.round(this.b)),this.isValid=o.ok}return e.prototype.isDark=function(){return this.getBrightness()<128},e.prototype.isLight=function(){return!this.isDark()},e.prototype.getBrightness=function(){var e=this.toRgb();return(299*e.r+587*e.g+114*e.b)/1e3},e.prototype.getLuminance=function(){var e=this.toRgb(),t=e.r/255,n=e.g/255,r=e.b/255;return.2126*(t<=.03928?t/12.92:Math.pow((t+.055)/1.055,2.4))+.7152*(n<=.03928?n/12.92:Math.pow((n+.055)/1.055,2.4))+.0722*(r<=.03928?r/12.92:Math.pow((r+.055)/1.055,2.4))},e.prototype.getAlpha=function(){return this.a},e.prototype.setAlpha=function(e){return this.a=ym(e),this.roundA=Math.round(100*this.a)/100,this},e.prototype.toHsv=function(){var e=Sm(this.r,this.g,this.b);return{h:360*e.h,s:e.s,v:e.v,a:this.a}},e.prototype.toHsvString=function(){var e=Sm(this.r,this.g,this.b),t=Math.round(360*e.h),n=Math.round(100*e.s),r=Math.round(100*e.v);return 1===this.a?"hsv(".concat(t,", ").concat(n,"%, ").concat(r,"%)"):"hsva(".concat(t,", ").concat(n,"%, ").concat(r,"%, ").concat(this.roundA,")")},e.prototype.toHsl=function(){var e=wm(this.r,this.g,this.b);return{h:360*e.h,s:e.s,l:e.l,a:this.a}},e.prototype.toHslString=function(){var e=wm(this.r,this.g,this.b),t=Math.round(360*e.h),n=Math.round(100*e.s),r=Math.round(100*e.l);return 1===this.a?"hsl(".concat(t,", ").concat(n,"%, ").concat(r,"%)"):"hsla(".concat(t,", ").concat(n,"%, ").concat(r,"%, ").concat(this.roundA,")")},e.prototype.toHex=function(e){return void 0===e&&(e=!1),Cm(this.r,this.g,this.b,e)},e.prototype.toHexString=function(e){return void 0===e&&(e=!1),"#"+this.toHex(e)},e.prototype.toHex8=function(e){return void 0===e&&(e=!1),function(e,t,n,r,o){var i=[xm(Math.round(e).toString(16)),xm(Math.round(t).toString(16)),xm(Math.round(n).toString(16)),xm(_m(r))];return o&&i[0].startsWith(i[0].charAt(1))&&i[1].startsWith(i[1].charAt(1))&&i[2].startsWith(i[2].charAt(1))&&i[3].startsWith(i[3].charAt(1))?i[0].charAt(0)+i[1].charAt(0)+i[2].charAt(0)+i[3].charAt(0):i.join("")}(this.r,this.g,this.b,this.a,e)},e.prototype.toHex8String=function(e){return void 0===e&&(e=!1),"#"+this.toHex8(e)},e.prototype.toRgb=function(){return{r:Math.round(this.r),g:Math.round(this.g),b:Math.round(this.b),a:this.a}},e.prototype.toRgbString=function(){var e=Math.round(this.r),t=Math.round(this.g),n=Math.round(this.b);return 1===this.a?"rgb(".concat(e,", ").concat(t,", ").concat(n,")"):"rgba(".concat(e,", ").concat(t,", ").concat(n,", ").concat(this.roundA,")")},e.prototype.toPercentageRgb=function(){var e=function(e){return"".concat(Math.round(100*mm(e,255)),"%")};return{r:e(this.r),g:e(this.g),b:e(this.b),a:this.a}},e.prototype.toPercentageRgbString=function(){var e=function(e){return Math.round(100*mm(e,255))};return 1===this.a?"rgb(".concat(e(this.r),"%, ").concat(e(this.g),"%, ").concat(e(this.b),"%)"):"rgba(".concat(e(this.r),"%, ").concat(e(this.g),"%, ").concat(e(this.b),"%, ").concat(this.roundA,")")},e.prototype.toName=function(){if(0===this.a)return"transparent";if(this.a<1)return!1;for(var e="#"+Cm(this.r,this.g,this.b,!1),t=0,n=Object.entries(Lm);t=0;return t||!r||!e.startsWith("hex")&&"name"!==e?("rgb"===e&&(n=this.toRgbString()),"prgb"===e&&(n=this.toPercentageRgbString()),"hex"!==e&&"hex6"!==e||(n=this.toHexString()),"hex3"===e&&(n=this.toHexString(!0)),"hex4"===e&&(n=this.toHex8String(!0)),"hex8"===e&&(n=this.toHex8String()),"name"===e&&(n=this.toName()),"hsl"===e&&(n=this.toHslString()),"hsv"===e&&(n=this.toHsvString()),n||this.toHexString()):"name"===e&&0===this.a?this.toName():this.toRgbString()},e.prototype.toNumber=function(){return(Math.round(this.r)<<16)+(Math.round(this.g)<<8)+Math.round(this.b)},e.prototype.clone=function(){return new e(this.toString())},e.prototype.lighten=function(t){void 0===t&&(t=10);var n=this.toHsl();return n.l+=t/100,n.l=vm(n.l),new e(n)},e.prototype.brighten=function(t){void 0===t&&(t=10);var n=this.toRgb();return n.r=Math.max(0,Math.min(255,n.r-Math.round(-t/100*255))),n.g=Math.max(0,Math.min(255,n.g-Math.round(-t/100*255))),n.b=Math.max(0,Math.min(255,n.b-Math.round(-t/100*255))),new e(n)},e.prototype.darken=function(t){void 0===t&&(t=10);var n=this.toHsl();return n.l-=t/100,n.l=vm(n.l),new e(n)},e.prototype.tint=function(e){return void 0===e&&(e=10),this.mix("white",e)},e.prototype.shade=function(e){return void 0===e&&(e=10),this.mix("black",e)},e.prototype.desaturate=function(t){void 0===t&&(t=10);var n=this.toHsl();return n.s-=t/100,n.s=vm(n.s),new e(n)},e.prototype.saturate=function(t){void 0===t&&(t=10);var n=this.toHsl();return n.s+=t/100,n.s=vm(n.s),new e(n)},e.prototype.greyscale=function(){return this.desaturate(100)},e.prototype.spin=function(t){var n=this.toHsl(),r=(n.h+t)%360;return n.h=r<0?360+r:r,new e(n)},e.prototype.mix=function(t,n){void 0===n&&(n=50);var r=this.toRgb(),o=new e(t).toRgb(),i=n/100;return new e({r:(o.r-r.r)*i+r.r,g:(o.g-r.g)*i+r.g,b:(o.b-r.b)*i+r.b,a:(o.a-r.a)*i+r.a})},e.prototype.analogous=function(t,n){void 0===t&&(t=6),void 0===n&&(n=30);var r=this.toHsl(),o=360/n,i=[this];for(r.h=(r.h-(o*t>>1)+720)%360;--t;)r.h=(r.h+o)%360,i.push(new e(r));return i},e.prototype.complement=function(){var t=this.toHsl();return t.h=(t.h+180)%360,new e(t)},e.prototype.monochromatic=function(t){void 0===t&&(t=6);for(var n=this.toHsv(),r=n.h,o=n.s,i=n.v,a=[],s=1/t;t--;)a.push(new e({h:r,s:o,v:i})),i=(i+s)%1;return a},e.prototype.splitcomplement=function(){var t=this.toHsl(),n=t.h;return[this,new e({h:(n+72)%360,s:t.s,l:t.l}),new e({h:(n+216)%360,s:t.s,l:t.l})]},e.prototype.onBackground=function(t){var n=this.toRgb(),r=new e(t).toRgb();return new e({r:r.r+(n.r-r.r)*n.a,g:r.g+(n.g-r.g)*n.a,b:r.b+(n.b-r.b)*n.a})},e.prototype.triad=function(){return this.polyad(3)},e.prototype.tetrad=function(){return this.polyad(4)},e.prototype.polyad=function(t){for(var n=this.toHsl(),r=n.h,o=[this],i=360/t,a=1;an.length;)e.count=null,e.seed&&(e.seed+=1),n.push(Dm(e));return e.count=t,n}var r=function(e,t){var n=Bm(function(e){var t=parseInt(e,10);if(!Number.isNaN(t)&&t<360&&t>0)return[t,t];if("string"==typeof e){var n=Fm.find((function(t){return t.name===e}));if(n){var r=jm(n);if(r.hueRange)return r.hueRange}var o=new Nm(e);if(o.isValid){var i=o.toHsv().h;return[i,i]}}return[0,360]}(e),t);n<0&&(n=360+n);return n}(e.hue,e.seed),o=function(e,t){if("monochrome"===t.hue)return 0;if("random"===t.luminosity)return Bm([0,100],t.seed);var n=zm(e).saturationRange,r=n[0],o=n[1];switch(t.luminosity){case"bright":r=55;break;case"dark":r=o-10;break;case"light":o=55}return Bm([r,o],t.seed)}(r,e),i=function(e,t,n){var r=function(e,t){for(var n=zm(e).lowerBounds,r=0;r=o&&t<=a){var l=(s-i)/(a-o);return l*t+(i-l*o)}}return 0}(e,t),o=100;switch(n.luminosity){case"dark":o=r+20;break;case"light":r=(o+r)/2;break;case"random":r=0,o=100}return Bm([r,o],n.seed)}(r,o,e),a={h:r,s:o,v:i};return void 0!==e.alpha&&(a.a=e.alpha),new Nm(a)}function zm(e){e>=334&&e<=360&&(e-=360);for(var t=0,n=Fm;t=r.hueRange[0]&&e<=r.hueRange[1])return r}throw Error("Color not found")}function Bm(e,t){if(void 0===t)return Math.floor(e[0]+Math.random()*(e[1]+1-e[0]));var n=e[1]||1,r=e[0]||0,o=(t=(9301*t+49297)%233280)/233280;return Math.floor(r+o*(n-r))}function jm(e){var t=e.lowerBounds[0][0],n=e.lowerBounds[e.lowerBounds.length-1][0],r=e.lowerBounds[e.lowerBounds.length-1][1],o=e.lowerBounds[0][1];return{name:e.name,hueRange:e.hueRange,lowerBounds:e.lowerBounds,saturationRange:[t,n],brightnessRange:[r,o]}}var Fm=[{name:"monochrome",hueRange:null,lowerBounds:[[0,0],[100,0]]},{name:"red",hueRange:[-26,18],lowerBounds:[[20,100],[30,92],[40,89],[50,85],[60,78],[70,70],[80,60],[90,55],[100,50]]},{name:"orange",hueRange:[19,46],lowerBounds:[[20,100],[30,93],[40,88],[50,86],[60,85],[70,70],[100,70]]},{name:"yellow",hueRange:[47,62],lowerBounds:[[25,100],[40,94],[50,89],[60,86],[70,84],[80,82],[90,80],[100,75]]},{name:"green",hueRange:[63,178],lowerBounds:[[30,100],[40,90],[50,85],[60,81],[70,74],[80,64],[90,50],[100,40]]},{name:"blue",hueRange:[179,257],lowerBounds:[[20,100],[30,86],[40,80],[50,74],[60,60],[70,52],[80,44],[90,39],[100,35]]},{name:"purple",hueRange:[258,282],lowerBounds:[[20,100],[30,87],[40,79],[50,70],[60,65],[70,59],[80,52],[90,45],[100,42]]},{name:"pink",hueRange:[283,334],lowerBounds:[[20,100],[30,90],[40,86],[60,84],[80,80],[90,75],[100,73]]}];var Hm=(e,t,n)=>{const r=function(e,t,n,r,o){for(t=t.split?t.split("."):t,r=0;rt=>"dark"===(e=>t=>{const n=Hm(t,e);return new Nm(n).isDark()?"dark":"light"})(e)(t),Vm=(e,t)=>n=>{const r=Hm(n,e);return new Nm(r).setAlpha(t).toRgbString()};function $m(e="1rem",t="rgba(255, 255, 255, 0.15)"){return{backgroundImage:`linear-gradient(\n 45deg,\n ${t} 25%,\n transparent 25%,\n transparent 50%,\n ${t} 50%,\n ${t} 75%,\n transparent 75%,\n transparent\n )`,backgroundSize:`${e} ${e}`}}function Um(e){const t=Dm().toHexString();return e&&(n=e,0!==Object.keys(n).length)?e.string&&e.colors?function(e,t){let n=0;if(0===e.length)return t[0];for(let r=0;r>8*r&255).toString(16)}`.substr(-2)}return n}(e.string):e.colors&&!e.string?function(e){return e[Math.floor(Math.random()*e.length)]}(e.colors):t:t;var n}function Gm(e,t){return n=>"dark"===n.colorMode?t:e}function qm(e){const{orientation:t,vertical:n,horizontal:r}=e;return t?"vertical"===t?n:r:{}}function Ym(e){return function(e){const t=typeof e;return null!=e&&("object"===t||"function"===t)&&!Array.isArray(e)}(e)&&e.reference?e.reference:String(e)}var Zm=(e,...t)=>t.map(Ym).join(` ${e} `).replace(/calc/g,""),Xm=(...e)=>`calc(${Zm("+",...e)})`,Km=(...e)=>`calc(${Zm("-",...e)})`,Qm=(...e)=>`calc(${Zm("*",...e)})`,Jm=(...e)=>`calc(${Zm("/",...e)})`,ev=e=>{const t=Ym(e);return null==t||Number.isNaN(parseFloat(t))?Qm(t,-1):String(t).startsWith("-")?String(t).slice(1):`-${t}`},tv=Object.assign((e=>({add:(...t)=>tv(Xm(e,...t)),subtract:(...t)=>tv(Km(e,...t)),multiply:(...t)=>tv(Qm(e,...t)),divide:(...t)=>tv(Jm(e,...t)),negate:()=>tv(ev(e)),toString:()=>e.toString()})),{add:Xm,subtract:Km,multiply:Qm,divide:Jm,negate:ev});function nv(e){const t=function(e,t="-"){return e.replace(/\s+/g,t)}(e.toString());return t.includes("\\.")?e:function(e){return!Number.isInteger(parseFloat(e.toString()))}(e)?t.replace(".","\\."):e}function rv(e,t){return`var(${nv(e)}${t?`, ${t}`:""})`}function ov(e,t=""){return`--${function(e,t=""){return[t,nv(e)].filter(Boolean).join("-")}(e,t)}`}function iv(e,t){const n=ov(e,null==t?void 0:t.prefix);return{variable:n,reference:rv(n,av(null==t?void 0:t.fallback))}}function av(e){return"string"==typeof e?e:null==e?void 0:e.reference}var{definePartsStyle:sv,defineMultiStyleConfig:lv}=cf(Ug.keys),cv=lv({baseStyle:sv({container:{borderTopWidth:"1px",borderColor:"inherit",_last:{borderBottomWidth:"1px"}},button:{transitionProperty:"common",transitionDuration:"normal",fontSize:"md",_focusVisible:{boxShadow:"outline"},_hover:{bg:"blackAlpha.50"},_disabled:{opacity:.4,cursor:"not-allowed"},px:"4",py:"2"},panel:{pt:"2",px:"4",pb:"5"},icon:{fontSize:"1.25em"}})}),{definePartsStyle:uv,defineMultiStyleConfig:dv}=cf(Gg.keys),hv=_h("alert-fg"),fv=_h("alert-bg"),pv=uv({container:{bg:fv.reference,px:"4",py:"3"},title:{fontWeight:"bold",lineHeight:"6",marginEnd:"2"},description:{lineHeight:"6"},icon:{color:hv.reference,flexShrink:0,marginEnd:"3",w:"5",h:"6"},spinner:{color:hv.reference,flexShrink:0,marginEnd:"3",w:"5",h:"5"}});function gv(e){const{theme:t,colorScheme:n}=e;return{light:`colors.${n}.100`,dark:Vm(`${n}.200`,.16)(t)}}var mv=uv((e=>{const{colorScheme:t}=e,n=gv(e);return{container:{[hv.variable]:`colors.${t}.500`,[fv.variable]:n.light,_dark:{[hv.variable]:`colors.${t}.200`,[fv.variable]:n.dark}}}})),vv=uv((e=>{const{colorScheme:t}=e,n=gv(e);return{container:{[hv.variable]:`colors.${t}.500`,[fv.variable]:n.light,_dark:{[hv.variable]:`colors.${t}.200`,[fv.variable]:n.dark},paddingStart:"3",borderStartWidth:"4px",borderStartColor:hv.reference}}})),yv=uv((e=>{const{colorScheme:t}=e,n=gv(e);return{container:{[hv.variable]:`colors.${t}.500`,[fv.variable]:n.light,_dark:{[hv.variable]:`colors.${t}.200`,[fv.variable]:n.dark},pt:"2",borderTopWidth:"4px",borderTopColor:hv.reference}}})),bv=uv((e=>{const{colorScheme:t}=e;return{container:{[hv.variable]:"colors.white",[fv.variable]:`colors.${t}.500`,_dark:{[hv.variable]:"colors.gray.900",[fv.variable]:`colors.${t}.200`},color:hv.reference}}})),xv=dv({baseStyle:pv,variants:{subtle:mv,"left-accent":vv,"top-accent":yv,solid:bv},defaultProps:{variant:"subtle",colorScheme:"blue"}}),wv={px:"1px",.5:"0.125rem",1:"0.25rem",1.5:"0.375rem",2:"0.5rem",2.5:"0.625rem",3:"0.75rem",3.5:"0.875rem",4:"1rem",5:"1.25rem",6:"1.5rem",7:"1.75rem",8:"2rem",9:"2.25rem",10:"2.5rem",12:"3rem",14:"3.5rem",16:"4rem",20:"5rem",24:"6rem",28:"7rem",32:"8rem",36:"9rem",40:"10rem",44:"11rem",48:"12rem",52:"13rem",56:"14rem",60:"15rem",64:"16rem",72:"18rem",80:"20rem",96:"24rem"},kv={...wv,max:"max-content",min:"min-content",full:"100%","3xs":"14rem","2xs":"16rem",xs:"20rem",sm:"24rem",md:"28rem",lg:"32rem",xl:"36rem","2xl":"42rem","3xl":"48rem","4xl":"56rem","5xl":"64rem","6xl":"72rem","7xl":"80rem","8xl":"90rem",prose:"60ch",container:{sm:"640px",md:"768px",lg:"1024px",xl:"1280px"}};function Sv(e,...t){return(e=>"function"==typeof e)(e)?e(...t):e}var{definePartsStyle:Cv,defineMultiStyleConfig:_v}=cf(qg.keys),Ev=_h("avatar-border-color"),Pv=_h("avatar-bg"),Lv={borderRadius:"full",border:"0.2em solid",[Ev.variable]:"white",_dark:{[Ev.variable]:"colors.gray.800"},borderColor:Ev.reference},Ov={[Pv.variable]:"colors.gray.200",_dark:{[Pv.variable]:"colors.whiteAlpha.400"},bgColor:Pv.reference},Mv=_h("avatar-background"),Tv=e=>{const{name:t,theme:n}=e,r=t?Um({string:t}):"colors.gray.400";let o="white";return Wm(r)(n)||(o="gray.800"),{bg:Mv.reference,"&:not([data-loaded])":{[Mv.variable]:r},color:o,[Ev.variable]:"colors.white",_dark:{[Ev.variable]:"colors.gray.800"},borderColor:Ev.reference,verticalAlign:"top"}};function Av(e){const t="100%"!==e?kv[e]:void 0;return Cv({container:{width:e,height:e,fontSize:`calc(${t??e} / 2.5)`},excessLabel:{width:e,height:e},label:{fontSize:`calc(${t??e} / 2.5)`,lineHeight:"100%"!==e?t??e:void 0}})}var Iv=_v({baseStyle:Cv((e=>({badge:Sv(Lv,e),excessLabel:Sv(Ov,e),container:Sv(Tv,e)}))),sizes:{"2xs":Av(4),xs:Av(6),sm:Av(8),md:Av(12),lg:Av(16),xl:Av(24),"2xl":Av(32),full:Av("100%")},defaultProps:{size:"md"}}),Rv={px:1,textTransform:"uppercase",fontSize:"xs",borderRadius:"sm",fontWeight:"bold"},Nv=_h("badge-bg"),Dv=_h("badge-color"),zv=e=>{const{colorScheme:t,theme:n}=e,r=Vm(`${t}.500`,.6)(n);return{[Nv.variable]:`colors.${t}.500`,[Dv.variable]:"colors.white",_dark:{[Nv.variable]:r,[Dv.variable]:"colors.whiteAlpha.800"},bg:Nv.reference,color:Dv.reference}},Bv=e=>{const{colorScheme:t,theme:n}=e,r=Vm(`${t}.200`,.16)(n);return{[Nv.variable]:`colors.${t}.100`,[Dv.variable]:`colors.${t}.800`,_dark:{[Nv.variable]:r,[Dv.variable]:`colors.${t}.200`},bg:Nv.reference,color:Dv.reference}},jv=e=>{const{colorScheme:t,theme:n}=e,r=Vm(`${t}.200`,.8)(n);return{[Dv.variable]:`colors.${t}.500`,_dark:{[Dv.variable]:r},color:Dv.reference,boxShadow:`inset 0 0 0px 1px ${Dv.reference}`}},Fv={baseStyle:Rv,variants:{solid:zv,subtle:Bv,outline:jv},defaultProps:{variant:"subtle",colorScheme:"gray"}},{defineMultiStyleConfig:Hv,definePartsStyle:Wv}=cf(Yg.keys),Vv=Hv({baseStyle:Wv({link:{transitionProperty:"common",transitionDuration:"fast",transitionTimingFunction:"ease-out",cursor:"pointer",textDecoration:"none",outline:"none",color:"inherit",_hover:{textDecoration:"underline"},_focusVisible:{boxShadow:"outline"}}})}),$v=e=>{const{colorScheme:t,theme:n}=e;if("gray"===t)return{color:Gm("inherit","whiteAlpha.900")(e),_hover:{bg:Gm("gray.100","whiteAlpha.200")(e)},_active:{bg:Gm("gray.200","whiteAlpha.300")(e)}};const r=Vm(`${t}.200`,.12)(n),o=Vm(`${t}.200`,.24)(n);return{color:Gm(`${t}.600`,`${t}.200`)(e),bg:"transparent",_hover:{bg:Gm(`${t}.50`,r)(e)},_active:{bg:Gm(`${t}.100`,o)(e)}}},Uv=e=>{const{colorScheme:t}=e,n=Gm("gray.200","whiteAlpha.300")(e);return{border:"1px solid",borderColor:"gray"===t?n:"currentColor",".chakra-button__group[data-attached] > &:not(:last-of-type)":{marginEnd:"-1px"},...Sv($v,e)}},Gv={yellow:{bg:"yellow.400",color:"black",hoverBg:"yellow.500",activeBg:"yellow.600"},cyan:{bg:"cyan.400",color:"black",hoverBg:"cyan.500",activeBg:"cyan.600"}},qv=e=>{const{colorScheme:t}=e;if("gray"===t){const t=Gm("gray.100","whiteAlpha.200")(e);return{bg:t,_hover:{bg:Gm("gray.200","whiteAlpha.300")(e),_disabled:{bg:t}},_active:{bg:Gm("gray.300","whiteAlpha.400")(e)}}}const{bg:n=`${t}.500`,color:r="white",hoverBg:o=`${t}.600`,activeBg:i=`${t}.700`}=Gv[t]??{},a=Gm(n,`${t}.200`)(e);return{bg:a,color:Gm(r,"gray.800")(e),_hover:{bg:Gm(o,`${t}.300`)(e),_disabled:{bg:a}},_active:{bg:Gm(i,`${t}.400`)(e)}}},Yv=e=>{const{colorScheme:t}=e;return{padding:0,height:"auto",lineHeight:"normal",verticalAlign:"baseline",color:Gm(`${t}.500`,`${t}.200`)(e),_hover:{textDecoration:"underline",_disabled:{textDecoration:"none"}},_active:{color:Gm(`${t}.700`,`${t}.500`)(e)}}},Zv={baseStyle:{lineHeight:"1.2",borderRadius:"md",fontWeight:"semibold",transitionProperty:"common",transitionDuration:"normal",_focusVisible:{boxShadow:"outline"},_disabled:{opacity:.4,cursor:"not-allowed",boxShadow:"none"},_hover:{_disabled:{bg:"initial"}}},variants:{ghost:$v,outline:Uv,solid:qv,link:Yv,unstyled:{bg:"none",color:"inherit",display:"inline",lineHeight:"inherit",m:"0",p:"0"}},sizes:{lg:{h:"12",minW:"12",fontSize:"lg",px:"6"},md:{h:"10",minW:"10",fontSize:"md",px:"4"},sm:{h:"8",minW:"8",fontSize:"sm",px:"3"},xs:{h:"6",minW:"6",fontSize:"xs",px:"2"}},defaultProps:{variant:"solid",size:"md",colorScheme:"gray"}},{definePartsStyle:Xv,defineMultiStyleConfig:Kv}=cf(gm.keys),Qv=_h("card-bg"),Jv=_h("card-padding"),ey=Xv({container:{[Qv.variable]:"chakra-body-bg",backgroundColor:Qv.reference,color:"chakra-body-text"},body:{padding:Jv.reference,flex:"1 1 0%"},header:{padding:Jv.reference},footer:{padding:Jv.reference}}),ty={sm:Xv({container:{borderRadius:"base",[Jv.variable]:"space.3"}}),md:Xv({container:{borderRadius:"md",[Jv.variable]:"space.5"}}),lg:Xv({container:{borderRadius:"xl",[Jv.variable]:"space.7"}})},ny=Kv({baseStyle:ey,variants:{elevated:Xv({container:{boxShadow:"base",_dark:{[Qv.variable]:"colors.gray.700"}}}),outline:Xv({container:{borderWidth:"1px",borderColor:"chakra-border-color"}}),filled:Xv({container:{[Qv.variable]:"colors.chakra-subtle-bg"}}),unstyled:{body:{padding:0},header:{padding:0},footer:{padding:0}}},sizes:ty,defaultProps:{variant:"elevated",size:"md"}}),{definePartsStyle:ry,defineMultiStyleConfig:oy}=cf(Zg.keys),iy=_h("checkbox-size"),ay=e=>{const{colorScheme:t}=e;return{w:iy.reference,h:iy.reference,transitionProperty:"box-shadow",transitionDuration:"normal",border:"2px solid",borderRadius:"sm",borderColor:"inherit",color:"white",_checked:{bg:Gm(`${t}.500`,`${t}.200`)(e),borderColor:Gm(`${t}.500`,`${t}.200`)(e),color:Gm("white","gray.900")(e),_hover:{bg:Gm(`${t}.600`,`${t}.300`)(e),borderColor:Gm(`${t}.600`,`${t}.300`)(e)},_disabled:{borderColor:Gm("gray.200","transparent")(e),bg:Gm("gray.200","whiteAlpha.300")(e),color:Gm("gray.500","whiteAlpha.500")(e)}},_indeterminate:{bg:Gm(`${t}.500`,`${t}.200`)(e),borderColor:Gm(`${t}.500`,`${t}.200`)(e),color:Gm("white","gray.900")(e)},_disabled:{bg:Gm("gray.100","whiteAlpha.100")(e),borderColor:Gm("gray.100","transparent")(e)},_focusVisible:{boxShadow:"outline"},_invalid:{borderColor:Gm("red.500","red.300")(e)}}},sy={_disabled:{cursor:"not-allowed"}},ly={userSelect:"none",_disabled:{opacity:.4}},cy={transitionProperty:"transform",transitionDuration:"normal"},uy=oy({baseStyle:ry((e=>({icon:cy,container:sy,control:Sv(ay,e),label:ly}))),sizes:{sm:ry({control:{[iy.variable]:"sizes.3"},label:{fontSize:"sm"},icon:{fontSize:"3xs"}}),md:ry({control:{[iy.variable]:"sizes.4"},label:{fontSize:"md"},icon:{fontSize:"2xs"}}),lg:ry({control:{[iy.variable]:"sizes.5"},label:{fontSize:"lg"},icon:{fontSize:"2xs"}})},defaultProps:{size:"md",colorScheme:"blue"}}),dy=iv("close-button-size"),hy=iv("close-button-bg"),fy={baseStyle:{w:[dy.reference],h:[dy.reference],borderRadius:"md",transitionProperty:"common",transitionDuration:"normal",_disabled:{opacity:.4,cursor:"not-allowed",boxShadow:"none"},_hover:{[hy.variable]:"colors.blackAlpha.100",_dark:{[hy.variable]:"colors.whiteAlpha.100"}},_active:{[hy.variable]:"colors.blackAlpha.200",_dark:{[hy.variable]:"colors.whiteAlpha.200"}},_focusVisible:{boxShadow:"outline"},bg:hy.reference},sizes:{lg:{[dy.variable]:"sizes.10",fontSize:"md"},md:{[dy.variable]:"sizes.8",fontSize:"xs"},sm:{[dy.variable]:"sizes.6",fontSize:"2xs"}},defaultProps:{size:"md"}},{variants:py,defaultProps:gy}=Fv,my={baseStyle:{fontFamily:"mono",fontSize:"sm",px:"0.2em",borderRadius:"sm"},variants:py,defaultProps:gy},vy={baseStyle:{w:"100%",mx:"auto",maxW:"prose",px:"4"}},yy={baseStyle:{opacity:.6,borderColor:"inherit"},variants:{solid:{borderStyle:"solid"},dashed:{borderStyle:"dashed"}},defaultProps:{variant:"solid"}},{definePartsStyle:by,defineMultiStyleConfig:xy}=cf(Xg.keys),wy=_h("drawer-bg"),ky=_h("drawer-box-shadow");function Sy(e){return by("full"===e?{dialog:{maxW:"100vw",h:"100vh"}}:{dialog:{maxW:e}})}var Cy={bg:"blackAlpha.600",zIndex:"overlay"},_y={display:"flex",zIndex:"modal",justifyContent:"center"},Ey=e=>{const{isFullHeight:t}=e;return{...t&&{height:"100vh"},zIndex:"modal",maxH:"100vh",color:"inherit",[wy.variable]:"colors.white",[ky.variable]:"shadows.lg",_dark:{[wy.variable]:"colors.gray.700",[ky.variable]:"shadows.dark-lg"},bg:wy.reference,boxShadow:ky.reference}},Py={px:"6",py:"4",fontSize:"xl",fontWeight:"semibold"},Ly={position:"absolute",top:"2",insetEnd:"3"},Oy={px:"6",py:"2",flex:"1",overflow:"auto"},My={px:"6",py:"4"},Ty=xy({baseStyle:by((e=>({overlay:Cy,dialogContainer:_y,dialog:Sv(Ey,e),header:Py,closeButton:Ly,body:Oy,footer:My}))),sizes:{xs:Sy("xs"),sm:Sy("md"),md:Sy("lg"),lg:Sy("2xl"),xl:Sy("4xl"),full:Sy("full")},defaultProps:{size:"xs"}}),{definePartsStyle:Ay,defineMultiStyleConfig:Iy}=cf(Kg.keys),Ry=Iy({baseStyle:Ay({preview:{borderRadius:"md",py:"1",transitionProperty:"common",transitionDuration:"normal"},input:{borderRadius:"md",py:"1",transitionProperty:"common",transitionDuration:"normal",width:"full",_focusVisible:{boxShadow:"outline"},_placeholder:{opacity:.6}},textarea:{borderRadius:"md",py:"1",transitionProperty:"common",transitionDuration:"normal",width:"full",_focusVisible:{boxShadow:"outline"},_placeholder:{opacity:.6}}})}),{definePartsStyle:Ny,defineMultiStyleConfig:Dy}=cf(Qg.keys),zy=_h("form-control-color"),By=Dy({baseStyle:Ny({container:{width:"100%",position:"relative"},requiredIndicator:{marginStart:"1",[zy.variable]:"colors.red.500",_dark:{[zy.variable]:"colors.red.300"},color:zy.reference},helperText:{mt:"2",[zy.variable]:"colors.gray.600",_dark:{[zy.variable]:"colors.whiteAlpha.600"},color:zy.reference,lineHeight:"normal",fontSize:"sm"}})}),{definePartsStyle:jy,defineMultiStyleConfig:Fy}=cf(Jg.keys),Hy=_h("form-error-color"),Wy=Fy({baseStyle:jy({text:{[Hy.variable]:"colors.red.500",_dark:{[Hy.variable]:"colors.red.300"},color:Hy.reference,mt:"2",fontSize:"sm",lineHeight:"normal"},icon:{marginEnd:"0.5em",[Hy.variable]:"colors.red.500",_dark:{[Hy.variable]:"colors.red.300"},color:Hy.reference}})}),Vy={baseStyle:{fontSize:"md",marginEnd:"3",mb:"2",fontWeight:"medium",transitionProperty:"common",transitionDuration:"normal",opacity:1,_disabled:{opacity:.4}}},$y={baseStyle:{fontFamily:"heading",fontWeight:"bold"},sizes:{"4xl":{fontSize:["6xl",null,"7xl"],lineHeight:1},"3xl":{fontSize:["5xl",null,"6xl"],lineHeight:1},"2xl":{fontSize:["4xl",null,"5xl"],lineHeight:[1.2,null,1]},xl:{fontSize:["3xl",null,"4xl"],lineHeight:[1.33,null,1.2]},lg:{fontSize:["2xl",null,"3xl"],lineHeight:[1.33,null,1.2]},md:{fontSize:"xl",lineHeight:1.2},sm:{fontSize:"md",lineHeight:1.2},xs:{fontSize:"sm",lineHeight:1.2}},defaultProps:{size:"xl"}},{definePartsStyle:Uy,defineMultiStyleConfig:Gy}=cf(em.keys),qy=Uy({field:{width:"100%",minWidth:0,outline:0,position:"relative",appearance:"none",transitionProperty:"common",transitionDuration:"normal",_disabled:{opacity:.4,cursor:"not-allowed"}}}),Yy={lg:{fontSize:"lg",px:"4",h:"12",borderRadius:"md"},md:{fontSize:"md",px:"4",h:"10",borderRadius:"md"},sm:{fontSize:"sm",px:"3",h:"8",borderRadius:"sm"},xs:{fontSize:"xs",px:"2",h:"6",borderRadius:"sm"}},Zy={lg:Uy({field:Yy.lg,addon:Yy.lg}),md:Uy({field:Yy.md,addon:Yy.md}),sm:Uy({field:Yy.sm,addon:Yy.sm}),xs:Uy({field:Yy.xs,addon:Yy.xs})};function Xy(e){const{focusBorderColor:t,errorBorderColor:n}=e;return{focusBorderColor:t||Gm("blue.500","blue.300")(e),errorBorderColor:n||Gm("red.500","red.300")(e)}}var Ky=Uy((e=>{const{theme:t}=e,{focusBorderColor:n,errorBorderColor:r}=Xy(e);return{field:{border:"1px solid",borderColor:"inherit",bg:"inherit",_hover:{borderColor:Gm("gray.300","whiteAlpha.400")(e)},_readOnly:{boxShadow:"none !important",userSelect:"all"},_invalid:{borderColor:Hm(t,r),boxShadow:`0 0 0 1px ${Hm(t,r)}`},_focusVisible:{zIndex:1,borderColor:Hm(t,n),boxShadow:`0 0 0 1px ${Hm(t,n)}`}},addon:{border:"1px solid",borderColor:Gm("inherit","whiteAlpha.50")(e),bg:Gm("gray.100","whiteAlpha.300")(e)}}})),Qy=Uy((e=>{const{theme:t}=e,{focusBorderColor:n,errorBorderColor:r}=Xy(e);return{field:{border:"2px solid",borderColor:"transparent",bg:Gm("gray.100","whiteAlpha.50")(e),_hover:{bg:Gm("gray.200","whiteAlpha.100")(e)},_readOnly:{boxShadow:"none !important",userSelect:"all"},_invalid:{borderColor:Hm(t,r)},_focusVisible:{bg:"transparent",borderColor:Hm(t,n)}},addon:{border:"2px solid",borderColor:"transparent",bg:Gm("gray.100","whiteAlpha.50")(e)}}})),Jy=Uy((e=>{const{theme:t}=e,{focusBorderColor:n,errorBorderColor:r}=Xy(e);return{field:{borderBottom:"1px solid",borderColor:"inherit",borderRadius:"0",px:"0",bg:"transparent",_readOnly:{boxShadow:"none !important",userSelect:"all"},_invalid:{borderColor:Hm(t,r),boxShadow:`0px 1px 0px 0px ${Hm(t,r)}`},_focusVisible:{borderColor:Hm(t,n),boxShadow:`0px 1px 0px 0px ${Hm(t,n)}`}},addon:{borderBottom:"2px solid",borderColor:"inherit",borderRadius:"0",px:"0",bg:"transparent"}}})),eb=Gy({baseStyle:qy,sizes:Zy,variants:{outline:Ky,filled:Qy,flushed:Jy,unstyled:Uy({field:{bg:"transparent",px:"0",height:"auto"},addon:{bg:"transparent",px:"0",height:"auto"}})},defaultProps:{size:"md",variant:"outline"}}),tb=_h("kbd-bg"),nb={baseStyle:{[tb.variable]:"colors.gray.100",_dark:{[tb.variable]:"colors.whiteAlpha.100"},bg:tb.reference,borderRadius:"md",borderWidth:"1px",borderBottomWidth:"3px",fontSize:"0.8em",fontWeight:"bold",lineHeight:"normal",px:"0.4em",whiteSpace:"nowrap"}},rb={baseStyle:{transitionProperty:"common",transitionDuration:"fast",transitionTimingFunction:"ease-out",cursor:"pointer",textDecoration:"none",outline:"none",color:"inherit",_hover:{textDecoration:"underline"},_focusVisible:{boxShadow:"outline"}}},{defineMultiStyleConfig:ob,definePartsStyle:ib}=cf(tm.keys),ab=ob({baseStyle:ib({icon:{marginEnd:"2",display:"inline",verticalAlign:"text-bottom"}})}),{defineMultiStyleConfig:sb,definePartsStyle:lb}=cf(nm.keys),cb=_h("menu-bg"),ub=_h("menu-shadow"),db=sb({baseStyle:lb({button:{transitionProperty:"common",transitionDuration:"normal"},list:{[cb.variable]:"#fff",[ub.variable]:"shadows.sm",_dark:{[cb.variable]:"colors.gray.700",[ub.variable]:"shadows.dark-lg"},color:"inherit",minW:"3xs",py:"2",zIndex:1,borderRadius:"md",borderWidth:"1px",bg:cb.reference,boxShadow:ub.reference},item:{py:"1.5",px:"3",transitionProperty:"background",transitionDuration:"ultra-fast",transitionTimingFunction:"ease-in",_focus:{[cb.variable]:"colors.gray.100",_dark:{[cb.variable]:"colors.whiteAlpha.100"}},_active:{[cb.variable]:"colors.gray.200",_dark:{[cb.variable]:"colors.whiteAlpha.200"}},_expanded:{[cb.variable]:"colors.gray.100",_dark:{[cb.variable]:"colors.whiteAlpha.100"}},_disabled:{opacity:.4,cursor:"not-allowed"},bg:cb.reference},groupTitle:{mx:4,my:2,fontWeight:"semibold",fontSize:"sm"},command:{opacity:.6},divider:{border:0,borderBottom:"1px solid",borderColor:"inherit",my:"2",opacity:.6}})}),{defineMultiStyleConfig:hb,definePartsStyle:fb}=cf(rm.keys),pb={bg:"blackAlpha.600",zIndex:"modal"},gb=e=>{const{isCentered:t,scrollBehavior:n}=e;return{display:"flex",zIndex:"modal",justifyContent:"center",alignItems:t?"center":"flex-start",overflow:"inside"===n?"hidden":"auto"}},mb=e=>{const{scrollBehavior:t}=e;return{borderRadius:"md",bg:Gm("white","gray.700")(e),color:"inherit",my:"16",zIndex:"modal",maxH:"inside"===t?"calc(100% - 7.5rem)":void 0,boxShadow:Gm("lg","dark-lg")(e)}},vb={px:"6",py:"4",fontSize:"xl",fontWeight:"semibold"},yb={position:"absolute",top:"2",insetEnd:"3"},bb=e=>{const{scrollBehavior:t}=e;return{px:"6",py:"2",flex:"1",overflow:"inside"===t?"auto":void 0}},xb={px:"6",py:"4"};function wb(e){return fb("full"===e?{dialog:{maxW:"100vw",minH:"$100vh",my:"0",borderRadius:"0"}}:{dialog:{maxW:e}})}var kb=hb({baseStyle:fb((e=>({overlay:pb,dialogContainer:Sv(gb,e),dialog:Sv(mb,e),header:vb,closeButton:yb,body:Sv(bb,e),footer:xb}))),sizes:{xs:wb("xs"),sm:wb("sm"),md:wb("md"),lg:wb("lg"),xl:wb("xl"),"2xl":wb("2xl"),"3xl":wb("3xl"),"4xl":wb("4xl"),"5xl":wb("5xl"),"6xl":wb("6xl"),full:wb("full")},defaultProps:{size:"md"}}),Sb={letterSpacings:{tighter:"-0.05em",tight:"-0.025em",normal:"0",wide:"0.025em",wider:"0.05em",widest:"0.1em"},lineHeights:{normal:"normal",none:1,shorter:1.25,short:1.375,base:1.5,tall:1.625,taller:"2",3:".75rem",4:"1rem",5:"1.25rem",6:"1.5rem",7:"1.75rem",8:"2rem",9:"2.25rem",10:"2.5rem"},fontWeights:{hairline:100,thin:200,light:300,normal:400,medium:500,semibold:600,bold:700,extrabold:800,black:900},fonts:{heading:'-apple-system, BlinkMacSystemFont, "Segoe UI", Helvetica, Arial, sans-serif, "Apple Color Emoji", "Segoe UI Emoji", "Segoe UI Symbol"',body:'-apple-system, BlinkMacSystemFont, "Segoe UI", Helvetica, Arial, sans-serif, "Apple Color Emoji", "Segoe UI Emoji", "Segoe UI Symbol"',mono:'SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",monospace'},fontSizes:{"3xs":"0.45rem","2xs":"0.625rem",xs:"0.75rem",sm:"0.875rem",md:"1rem",lg:"1.125rem",xl:"1.25rem","2xl":"1.5rem","3xl":"1.875rem","4xl":"2.25rem","5xl":"3rem","6xl":"3.75rem","7xl":"4.5rem","8xl":"6rem","9xl":"8rem"}},{defineMultiStyleConfig:Cb,definePartsStyle:_b}=cf(om.keys),Eb=iv("number-input-stepper-width"),Pb=iv("number-input-input-padding"),Lb=tv(Eb).add("0.5rem").toString(),Ob=iv("number-input-bg"),Mb=iv("number-input-color"),Tb=iv("number-input-border-color"),Ab={[Eb.variable]:"sizes.6",[Pb.variable]:Lb},Ib=e=>{var t;return(null==(t=Sv(eb.baseStyle,e))?void 0:t.field)??{}},Rb={width:Eb.reference},Nb={borderStart:"1px solid",borderStartColor:Tb.reference,color:Mb.reference,bg:Ob.reference,[Mb.variable]:"colors.chakra-body-text",[Tb.variable]:"colors.chakra-border-color",_dark:{[Mb.variable]:"colors.whiteAlpha.800",[Tb.variable]:"colors.whiteAlpha.300"},_active:{[Ob.variable]:"colors.gray.200",_dark:{[Ob.variable]:"colors.whiteAlpha.300"}},_disabled:{opacity:.4,cursor:"not-allowed"}};function Db(e){var t,n;const r=null==(t=eb.sizes)?void 0:t[e],o={lg:"md",md:"md",sm:"sm",xs:"sm"},i=(null==(n=r.field)?void 0:n.fontSize)??"md",a=Sb.fontSizes[i];return _b({field:{...r.field,paddingInlineEnd:Pb.reference,verticalAlign:"top"},stepper:{fontSize:tv(a).multiply(.75).toString(),_first:{borderTopEndRadius:o[e]},_last:{borderBottomEndRadius:o[e],mt:"-1px",borderTopWidth:1}}})}var zb,Bb,jb,Fb,Hb,Wb,Vb,$b,Ub,Gb,qb,Yb,Zb,Xb,Kb,Qb,Jb,ex=Cb({baseStyle:_b((e=>({root:Ab,field:Sv(Ib,e)??{},stepperGroup:Rb,stepper:Nb}))),sizes:{xs:Db("xs"),sm:Db("sm"),md:Db("md"),lg:Db("lg")},variants:eb.variants,defaultProps:eb.defaultProps}),tx={baseStyle:{...null==(zb=eb.baseStyle)?void 0:zb.field,textAlign:"center"},sizes:{lg:{fontSize:"lg",w:12,h:12,borderRadius:"md"},md:{fontSize:"md",w:10,h:10,borderRadius:"md"},sm:{fontSize:"sm",w:8,h:8,borderRadius:"sm"},xs:{fontSize:"xs",w:6,h:6,borderRadius:"sm"}},variants:{outline:e=>{var t,n;return(null==(n=Sv(null==(t=eb.variants)?void 0:t.outline,e))?void 0:n.field)??{}},flushed:e=>{var t,n;return(null==(n=Sv(null==(t=eb.variants)?void 0:t.flushed,e))?void 0:n.field)??{}},filled:e=>{var t,n;return(null==(n=Sv(null==(t=eb.variants)?void 0:t.filled,e))?void 0:n.field)??{}},unstyled:(null==(Bb=eb.variants)?void 0:Bb.unstyled.field)??{}},defaultProps:eb.defaultProps},{defineMultiStyleConfig:nx,definePartsStyle:rx}=cf(im.keys),ox=iv("popper-bg"),ix=iv("popper-arrow-bg"),ax=iv("popper-arrow-shadow-color"),sx=nx({baseStyle:rx({popper:{zIndex:10},content:{[ox.variable]:"colors.white",bg:ox.reference,[ix.variable]:ox.reference,[ax.variable]:"colors.gray.200",_dark:{[ox.variable]:"colors.gray.700",[ax.variable]:"colors.whiteAlpha.300"},width:"xs",border:"1px solid",borderColor:"inherit",borderRadius:"md",boxShadow:"sm",zIndex:"inherit",_focusVisible:{outline:0,boxShadow:"outline"}},header:{px:3,py:2,borderBottomWidth:"1px"},body:{px:3,py:2},footer:{px:3,py:2,borderTopWidth:"1px"},closeButton:{position:"absolute",borderRadius:"md",top:1,insetEnd:2,padding:2}})}),{defineMultiStyleConfig:lx,definePartsStyle:cx}=cf(am.keys),ux=e=>{const{colorScheme:t,theme:n,isIndeterminate:r,hasStripe:o}=e,i=Gm($m(),$m("1rem","rgba(0,0,0,0.1)"))(e),a=Gm(`${t}.500`,`${t}.200`)(e),s=`linear-gradient(\n to right,\n transparent 0%,\n ${Hm(n,a)} 50%,\n transparent 100%\n )`;return{...!r&&o&&i,...r?{bgImage:s}:{bgColor:a}}},dx={lineHeight:"1",fontSize:"0.25em",fontWeight:"bold",color:"white"},hx=e=>({bg:Gm("gray.100","whiteAlpha.300")(e)}),fx=e=>({transitionProperty:"common",transitionDuration:"slow",...ux(e)}),px=cx((e=>({label:dx,filledTrack:fx(e),track:hx(e)}))),gx=lx({sizes:{xs:cx({track:{h:"1"}}),sm:cx({track:{h:"2"}}),md:cx({track:{h:"3"}}),lg:cx({track:{h:"4"}})},baseStyle:px,defaultProps:{size:"md",colorScheme:"blue"}}),{defineMultiStyleConfig:mx,definePartsStyle:vx}=cf(sm.keys),yx=e=>{var t;const n=null==(t=Sv(uy.baseStyle,e))?void 0:t.control;return{...n,borderRadius:"full",_checked:{...null==n?void 0:n._checked,_before:{content:'""',display:"inline-block",pos:"relative",w:"50%",h:"50%",borderRadius:"50%",bg:"currentColor"}}}},bx=mx({baseStyle:vx((e=>{var t,n,r,o;return{label:null==(n=(t=uy).baseStyle)?void 0:n.call(t,e).label,container:null==(o=(r=uy).baseStyle)?void 0:o.call(r,e).container,control:yx(e)}})),sizes:{md:vx({control:{w:"4",h:"4"},label:{fontSize:"md"}}),lg:vx({control:{w:"5",h:"5"},label:{fontSize:"lg"}}),sm:vx({control:{width:"3",height:"3"},label:{fontSize:"sm"}})},defaultProps:{size:"md",colorScheme:"blue"}}),{defineMultiStyleConfig:xx,definePartsStyle:wx}=cf(lm.keys),kx=_h("select-bg"),Sx={paddingInlineEnd:"8"},Cx=xx({baseStyle:wx({field:{...null==(jb=eb.baseStyle)?void 0:jb.field,appearance:"none",paddingBottom:"1px",lineHeight:"normal",bg:kx.reference,[kx.variable]:"colors.white",_dark:{[kx.variable]:"colors.gray.700"},"> option, > optgroup":{bg:kx.reference}},icon:{width:"6",height:"100%",insetEnd:"2",position:"relative",color:"currentColor",fontSize:"xl",_disabled:{opacity:.5}}}),sizes:{lg:{...null==(Fb=eb.sizes)?void 0:Fb.lg,field:{...null==(Hb=eb.sizes)?void 0:Hb.lg.field,...Sx}},md:{...null==(Wb=eb.sizes)?void 0:Wb.md,field:{...null==(Vb=eb.sizes)?void 0:Vb.md.field,...Sx}},sm:{...null==($b=eb.sizes)?void 0:$b.sm,field:{...null==(Ub=eb.sizes)?void 0:Ub.sm.field,...Sx}},xs:{...null==(Gb=eb.sizes)?void 0:Gb.xs,field:{...null==(qb=eb.sizes)?void 0:qb.xs.field,...Sx},icon:{insetEnd:"1"}}},variants:eb.variants,defaultProps:eb.defaultProps}),_x=_h("skeleton-start-color"),Ex=_h("skeleton-end-color"),Px={baseStyle:{[_x.variable]:"colors.gray.100",[Ex.variable]:"colors.gray.400",_dark:{[_x.variable]:"colors.gray.800",[Ex.variable]:"colors.gray.600"},background:_x.reference,borderColor:Ex.reference,opacity:.7,borderRadius:"sm"}},Lx=_h("skip-link-bg"),Ox={baseStyle:{borderRadius:"md",fontWeight:"semibold",_focusVisible:{boxShadow:"outline",padding:"4",position:"fixed",top:"6",insetStart:"6",[Lx.variable]:"colors.white",_dark:{[Lx.variable]:"colors.gray.700"},bg:Lx.reference}}},{defineMultiStyleConfig:Mx,definePartsStyle:Tx}=cf(cm.keys),Ax=_h("slider-thumb-size"),Ix=_h("slider-track-size"),Rx=_h("slider-bg"),Nx=e=>{const{orientation:t}=e;return{display:"inline-block",position:"relative",cursor:"pointer",_disabled:{opacity:.6,cursor:"default",pointerEvents:"none"},...qm({orientation:t,vertical:{h:"100%"},horizontal:{w:"100%"}})}},Dx=e=>({...qm({orientation:e.orientation,horizontal:{h:Ix.reference},vertical:{w:Ix.reference}}),overflow:"hidden",borderRadius:"sm",[Rx.variable]:"colors.gray.200",_dark:{[Rx.variable]:"colors.whiteAlpha.200"},_disabled:{[Rx.variable]:"colors.gray.300",_dark:{[Rx.variable]:"colors.whiteAlpha.300"}},bg:Rx.reference}),zx=e=>{const{orientation:t}=e;return{...qm({orientation:t,vertical:{left:"50%",transform:"translateX(-50%)",_active:{transform:"translateX(-50%) scale(1.15)"}},horizontal:{top:"50%",transform:"translateY(-50%)",_active:{transform:"translateY(-50%) scale(1.15)"}}}),w:Ax.reference,h:Ax.reference,display:"flex",alignItems:"center",justifyContent:"center",position:"absolute",outline:0,zIndex:1,borderRadius:"full",bg:"white",boxShadow:"base",border:"1px solid",borderColor:"transparent",transitionProperty:"transform",transitionDuration:"normal",_focusVisible:{boxShadow:"outline"},_disabled:{bg:"gray.300"}}},Bx=e=>{const{colorScheme:t}=e;return{width:"inherit",height:"inherit",[Rx.variable]:`colors.${t}.500`,_dark:{[Rx.variable]:`colors.${t}.200`},bg:Rx.reference}},jx=Mx({baseStyle:Tx((e=>({container:Nx(e),track:Dx(e),thumb:zx(e),filledTrack:Bx(e)}))),sizes:{lg:Tx({container:{[Ax.variable]:"sizes.4",[Ix.variable]:"sizes.1"}}),md:Tx({container:{[Ax.variable]:"sizes.3.5",[Ix.variable]:"sizes.1"}}),sm:Tx({container:{[Ax.variable]:"sizes.2.5",[Ix.variable]:"sizes.0.5"}})},defaultProps:{size:"md",colorScheme:"blue"}}),Fx=iv("spinner-size"),Hx={baseStyle:{width:[Fx.reference],height:[Fx.reference]},sizes:{xs:{[Fx.variable]:"sizes.3"},sm:{[Fx.variable]:"sizes.4"},md:{[Fx.variable]:"sizes.6"},lg:{[Fx.variable]:"sizes.8"},xl:{[Fx.variable]:"sizes.12"}},defaultProps:{size:"md"}},{defineMultiStyleConfig:Wx,definePartsStyle:Vx}=cf(um.keys),$x=Wx({baseStyle:Vx({container:{},label:{fontWeight:"medium"},helpText:{opacity:.8,marginBottom:"2"},number:{verticalAlign:"baseline",fontWeight:"semibold"},icon:{marginEnd:1,w:"3.5",h:"3.5",verticalAlign:"middle"}}),sizes:{md:Vx({label:{fontSize:"sm"},helpText:{fontSize:"sm"},number:{fontSize:"2xl"}})},defaultProps:{size:"md"}}),{defineMultiStyleConfig:Ux,definePartsStyle:Gx}=cf(dm.keys),qx=iv("switch-track-width"),Yx=iv("switch-track-height"),Zx=iv("switch-track-diff"),Xx=tv.subtract(qx,Yx),Kx=iv("switch-thumb-x"),Qx=iv("switch-bg"),Jx=e=>{const{colorScheme:t}=e;return{borderRadius:"full",p:"0.5",width:[qx.reference],height:[Yx.reference],transitionProperty:"common",transitionDuration:"fast",[Qx.variable]:"colors.gray.300",_dark:{[Qx.variable]:"colors.whiteAlpha.400"},_focusVisible:{boxShadow:"outline"},_disabled:{opacity:.4,cursor:"not-allowed"},_checked:{[Qx.variable]:`colors.${t}.500`,_dark:{[Qx.variable]:`colors.${t}.200`}},bg:Qx.reference}},ew={bg:"white",transitionProperty:"transform",transitionDuration:"normal",borderRadius:"inherit",width:[Yx.reference],height:[Yx.reference],_checked:{transform:`translateX(${Kx.reference})`}},tw=Ux({baseStyle:Gx((e=>({container:{[Zx.variable]:Xx,[Kx.variable]:Zx.reference,_rtl:{[Kx.variable]:tv(Zx).negate().toString()}},track:Jx(e),thumb:ew}))),sizes:{sm:Gx({container:{[qx.variable]:"1.375rem",[Yx.variable]:"sizes.3"}}),md:Gx({container:{[qx.variable]:"1.875rem",[Yx.variable]:"sizes.4"}}),lg:Gx({container:{[qx.variable]:"2.875rem",[Yx.variable]:"sizes.6"}})},defaultProps:{size:"md",colorScheme:"blue"}}),{defineMultiStyleConfig:nw,definePartsStyle:rw}=cf(hm.keys),ow=rw({table:{fontVariantNumeric:"lining-nums tabular-nums",borderCollapse:"collapse",width:"full"},th:{fontFamily:"heading",fontWeight:"bold",textTransform:"uppercase",letterSpacing:"wider",textAlign:"start"},td:{textAlign:"start"},caption:{mt:4,fontFamily:"heading",textAlign:"center",fontWeight:"medium"}}),iw={"&[data-is-numeric=true]":{textAlign:"end"}},aw=rw((e=>{const{colorScheme:t}=e;return{th:{color:Gm("gray.600","gray.400")(e),borderBottom:"1px",borderColor:Gm(`${t}.100`,`${t}.700`)(e),...iw},td:{borderBottom:"1px",borderColor:Gm(`${t}.100`,`${t}.700`)(e),...iw},caption:{color:Gm("gray.600","gray.100")(e)},tfoot:{tr:{"&:last-of-type":{th:{borderBottomWidth:0}}}}}})),sw=rw((e=>{const{colorScheme:t}=e;return{th:{color:Gm("gray.600","gray.400")(e),borderBottom:"1px",borderColor:Gm(`${t}.100`,`${t}.700`)(e),...iw},td:{borderBottom:"1px",borderColor:Gm(`${t}.100`,`${t}.700`)(e),...iw},caption:{color:Gm("gray.600","gray.100")(e)},tbody:{tr:{"&:nth-of-type(odd)":{"th, td":{borderBottomWidth:"1px",borderColor:Gm(`${t}.100`,`${t}.700`)(e)},td:{background:Gm(`${t}.100`,`${t}.700`)(e)}}}},tfoot:{tr:{"&:last-of-type":{th:{borderBottomWidth:0}}}}}})),lw=nw({baseStyle:ow,variants:{simple:aw,striped:sw,unstyled:{}},sizes:{sm:rw({th:{px:"4",py:"1",lineHeight:"4",fontSize:"xs"},td:{px:"4",py:"2",fontSize:"sm",lineHeight:"4"},caption:{px:"4",py:"2",fontSize:"xs"}}),md:rw({th:{px:"6",py:"3",lineHeight:"4",fontSize:"xs"},td:{px:"6",py:"4",lineHeight:"5"},caption:{px:"6",py:"2",fontSize:"sm"}}),lg:rw({th:{px:"8",py:"4",lineHeight:"5",fontSize:"sm"},td:{px:"8",py:"5",lineHeight:"6"},caption:{px:"6",py:"2",fontSize:"md"}})},defaultProps:{variant:"simple",size:"md",colorScheme:"gray"}}),cw=_h("tabs-color"),uw=_h("tabs-bg"),dw=_h("tabs-border-color"),{defineMultiStyleConfig:hw,definePartsStyle:fw}=cf(fm.keys),pw=e=>{const{orientation:t}=e;return{display:"vertical"===t?"flex":"block"}},gw=e=>{const{isFitted:t}=e;return{flex:t?1:void 0,transitionProperty:"common",transitionDuration:"normal",_focusVisible:{zIndex:1,boxShadow:"outline"},_disabled:{cursor:"not-allowed",opacity:.4}}},mw=e=>{const{align:t="start",orientation:n}=e;return{justifyContent:{end:"flex-end",center:"center",start:"flex-start"}[t],flexDirection:"vertical"===n?"column":"row"}},vw={p:4},yw=fw((e=>({root:pw(e),tab:gw(e),tablist:mw(e),tabpanel:vw}))),bw={sm:fw({tab:{py:1,px:4,fontSize:"sm"}}),md:fw({tab:{fontSize:"md",py:2,px:4}}),lg:fw({tab:{fontSize:"lg",py:3,px:4}})},xw=fw((e=>{const{colorScheme:t,orientation:n}=e,r="vertical"===n?"borderStart":"borderBottom";return{tablist:{[r]:"2px solid",borderColor:"inherit"},tab:{[r]:"2px solid",borderColor:"transparent",["vertical"===n?"marginStart":"marginBottom"]:"-2px",_selected:{[cw.variable]:`colors.${t}.600`,_dark:{[cw.variable]:`colors.${t}.300`},borderColor:"currentColor"},_active:{[uw.variable]:"colors.gray.200",_dark:{[uw.variable]:"colors.whiteAlpha.300"}},_disabled:{_active:{bg:"none"}},color:cw.reference,bg:uw.reference}}})),ww=fw((e=>{const{colorScheme:t}=e;return{tab:{borderTopRadius:"md",border:"1px solid",borderColor:"transparent",mb:"-1px",[dw.reference]:"transparent",_selected:{[cw.variable]:`colors.${t}.600`,[dw.variable]:"colors.white",_dark:{[cw.variable]:`colors.${t}.300`,[dw.variable]:"colors.gray.800"},borderColor:"inherit",borderBottomColor:dw.reference},color:cw.reference},tablist:{mb:"-1px",borderBottom:"1px solid",borderColor:"inherit"}}})),kw=fw((e=>{const{colorScheme:t}=e;return{tab:{border:"1px solid",borderColor:"inherit",[uw.variable]:"colors.gray.50",_dark:{[uw.variable]:"colors.whiteAlpha.50"},mb:"-1px",_notLast:{marginEnd:"-1px"},_selected:{[uw.variable]:"colors.white",[cw.variable]:`colors.${t}.600`,_dark:{[uw.variable]:"colors.gray.800",[cw.variable]:`colors.${t}.300`},borderColor:"inherit",borderTopColor:"currentColor",borderBottomColor:"transparent"},color:cw.reference,bg:uw.reference},tablist:{mb:"-1px",borderBottom:"1px solid",borderColor:"inherit"}}})),Sw=fw((e=>{const{colorScheme:t,theme:n}=e;return{tab:{borderRadius:"full",fontWeight:"semibold",color:"gray.600",_selected:{color:Hm(n,`${t}.700`),bg:Hm(n,`${t}.100`)}}}})),Cw=fw((e=>{const{colorScheme:t}=e;return{tab:{borderRadius:"full",fontWeight:"semibold",[cw.variable]:"colors.gray.600",_dark:{[cw.variable]:"inherit"},_selected:{[cw.variable]:"colors.white",[uw.variable]:`colors.${t}.600`,_dark:{[cw.variable]:"colors.gray.800",[uw.variable]:`colors.${t}.300`}},color:cw.reference,bg:uw.reference}}})),_w=hw({baseStyle:yw,sizes:bw,variants:{line:xw,enclosed:ww,"enclosed-colored":kw,"soft-rounded":Sw,"solid-rounded":Cw,unstyled:fw({})},defaultProps:{size:"md",variant:"line",colorScheme:"blue"}}),{defineMultiStyleConfig:Ew,definePartsStyle:Pw}=cf(pm.keys),Lw=Pw({container:{fontWeight:"medium",lineHeight:1.2,outline:0,borderRadius:"md",_focusVisible:{boxShadow:"outline"}},label:{lineHeight:1.2,overflow:"visible"},closeButton:{fontSize:"lg",w:"5",h:"5",transitionProperty:"common",transitionDuration:"normal",borderRadius:"full",marginStart:"1.5",marginEnd:"-1",opacity:.5,_disabled:{opacity:.4},_focusVisible:{boxShadow:"outline",bg:"rgba(0, 0, 0, 0.14)"},_hover:{opacity:.8},_active:{opacity:1}}}),Ow={sm:Pw({container:{minH:"5",minW:"5",fontSize:"xs",px:"2"},closeButton:{marginEnd:"-2px",marginStart:"0.35rem"}}),md:Pw({container:{minH:"6",minW:"6",fontSize:"sm",px:"2"}}),lg:Pw({container:{minH:"8",minW:"8",fontSize:"md",px:"3"}})},Mw=Ew({variants:{subtle:Pw((e=>{var t;return{container:null==(t=Fv.variants)?void 0:t.subtle(e)}})),solid:Pw((e=>{var t;return{container:null==(t=Fv.variants)?void 0:t.solid(e)}})),outline:Pw((e=>{var t;return{container:null==(t=Fv.variants)?void 0:t.outline(e)}}))},baseStyle:Lw,sizes:Ow,defaultProps:{size:"md",variant:"subtle",colorScheme:"gray"}}),Tw={...null==(Yb=eb.baseStyle)?void 0:Yb.field,paddingY:"2",minHeight:"20",lineHeight:"short",verticalAlign:"top"},Aw={outline:e=>{var t;return(null==(t=eb.variants)?void 0:t.outline(e).field)??{}},flushed:e=>{var t;return(null==(t=eb.variants)?void 0:t.flushed(e).field)??{}},filled:e=>{var t;return(null==(t=eb.variants)?void 0:t.filled(e).field)??{}},unstyled:(null==(Zb=eb.variants)?void 0:Zb.unstyled.field)??{}},Iw={baseStyle:Tw,sizes:{xs:(null==(Xb=eb.sizes)?void 0:Xb.xs.field)??{},sm:(null==(Kb=eb.sizes)?void 0:Kb.sm.field)??{},md:(null==(Qb=eb.sizes)?void 0:Qb.md.field)??{},lg:(null==(Jb=eb.sizes)?void 0:Jb.lg.field)??{}},variants:Aw,defaultProps:{size:"md",variant:"outline"}},Rw=iv("tooltip-bg"),Nw=iv("tooltip-fg"),Dw=iv("popper-arrow-bg"),zw={bg:Rw.reference,color:Nw.reference,[Rw.variable]:"colors.gray.700",[Nw.variable]:"colors.whiteAlpha.900",_dark:{[Rw.variable]:"colors.gray.300",[Nw.variable]:"colors.gray.900"},[Dw.variable]:Rw.reference,px:"2",py:"0.5",borderRadius:"sm",fontWeight:"medium",fontSize:"sm",boxShadow:"md",maxW:"xs",zIndex:"tooltip"},Bw={Accordion:cv,Alert:xv,Avatar:Iv,Badge:Fv,Breadcrumb:Vv,Button:Zv,Checkbox:uy,CloseButton:fy,Code:my,Container:vy,Divider:yy,Drawer:Ty,Editable:Ry,Form:By,FormError:Wy,FormLabel:Vy,Heading:$y,Input:eb,Kbd:nb,Link:rb,List:ab,Menu:db,Modal:kb,NumberInput:ex,PinInput:tx,Popover:sx,Progress:gx,Radio:bx,Select:Cx,Skeleton:Px,SkipLink:Ox,Slider:jx,Spinner:Hx,Stat:$x,Switch:tw,Table:lw,Tabs:_w,Tag:Mw,Textarea:Iw,Tooltip:{baseStyle:zw},Card:ny},jw={none:0,"1px":"1px solid","2px":"2px solid","4px":"4px solid","8px":"8px solid"},Fw={xs:"0 0 0 1px rgba(0, 0, 0, 0.05)",sm:"0 1px 2px 0 rgba(0, 0, 0, 0.05)",base:"0 1px 3px 0 rgba(0, 0, 0, 0.1), 0 1px 2px 0 rgba(0, 0, 0, 0.06)",md:"0 4px 6px -1px rgba(0, 0, 0, 0.1), 0 2px 4px -1px rgba(0, 0, 0, 0.06)",lg:"0 10px 15px -3px rgba(0, 0, 0, 0.1), 0 4px 6px -2px rgba(0, 0, 0, 0.05)",xl:"0 20px 25px -5px rgba(0, 0, 0, 0.1), 0 10px 10px -5px rgba(0, 0, 0, 0.04)","2xl":"0 25px 50px -12px rgba(0, 0, 0, 0.25)",outline:"0 0 0 3px rgba(66, 153, 225, 0.6)",inner:"inset 0 2px 4px 0 rgba(0,0,0,0.06)",none:"none","dark-lg":"rgba(0, 0, 0, 0.1) 0px 0px 0px 1px, rgba(0, 0, 0, 0.2) 0px 5px 10px, rgba(0, 0, 0, 0.4) 0px 15px 40px"},Hw={property:{common:"background-color, border-color, color, fill, stroke, opacity, box-shadow, transform",colors:"background-color, border-color, color, fill, stroke",dimensions:"width, height",position:"left, right, top, bottom",background:"background-color, background-image, background-position"},easing:{"ease-in":"cubic-bezier(0.4, 0, 1, 1)","ease-out":"cubic-bezier(0, 0, 0.2, 1)","ease-in-out":"cubic-bezier(0.4, 0, 0.2, 1)"},duration:{"ultra-fast":"50ms",faster:"100ms",fast:"150ms",normal:"200ms",slow:"300ms",slower:"400ms","ultra-slow":"500ms"}},Ww={semanticTokens:{colors:{"chakra-body-text":{_light:"gray.800",_dark:"whiteAlpha.900"},"chakra-body-bg":{_light:"white",_dark:"gray.800"},"chakra-border-color":{_light:"gray.200",_dark:"whiteAlpha.300"},"chakra-subtle-bg":{_light:"gray.100",_dark:"gray.700"},"chakra-placeholder-color":{_light:"gray.500",_dark:"whiteAlpha.400"}}},direction:"ltr",...{breakpoints:{base:"0em",sm:"30em",md:"48em",lg:"62em",xl:"80em","2xl":"96em"},zIndices:{hide:-1,auto:"auto",base:0,docked:10,dropdown:1e3,sticky:1100,banner:1200,overlay:1300,modal:1400,popover:1500,skipLink:1600,toast:1700,tooltip:1800},radii:{none:"0",sm:"0.125rem",base:"0.25rem",md:"0.375rem",lg:"0.5rem",xl:"0.75rem","2xl":"1rem","3xl":"1.5rem",full:"9999px"},blur:{none:0,sm:"4px",base:"8px",md:"12px",lg:"16px",xl:"24px","2xl":"40px","3xl":"64px"},colors:{transparent:"transparent",current:"currentColor",black:"#000000",white:"#FFFFFF",whiteAlpha:{50:"rgba(255, 255, 255, 0.04)",100:"rgba(255, 255, 255, 0.06)",200:"rgba(255, 255, 255, 0.08)",300:"rgba(255, 255, 255, 0.16)",400:"rgba(255, 255, 255, 0.24)",500:"rgba(255, 255, 255, 0.36)",600:"rgba(255, 255, 255, 0.48)",700:"rgba(255, 255, 255, 0.64)",800:"rgba(255, 255, 255, 0.80)",900:"rgba(255, 255, 255, 0.92)"},blackAlpha:{50:"rgba(0, 0, 0, 0.04)",100:"rgba(0, 0, 0, 0.06)",200:"rgba(0, 0, 0, 0.08)",300:"rgba(0, 0, 0, 0.16)",400:"rgba(0, 0, 0, 0.24)",500:"rgba(0, 0, 0, 0.36)",600:"rgba(0, 0, 0, 0.48)",700:"rgba(0, 0, 0, 0.64)",800:"rgba(0, 0, 0, 0.80)",900:"rgba(0, 0, 0, 0.92)"},gray:{50:"#F7FAFC",100:"#EDF2F7",200:"#E2E8F0",300:"#CBD5E0",400:"#A0AEC0",500:"#718096",600:"#4A5568",700:"#2D3748",800:"#1A202C",900:"#171923"},red:{50:"#FFF5F5",100:"#FED7D7",200:"#FEB2B2",300:"#FC8181",400:"#F56565",500:"#E53E3E",600:"#C53030",700:"#9B2C2C",800:"#822727",900:"#63171B"},orange:{50:"#FFFAF0",100:"#FEEBC8",200:"#FBD38D",300:"#F6AD55",400:"#ED8936",500:"#DD6B20",600:"#C05621",700:"#9C4221",800:"#7B341E",900:"#652B19"},yellow:{50:"#FFFFF0",100:"#FEFCBF",200:"#FAF089",300:"#F6E05E",400:"#ECC94B",500:"#D69E2E",600:"#B7791F",700:"#975A16",800:"#744210",900:"#5F370E"},green:{50:"#F0FFF4",100:"#C6F6D5",200:"#9AE6B4",300:"#68D391",400:"#48BB78",500:"#38A169",600:"#2F855A",700:"#276749",800:"#22543D",900:"#1C4532"},teal:{50:"#E6FFFA",100:"#B2F5EA",200:"#81E6D9",300:"#4FD1C5",400:"#38B2AC",500:"#319795",600:"#2C7A7B",700:"#285E61",800:"#234E52",900:"#1D4044"},blue:{50:"#ebf8ff",100:"#bee3f8",200:"#90cdf4",300:"#63b3ed",400:"#4299e1",500:"#3182ce",600:"#2b6cb0",700:"#2c5282",800:"#2a4365",900:"#1A365D"},cyan:{50:"#EDFDFD",100:"#C4F1F9",200:"#9DECF9",300:"#76E4F7",400:"#0BC5EA",500:"#00B5D8",600:"#00A3C4",700:"#0987A0",800:"#086F83",900:"#065666"},purple:{50:"#FAF5FF",100:"#E9D8FD",200:"#D6BCFA",300:"#B794F4",400:"#9F7AEA",500:"#805AD5",600:"#6B46C1",700:"#553C9A",800:"#44337A",900:"#322659"},pink:{50:"#FFF5F7",100:"#FED7E2",200:"#FBB6CE",300:"#F687B3",400:"#ED64A6",500:"#D53F8C",600:"#B83280",700:"#97266D",800:"#702459",900:"#521B41"},linkedin:{50:"#E8F4F9",100:"#CFEDFB",200:"#9BDAF3",300:"#68C7EC",400:"#34B3E4",500:"#00A0DC",600:"#008CC9",700:"#0077B5",800:"#005E93",900:"#004471"},facebook:{50:"#E8F4F9",100:"#D9DEE9",200:"#B7C2DA",300:"#6482C0",400:"#4267B2",500:"#385898",600:"#314E89",700:"#29487D",800:"#223B67",900:"#1E355B"},messenger:{50:"#D0E6FF",100:"#B9DAFF",200:"#A2CDFF",300:"#7AB8FF",400:"#2E90FF",500:"#0078FF",600:"#0063D1",700:"#0052AC",800:"#003C7E",900:"#002C5C"},whatsapp:{50:"#dffeec",100:"#b9f5d0",200:"#90edb3",300:"#65e495",400:"#3cdd78",500:"#22c35e",600:"#179848",700:"#0c6c33",800:"#01421c",900:"#001803"},twitter:{50:"#E5F4FD",100:"#C8E9FB",200:"#A8DCFA",300:"#83CDF7",400:"#57BBF5",500:"#1DA1F2",600:"#1A94DA",700:"#1681BF",800:"#136B9E",900:"#0D4D71"},telegram:{50:"#E3F2F9",100:"#C5E4F3",200:"#A2D4EC",300:"#7AC1E4",400:"#47A9DA",500:"#0088CC",600:"#007AB8",700:"#006BA1",800:"#005885",900:"#003F5E"}},...Sb,sizes:kv,shadows:Fw,space:wv,borders:jw,transition:Hw},components:Bw,styles:{global:{body:{fontFamily:"body",color:"chakra-body-text",bg:"chakra-body-bg",transitionProperty:"background-color",transitionDuration:"normal",lineHeight:"base"},"*::placeholder":{color:"chakra-placeholder-color"},"*, *::before, &::after":{borderColor:"chakra-border-color",wordWrap:"break-word"}}},config:{useSystemColorMode:!1,initialColorMode:"light",cssVarPrefix:"chakra"}},Vw="undefined"!=typeof Element,$w="function"==typeof Map,Uw="function"==typeof Set,Gw="function"==typeof ArrayBuffer&&!!ArrayBuffer.isView;function qw(e,t){if(e===t)return!0;if(e&&t&&"object"==typeof e&&"object"==typeof t){if(e.constructor!==t.constructor)return!1;var n,r,o,i;if(Array.isArray(e)){if((n=e.length)!=t.length)return!1;for(r=n;0!=r--;)if(!qw(e[r],t[r]))return!1;return!0}if($w&&e instanceof Map&&t instanceof Map){if(e.size!==t.size)return!1;for(i=e.entries();!(r=i.next()).done;)if(!t.has(r.value[0]))return!1;for(i=e.entries();!(r=i.next()).done;)if(!qw(r.value[1],t.get(r.value[0])))return!1;return!0}if(Uw&&e instanceof Set&&t instanceof Set){if(e.size!==t.size)return!1;for(i=e.entries();!(r=i.next()).done;)if(!t.has(r.value[0]))return!1;return!0}if(Gw&&ArrayBuffer.isView(e)&&ArrayBuffer.isView(t)){if((n=e.length)!=t.length)return!1;for(r=n;0!=r--;)if(e[r]!==t[r])return!1;return!0}if(e.constructor===RegExp)return e.source===t.source&&e.flags===t.flags;if(e.valueOf!==Object.prototype.valueOf)return e.valueOf()===t.valueOf();if(e.toString!==Object.prototype.toString)return e.toString()===t.toString();if((n=(o=Object.keys(e)).length)!==Object.keys(t).length)return!1;for(r=n;0!=r--;)if(!Object.prototype.hasOwnProperty.call(t,o[r]))return!1;if(Vw&&e instanceof Element)return!1;for(r=n;0!=r--;)if(("_owner"!==o[r]&&"__v"!==o[r]&&"__o"!==o[r]||!e.$$typeof)&&!qw(e[o[r]],t[o[r]]))return!1;return!0}return e!=e&&t!=t}var Yw=function(e,t){try{return qw(e,t)}catch(n){if((n.message||"").match(/stack|recursion/i))return console.warn("react-fast-compare cannot handle circular refs"),!1;throw n}};function Zw(){const e=a.exports.useContext(cg);if(!e)throw Error("useTheme: `theme` is undefined. Seems you forgot to wrap your app in `` or ``");return e}function Xw(){return{...dd(),theme:Zw()}}function Kw(e){const{cssVarsRoot:t,theme:n,children:r}=e,o=a.exports.useMemo((()=>Kh(n)),[n]);return cd(dg,{theme:o,children:[ld(Qw,{root:t}),r]})}function Qw({root:e=":host, :root"}){const t=[e,"[data-theme]"].join(",");return ld(hg,{styles:e=>({[t]:e.__cssVars})})}function Jw(){const{colorMode:e}=dd();return ld(hg,{styles:t=>{const n=Ng(Mg(t,"styles.global"),{theme:t,colorMode:e});if(!n)return;return lf(n)(t)}})}!function(e={}){const{strict:t=!0,errorMessage:n="useContext: `context` is undefined. Seems you forgot to wrap component within the Provider",name:r}=e,o=a.exports.createContext(void 0);o.displayName=r,o.Provider}({name:"StylesContext",errorMessage:"useStyles: `styles` is undefined. Seems you forgot to wrap the components in `` "});var ek=new Set([...tf,"textStyle","layerStyle","apply","noOfLines","focusBorderColor","errorBorderColor","as","__css","css","sx"]),tk=new Set(["htmlWidth","htmlHeight","htmlSize"]);function nk(e){return tk.has(e)||!ek.has(e)}function rk(e,t){const{baseStyle:n,...r}=t??{};r.shouldForwardProp||(r.shouldForwardProp=nk);const o=(({baseStyle:e})=>t=>{const{theme:n,css:r,__css:o,sx:i,...a}=t,s=Tg(a,((e,t)=>rf(t))),l=Ng(e,t),c=Object.assign({},o,l,Ag(s),i),u=lf(c)(t.theme);return r?[u,r]:u})({baseStyle:n}),i=Vg(e,r)(o);return H.forwardRef((function(e,t){const{colorMode:n,forced:r}=dd();return H.createElement(i,{ref:t,"data-theme":r?n:void 0,...e})}))}function ok(e){return a.exports.forwardRef(e)}function ik(e,t={}){const{styleConfig:n,...r}=t,{theme:o,colorMode:i}=Xw(),s=e?Mg(o,`components.${e}`):void 0,l=n||s,c=xd({theme:o,colorMode:i},(null==l?void 0:l.defaultProps)??{},Ag(function(e,t){const n={};return Object.keys(e).forEach((r=>{t.includes(r)||(n[r]=e[r])})),n}(r,["children"]))),u=a.exports.useRef({});if(l){const e=function(e){return t=>{const{variant:n,size:r,theme:o}=t,i=df(o);return xd({},kd(e.baseStyle??{},t),i(e,"sizes",r,t),i(e,"variants",n,t))}}(l),t=e(c);Yw(u.current,t)||(u.current=t)}return u.current}function ak(e,t={}){return ik(e,t)}function sk(e,t={}){return ik(e,t)}var lk=function(){const e=new Map;return new Proxy(rk,{apply:(e,t,n)=>rk(...n),get:(t,n)=>(e.has(n)||e.set(n,rk(n)),e.get(n))})}();function ck(e={}){const{name:t,strict:n=!0,hookName:r="useContext",providerName:o="Provider",errorMessage:i}=e,s=a.exports.createContext(void 0);return s.displayName=t,[s.Provider,function e(){var t;const l=a.exports.useContext(s);if(!l&&n){const n=new Error(i??`${r} returned \`undefined\`. Seems you forgot to wrap component within ${o}`);throw n.name="ContextError",null==(t=Error.captureStackTrace)||t.call(Error,n,e),n}return l},s]}function uk(...e){return t=>{e.forEach((e=>{!function(e,t){if(null!=e)if("function"!=typeof e)try{e.current=t}catch(n){throw new Error(`Cannot assign value '${t}' to ref '${e}'`)}else e(t)}(e,t)}))}}function dk(...e){return a.exports.useMemo((()=>uk(...e)),e)}function hk(e){return e.sort(((e,t)=>{const n=e.compareDocumentPosition(t);if(n&Node.DOCUMENT_POSITION_FOLLOWING||n&Node.DOCUMENT_POSITION_CONTAINED_BY)return-1;if(n&Node.DOCUMENT_POSITION_PRECEDING||n&Node.DOCUMENT_POSITION_CONTAINS)return 1;if(n&Node.DOCUMENT_POSITION_DISCONNECTED||n&Node.DOCUMENT_POSITION_IMPLEMENTATION_SPECIFIC)throw Error("Cannot sort the given nodes.");return 0}))}function fk(e,t,n){let r=e+1;return n&&r>=t&&(r=0),r}function pk(e,t,n){let r=e-1;return n&&r<0&&(r=t),r}var gk="undefined"!=typeof window?a.exports.useLayoutEffect:a.exports.useEffect;function mk(){const t=a.exports.useRef(new class{constructor(){e(this,"descendants",new Map),e(this,"register",(e=>{if(null!=e)return(e=>"object"==typeof e&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE)(e)?this.registerNode(e):t=>{this.registerNode(t,e)}})),e(this,"unregister",(e=>{this.descendants.delete(e);const t=hk(Array.from(this.descendants.keys()));this.assignIndex(t)})),e(this,"destroy",(()=>{this.descendants.clear()})),e(this,"assignIndex",(e=>{this.descendants.forEach((t=>{const n=e.indexOf(t.node);t.index=n,t.node.dataset.index=t.index.toString()}))})),e(this,"count",(()=>this.descendants.size)),e(this,"enabledCount",(()=>this.enabledValues().length)),e(this,"values",(()=>Array.from(this.descendants.values()).sort(((e,t)=>e.index-t.index)))),e(this,"enabledValues",(()=>this.values().filter((e=>!e.disabled)))),e(this,"item",(e=>{if(0!==this.count())return this.values()[e]})),e(this,"enabledItem",(e=>{if(0!==this.enabledCount())return this.enabledValues()[e]})),e(this,"first",(()=>this.item(0))),e(this,"firstEnabled",(()=>this.enabledItem(0))),e(this,"last",(()=>this.item(this.descendants.size-1))),e(this,"lastEnabled",(()=>{const e=this.enabledValues().length-1;return this.enabledItem(e)})),e(this,"indexOf",(e=>{var t;return e?(null==(t=this.descendants.get(e))?void 0:t.index)??-1:-1})),e(this,"enabledIndexOf",(e=>null==e?-1:this.enabledValues().findIndex((t=>t.node.isSameNode(e))))),e(this,"next",((e,t=!0)=>{const n=fk(e,this.count(),t);return this.item(n)})),e(this,"nextEnabled",((e,t=!0)=>{const n=this.item(e);if(!n)return;const r=fk(this.enabledIndexOf(n.node),this.enabledCount(),t);return this.enabledItem(r)})),e(this,"prev",((e,t=!0)=>{const n=pk(e,this.count()-1,t);return this.item(n)})),e(this,"prevEnabled",((e,t=!0)=>{const n=this.item(e);if(!n)return;const r=pk(this.enabledIndexOf(n.node),this.enabledCount()-1,t);return this.enabledItem(r)})),e(this,"registerNode",((e,t)=>{if(!e||this.descendants.has(e))return;const n=hk(Array.from(this.descendants.keys()).concat(e));(null==t?void 0:t.disabled)&&(t.disabled=!!t.disabled);const r={node:e,index:-1,...t};this.descendants.set(e,r),this.assignIndex(n)}))}});return gk((()=>()=>t.current.destroy())),t.current}var[vk,yk]=ck({name:"DescendantsProvider",errorMessage:"useDescendantsContext must be used within DescendantsProvider"});function bk(){return[vk,()=>yk(),()=>mk(),e=>function(e){const t=yk(),[n,r]=a.exports.useState(-1),o=a.exports.useRef(null);gk((()=>()=>{o.current&&t.unregister(o.current)}),[]),gk((()=>{if(!o.current)return;const e=Number(o.current.dataset.index);n==e||Number.isNaN(e)||r(e)}));const i=e?t.register(e):t.register;return{descendants:t,index:n,enabledIndex:t.enabledIndexOf(o.current),register:uk(i,o)}}(e)]}var xk=(...e)=>e.filter(Boolean).join(" "),wk={path:cd("g",{stroke:"currentColor",strokeWidth:"1.5",children:[ld("path",{strokeLinecap:"round",fill:"none",d:"M9,9a3,3,0,1,1,4,2.829,1.5,1.5,0,0,0-1,1.415V14.25"}),ld("path",{fill:"currentColor",strokeLinecap:"round",d:"M12,17.25a.375.375,0,1,0,.375.375A.375.375,0,0,0,12,17.25h0"}),ld("circle",{fill:"none",strokeMiterlimit:"10",cx:"12",cy:"12",r:"11.25"})]}),viewBox:"0 0 24 24"},kk=ok(((e,t)=>{const{as:n,viewBox:r,color:o="currentColor",focusable:i=!1,children:a,className:s,__css:l,...c}=e,u={ref:t,focusable:i,className:xk("chakra-icon",s),__css:{w:"1em",h:"1em",display:"inline-block",lineHeight:"1em",flexShrink:0,color:o,...l}},d=r??wk.viewBox;if(n&&"string"!=typeof n)return H.createElement(lk.svg,{as:n,...u,...c});const h=a??wk.path;return H.createElement(lk.svg,{verticalAlign:"middle",viewBox:d,...u,...c},h)}));function Sk(e){const{viewBox:t="0 0 24 24",d:n,displayName:r,defaultProps:o={}}=e,i=a.exports.Children.toArray(e.path),s=ok(((e,r)=>ld(kk,{ref:r,viewBox:t,...o,...e,children:i.length?i:ld("path",{fill:"currentColor",d:n})})));return s.displayName=r,s}function Ck(e,t=[]){const n=a.exports.useRef(e);return a.exports.useEffect((()=>{n.current=e})),a.exports.useCallback(((...e)=>{var t;return null==(t=n.current)?void 0:t.call(n,...e)}),t)}function _k(e){const{value:t,defaultValue:n,onChange:r,shouldUpdate:o=((e,t)=>e!==t)}=e,i=Ck(r),s=Ck(o),[l,c]=a.exports.useState(n),u=void 0!==t,d=u?t:l,h=Ck((e=>{const t="function"==typeof e?e(d):e;s(d,t)&&(u||c(t),i(t))}),[u,i,d,s]);return[d,h]}kk.displayName="Icon";const Ek=a.exports.createContext({transformPagePoint:e=>e,isStatic:!1,reducedMotion:"never"}),Pk=a.exports.createContext({});const Lk=a.exports.createContext(null),Ok="undefined"!=typeof document,Mk=Ok?a.exports.useLayoutEffect:a.exports.useEffect,Tk=a.exports.createContext({strict:!1});function Ak(e,t,n,r){const o=a.exports.useContext(Pk).visualElement,i=a.exports.useContext(Tk),s=a.exports.useContext(Lk),l=a.exports.useContext(Ek).reducedMotion,c=a.exports.useRef();r=r||i.renderer,!c.current&&r&&(c.current=r(e,{visualState:t,parent:o,props:n,presenceId:s?s.id:void 0,blockInitialAnimation:!!s&&!1===s.initial,reducedMotionConfig:l}));const u=c.current;return Mk((()=>{u&&u.render()})),a.exports.useEffect((()=>{u&&u.animationState&&u.animationState.animateChanges()})),Mk((()=>()=>u&&u.notify("Unmount")),[]),u}function Ik(e){return"object"==typeof e&&Object.prototype.hasOwnProperty.call(e,"current")}function Rk(e,t,n){return a.exports.useCallback((r=>{r&&e.mount&&e.mount(r),t&&(r?t.mount(r):t.unmount()),n&&("function"==typeof n?n(r):Ik(n)&&(n.current=r))}),[t])}function Nk(e){return"string"==typeof e||Array.isArray(e)}function Dk(e){return"object"==typeof e&&"function"==typeof e.start}const zk=["initial","animate","exit","whileHover","whileDrag","whileTap","whileFocus","whileInView"];function Bk(e){return Dk(e.animate)||zk.some((t=>Nk(e[t])))}function jk(e){return Boolean(Bk(e)||e.variants)}function Fk(e){const{initial:t,animate:n}=function(e,t){if(Bk(e)){const{initial:t,animate:n}=e;return{initial:!1===t||Nk(t)?t:void 0,animate:Nk(n)?n:void 0}}return!1!==e.inherit?t:{}}(e,a.exports.useContext(Pk));return a.exports.useMemo((()=>({initial:t,animate:n})),[Hk(t),Hk(n)])}function Hk(e){return Array.isArray(e)?e.join(" "):e}const Wk=e=>({isEnabled:t=>e.some((e=>!!t[e]))}),Vk={measureLayout:Wk(["layout","layoutId","drag"]),animation:Wk(["animate","exit","variants","whileHover","whileTap","whileFocus","whileDrag","whileInView"]),exit:Wk(["exit"]),drag:Wk(["drag","dragControls"]),focus:Wk(["whileFocus"]),hover:Wk(["whileHover","onHoverStart","onHoverEnd"]),tap:Wk(["whileTap","onTap","onTapStart","onTapCancel"]),pan:Wk(["onPan","onPanStart","onPanSessionStart","onPanEnd"]),inView:Wk(["whileInView","onViewportEnter","onViewportLeave"])};function $k(e){const t=a.exports.useRef(null);return null===t.current&&(t.current=e()),t.current}const Uk={hasAnimatedSinceResize:!0,hasEverUpdated:!1};let Gk=1;const qk=a.exports.createContext({});class Yk extends H.Component{getSnapshotBeforeUpdate(){const{visualElement:e,props:t}=this.props;return e&&e.setProps(t),null}componentDidUpdate(){}render(){return this.props.children}}const Zk=a.exports.createContext({}),Xk=Symbol.for("motionComponentSymbol");function Kk({preloadedFeatures:e,createVisualElement:t,projectionNodeConstructor:n,useRender:r,useVisualState:o,Component:i}){e&&function(e){for(const t in e)"projectionNodeConstructor"===t?Vk.projectionNodeConstructor=e[t]:Vk[t].Component=e[t]}(e);const s=a.exports.forwardRef((function(s,l){const c={...a.exports.useContext(Ek),...s,layoutId:Qk(s)},{isStatic:u}=c;let d=null;const h=Fk(s),f=u?void 0:$k((()=>{if(Uk.hasEverUpdated)return Gk++})),p=o(s,u);if(!u&&Ok){h.visualElement=Ak(i,p,c,t);const r=a.exports.useContext(Tk).strict,o=a.exports.useContext(Zk);h.visualElement&&(d=h.visualElement.loadFeatures(c,r,e,f,n||Vk.projectionNodeConstructor,o))}return cd(Yk,{visualElement:h.visualElement,props:c,children:[d,ld(Pk.Provider,{value:h,children:r(i,s,f,Rk(p,h.visualElement,l),p,u,h.visualElement)})]})}));return s[Xk]=i,s}function Qk({layoutId:e}){const t=a.exports.useContext(qk).id;return t&&void 0!==e?t+"-"+e:e}function Jk(e){function t(t,n={}){return Kk(e(t,n))}if("undefined"==typeof Proxy)return t;const n=new Map;return new Proxy(t,{get:(e,r)=>(n.has(r)||n.set(r,t(r)),n.get(r))})}const eS=["animate","circle","defs","desc","ellipse","g","image","line","filter","marker","mask","metadata","path","pattern","polygon","polyline","rect","stop","svg","switch","symbol","text","tspan","use","view"];function tS(e){return"string"==typeof e&&!e.includes("-")&&!!(eS.indexOf(e)>-1||/[A-Z]/.test(e))}const nS={};const rS=["transformPerspective","x","y","z","translateX","translateY","translateZ","scale","scaleX","scaleY","rotate","rotateX","rotateY","rotateZ","skew","skewX","skewY"],oS=new Set(rS);function iS(e,{layout:t,layoutId:n}){return oS.has(e)||e.startsWith("origin")||(t||void 0!==n)&&(!!nS[e]||"opacity"===e)}const aS=e=>!!(null==e?void 0:e.getVelocity),sS={x:"translateX",y:"translateY",z:"translateZ",transformPerspective:"perspective"},lS=(e,t)=>rS.indexOf(e)-rS.indexOf(t);function cS(e){return e.startsWith("--")}const uS=(e,t)=>t&&"number"==typeof e?t.transform(e):e,dS=(e,t)=>n=>Math.max(Math.min(n,t),e),hS=e=>e%1?Number(e.toFixed(5)):e,fS=/(-)?([\d]*\.?[\d])+/g,pS=/(#[0-9a-f]{6}|#[0-9a-f]{3}|#(?:[0-9a-f]{2}){2,4}|(rgb|hsl)a?\((-?[\d\.]+%?[,\s]+){2}(-?[\d\.]+%?)\s*[\,\/]?\s*[\d\.]*%?\))/gi,gS=/^(#[0-9a-f]{3}|#(?:[0-9a-f]{2}){2,4}|(rgb|hsl)a?\((-?[\d\.]+%?[,\s]+){2}(-?[\d\.]+%?)\s*[\,\/]?\s*[\d\.]*%?\))$/i;function mS(e){return"string"==typeof e}const vS={test:e=>"number"==typeof e,parse:parseFloat,transform:e=>e},yS=Object.assign(Object.assign({},vS),{transform:dS(0,1)}),bS=Object.assign(Object.assign({},vS),{default:1}),xS=e=>({test:t=>mS(t)&&t.endsWith(e)&&1===t.split(" ").length,parse:parseFloat,transform:t=>`${t}${e}`}),wS=xS("deg"),kS=xS("%"),SS=xS("px"),CS=xS("vh"),_S=xS("vw"),ES=Object.assign(Object.assign({},kS),{parse:e=>kS.parse(e)/100,transform:e=>kS.transform(100*e)}),PS=(e,t)=>n=>Boolean(mS(n)&&gS.test(n)&&n.startsWith(e)||t&&Object.prototype.hasOwnProperty.call(n,t)),LS=(e,t,n)=>r=>{if(!mS(r))return r;const[o,i,a,s]=r.match(fS);return{[e]:parseFloat(o),[t]:parseFloat(i),[n]:parseFloat(a),alpha:void 0!==s?parseFloat(s):1}},OS={test:PS("hsl","hue"),parse:LS("hue","saturation","lightness"),transform:({hue:e,saturation:t,lightness:n,alpha:r=1})=>"hsla("+Math.round(e)+", "+kS.transform(hS(t))+", "+kS.transform(hS(n))+", "+hS(yS.transform(r))+")"},MS=dS(0,255),TS=Object.assign(Object.assign({},vS),{transform:e=>Math.round(MS(e))}),AS={test:PS("rgb","red"),parse:LS("red","green","blue"),transform:({red:e,green:t,blue:n,alpha:r=1})=>"rgba("+TS.transform(e)+", "+TS.transform(t)+", "+TS.transform(n)+", "+hS(yS.transform(r))+")"};const IS={test:PS("#"),parse:function(e){let t="",n="",r="",o="";return e.length>5?(t=e.substr(1,2),n=e.substr(3,2),r=e.substr(5,2),o=e.substr(7,2)):(t=e.substr(1,1),n=e.substr(2,1),r=e.substr(3,1),o=e.substr(4,1),t+=t,n+=n,r+=r,o+=o),{red:parseInt(t,16),green:parseInt(n,16),blue:parseInt(r,16),alpha:o?parseInt(o,16)/255:1}},transform:AS.transform},RS={test:e=>AS.test(e)||IS.test(e)||OS.test(e),parse:e=>AS.test(e)?AS.parse(e):OS.test(e)?OS.parse(e):IS.parse(e),transform:e=>mS(e)?e:e.hasOwnProperty("red")?AS.transform(e):OS.transform(e)},NS="${c}",DS="${n}";function zS(e){"number"==typeof e&&(e=`${e}`);const t=[];let n=0;const r=e.match(pS);r&&(n=r.length,e=e.replace(pS,NS),t.push(...r.map(RS.parse)));const o=e.match(fS);return o&&(e=e.replace(fS,DS),t.push(...o.map(vS.parse))),{values:t,numColors:n,tokenised:e}}function BS(e){return zS(e).values}function jS(e){const{values:t,numColors:n,tokenised:r}=zS(e),o=t.length;return e=>{let t=r;for(let r=0;r"number"==typeof e?0:e;const HS={test:function(e){var t,n,r,o;return isNaN(e)&&mS(e)&&(null!==(n=null===(t=e.match(fS))||void 0===t?void 0:t.length)&&void 0!==n?n:0)+(null!==(o=null===(r=e.match(pS))||void 0===r?void 0:r.length)&&void 0!==o?o:0)>0},parse:BS,createTransformer:jS,getAnimatableNone:function(e){const t=BS(e);return jS(e)(t.map(FS))}},WS=new Set(["brightness","contrast","saturate","opacity"]);function VS(e){let[t,n]=e.slice(0,-1).split("(");if("drop-shadow"===t)return e;const[r]=n.match(fS)||[];if(!r)return e;const o=n.replace(r,"");let i=WS.has(t)?1:0;return r!==n&&(i*=100),t+"("+i+o+")"}const $S=/([a-z-]*)\(.*?\)/g,US=Object.assign(Object.assign({},HS),{getAnimatableNone:e=>{const t=e.match($S);return t?t.map(VS).join(" "):e}}),GS={...vS,transform:Math.round},qS={borderWidth:SS,borderTopWidth:SS,borderRightWidth:SS,borderBottomWidth:SS,borderLeftWidth:SS,borderRadius:SS,radius:SS,borderTopLeftRadius:SS,borderTopRightRadius:SS,borderBottomRightRadius:SS,borderBottomLeftRadius:SS,width:SS,maxWidth:SS,height:SS,maxHeight:SS,size:SS,top:SS,right:SS,bottom:SS,left:SS,padding:SS,paddingTop:SS,paddingRight:SS,paddingBottom:SS,paddingLeft:SS,margin:SS,marginTop:SS,marginRight:SS,marginBottom:SS,marginLeft:SS,rotate:wS,rotateX:wS,rotateY:wS,rotateZ:wS,scale:bS,scaleX:bS,scaleY:bS,scaleZ:bS,skew:wS,skewX:wS,skewY:wS,distance:SS,translateX:SS,translateY:SS,translateZ:SS,x:SS,y:SS,z:SS,perspective:SS,transformPerspective:SS,opacity:yS,originX:ES,originY:ES,originZ:SS,zIndex:GS,fillOpacity:yS,strokeOpacity:yS,numOctaves:GS};function YS(e,t,n,r){const{style:o,vars:i,transform:a,transformKeys:s,transformOrigin:l}=e;s.length=0;let c=!1,u=!1,d=!0;for(const h in t){const e=t[h];if(cS(h)){i[h]=e;continue}const n=qS[h],r=uS(e,n);if(oS.has(h)){if(c=!0,a[h]=r,s.push(h),!d)continue;e!==(n.default||0)&&(d=!1)}else h.startsWith("origin")?(u=!0,l[h]=r):o[h]=r}if(t.transform||(c||r?o.transform=function({transform:e,transformKeys:t},{enableHardwareAcceleration:n=!0,allowTransformNone:r=!0},o,i){let a="";t.sort(lS);for(const s of t)a+=`${sS[s]||s}(${e[s]}) `;return n&&!e.z&&(a+="translateZ(0)"),a=a.trim(),i?a=i(e,o?"":a):r&&o&&(a="none"),a}(e,n,d,r):o.transform&&(o.transform="none")),u){const{originX:e="50%",originY:t="50%",originZ:n=0}=l;o.transformOrigin=`${e} ${t} ${n}`}}const ZS=()=>({style:{},transform:{},transformKeys:[],transformOrigin:{},vars:{}});function XS(e,t,n){for(const r in t)aS(t[r])||iS(r,n)||(e[r]=t[r])}function KS(e,t,n){const r={};return XS(r,e.style||{},e),Object.assign(r,function({transformTemplate:e},t,n){return a.exports.useMemo((()=>{const r={style:{},transform:{},transformKeys:[],transformOrigin:{},vars:{}};return YS(r,t,{enableHardwareAcceleration:!n},e),Object.assign({},r.vars,r.style)}),[t])}(e,t,n)),e.transformValues?e.transformValues(r):r}function QS(e,t,n){const r={},o=KS(e,t,n);return e.drag&&!1!==e.dragListener&&(r.draggable=!1,o.userSelect=o.WebkitUserSelect=o.WebkitTouchCallout="none",o.touchAction=!0===e.drag?"none":"pan-"+("x"===e.drag?"y":"x")),r.style=o,r}const JS=new Set(["initial","style","values","variants","transition","transformTemplate","transformValues","custom","inherit","layout","layoutId","layoutDependency","onLayoutAnimationStart","onLayoutAnimationComplete","onLayoutMeasure","onBeforeLayoutMeasure","onAnimationStart","onAnimationComplete","onUpdate","onDragStart","onDrag","onDragEnd","onMeasureDragConstraints","onDirectionLock","onDragTransitionEnd","drag","dragControls","dragListener","dragConstraints","dragDirectionLock","dragSnapToOrigin","_dragX","_dragY","dragElastic","dragMomentum","dragPropagation","dragTransition","onHoverStart","onHoverEnd","layoutScroll","whileInView","onViewportEnter","onViewportLeave","viewport","whileTap","onTap","onTapStart","onTapCancel","animate","exit","variants","whileHover","whileTap","whileFocus","whileDrag","whileInView","onPan","onPanStart","onPanSessionStart","onPanEnd"]);function eC(e){return JS.has(e)}let tC=e=>!eC(e);try{(nC=require("@emotion/is-prop-valid").default)&&(tC=e=>e.startsWith("on")?!eC(e):nC(e))}catch(zb){}var nC;function rC(e,t,n){return"string"==typeof e?e:SS.transform(t+n*e)}const oC={offset:"stroke-dashoffset",array:"stroke-dasharray"},iC={offset:"strokeDashoffset",array:"strokeDasharray"};function aC(e,{attrX:t,attrY:n,originX:r,originY:o,pathLength:i,pathSpacing:a=1,pathOffset:s=0,...l},c,u){YS(e,l,c,u),e.attrs=e.style,e.style={};const{attrs:d,style:h,dimensions:f}=e;d.transform&&(f&&(h.transform=d.transform),delete d.transform),f&&(void 0!==r||void 0!==o||h.transform)&&(h.transformOrigin=function(e,t,n){return`${rC(t,e.x,e.width)} ${rC(n,e.y,e.height)}`}(f,void 0!==r?r:.5,void 0!==o?o:.5)),void 0!==t&&(d.x=t),void 0!==n&&(d.y=n),void 0!==i&&function(e,t,n=1,r=0,o=!0){e.pathLength=1;const i=o?oC:iC;e[i.offset]=SS.transform(-r);const a=SS.transform(t),s=SS.transform(n);e[i.array]=`${a} ${s}`}(d,i,a,s,!1)}const sC=()=>({style:{},transform:{},transformKeys:[],transformOrigin:{},vars:{},attrs:{}});function lC(e,t){const n=a.exports.useMemo((()=>{const n={style:{},transform:{},transformKeys:[],transformOrigin:{},vars:{},attrs:{}};return aC(n,t,{enableHardwareAcceleration:!1},e.transformTemplate),{...n.attrs,style:{...n.style}}}),[t]);if(e.style){const t={};XS(t,e.style,e),n.style={...t,...n.style}}return n}function cC(e=!1){return(t,n,r,o,{latestValues:i},s)=>{const l=(tS(t)?lC:QS)(n,i,s),c=function(e,t,n){const r={};for(const o in e)(tC(o)||!0===n&&eC(o)||!t&&!eC(o)||e.draggable&&o.startsWith("onDrag"))&&(r[o]=e[o]);return r}(n,"string"==typeof t,e),u={...c,...l,ref:o};return r&&(u["data-projection-id"]=r),a.exports.createElement(t,u)}}const uC=e=>e.replace(/([a-z])([A-Z])/g,"$1-$2").toLowerCase();function dC(e,{style:t,vars:n},r,o){Object.assign(e.style,t,o&&o.getProjectionStyles(r));for(const i in n)e.style.setProperty(i,n[i])}const hC=new Set(["baseFrequency","diffuseConstant","kernelMatrix","kernelUnitLength","keySplines","keyTimes","limitingConeAngle","markerHeight","markerWidth","numOctaves","targetX","targetY","surfaceScale","specularConstant","specularExponent","stdDeviation","tableValues","viewBox","gradientTransform","pathLength"]);function fC(e,t,n,r){dC(e,t,void 0,r);for(const o in t.attrs)e.setAttribute(hC.has(o)?o:uC(o),t.attrs[o])}function pC(e){const{style:t}=e,n={};for(const r in t)(aS(t[r])||iS(r,e))&&(n[r]=t[r]);return n}function gC(e){const t=pC(e);for(const n in e)if(aS(e[n])){t["x"===n||"y"===n?"attr"+n.toUpperCase():n]=e[n]}return t}function mC(e,t,n,r={},o={}){return"function"==typeof t&&(t=t(void 0!==n?n:e.custom,r,o)),"string"==typeof t&&(t=e.variants&&e.variants[t]),"function"==typeof t&&(t=t(void 0!==n?n:e.custom,r,o)),t}const vC=e=>Array.isArray(e),yC=e=>vC(e)?e[e.length-1]||0:e;function bC(e){const t=aS(e)?e.get():e;return(e=>Boolean(e&&"object"==typeof e&&e.mix&&e.toValue))(t)?t.toValue():t}const xC=e=>(t,n)=>{const r=a.exports.useContext(Pk),o=a.exports.useContext(Lk),i=()=>function({scrapeMotionValuesFromProps:e,createRenderState:t,onMount:n},r,o,i){const a={latestValues:wC(r,o,i,e),renderState:t()};return n&&(a.mount=e=>n(r,e,a)),a}(e,t,r,o);return n?i():$k(i)};function wC(e,t,n,r){const o={},i=r(e);for(const h in i)o[h]=bC(i[h]);let{initial:a,animate:s}=e;const l=Bk(e),c=jk(e);t&&c&&!l&&!1!==e.inherit&&(void 0===a&&(a=t.initial),void 0===s&&(s=t.animate));let u=!!n&&!1===n.initial;u=u||!1===a;const d=u?s:a;if(d&&"boolean"!=typeof d&&!Dk(d)){(Array.isArray(d)?d:[d]).forEach((t=>{const n=mC(e,t);if(!n)return;const{transitionEnd:r,transition:i,...a}=n;for(const e in a){let t=a[e];if(Array.isArray(t)){t=t[u?t.length-1:0]}null!==t&&(o[e]=t)}for(const e in r)o[e]=r[e]}))}return o}const kC={useVisualState:xC({scrapeMotionValuesFromProps:gC,createRenderState:sC,onMount:(e,t,{renderState:n,latestValues:r})=>{try{n.dimensions="function"==typeof t.getBBox?t.getBBox():t.getBoundingClientRect()}catch(B2){n.dimensions={x:0,y:0,width:0,height:0}}aC(n,r,{enableHardwareAcceleration:!1},e.transformTemplate),fC(t,n)}})},SC={useVisualState:xC({scrapeMotionValuesFromProps:pC,createRenderState:ZS})};var CC;function _C(e,t,n,r={passive:!0}){return e.addEventListener(t,n,r),()=>e.removeEventListener(t,n)}function EC(e,t,n,r){a.exports.useEffect((()=>{const o=e.current;if(n&&o)return _C(o,t,n,r)}),[e,t,n,r])}function PC(e){return"undefined"!=typeof PointerEvent&&e instanceof PointerEvent?!("mouse"!==e.pointerType):e instanceof MouseEvent}function LC(e){return!!e.touches}!function(e){e.Animate="animate",e.Hover="whileHover",e.Tap="whileTap",e.Drag="whileDrag",e.Focus="whileFocus",e.InView="whileInView",e.Exit="exit"}(CC||(CC={}));const OC={pageX:0,pageY:0};function MC(e,t="page"){const n=e.touches[0]||e.changedTouches[0]||OC;return{x:n[t+"X"],y:n[t+"Y"]}}function TC(e,t="page"){return{x:e[t+"X"],y:e[t+"Y"]}}function AC(e,t="page"){return{point:LC(e)?MC(e,t):TC(e,t)}}const IC=(e,t=!1)=>{const n=t=>e(t,AC(t));return t?(r=n,e=>{const t=e instanceof MouseEvent;(!t||t&&0===e.button)&&r(e)}):n;var r},RC={pointerdown:"mousedown",pointermove:"mousemove",pointerup:"mouseup",pointercancel:"mousecancel",pointerover:"mouseover",pointerout:"mouseout",pointerenter:"mouseenter",pointerleave:"mouseleave"},NC={pointerdown:"touchstart",pointermove:"touchmove",pointerup:"touchend",pointercancel:"touchcancel"};function DC(e){return Ok&&null===window.onpointerdown?e:Ok&&null===window.ontouchstart?NC[e]:Ok&&null===window.onmousedown?RC[e]:e}function zC(e,t,n,r){return _C(e,DC(t),IC(n,"pointerdown"===t),r)}function BC(e,t,n,r){return EC(e,DC(t),n&&IC(n,"pointerdown"===t),r)}function jC(e){let t=null;return()=>{const n=()=>{t=null};return null===t&&(t=e,n)}}const FC=jC("dragHorizontal"),HC=jC("dragVertical");function WC(e){let t=!1;if("y"===e)t=HC();else if("x"===e)t=FC();else{const e=FC(),n=HC();e&&n?t=()=>{e(),n()}:(e&&e(),n&&n())}return t}function VC(){const e=WC(!0);return!e||(e(),!1)}function $C(e,t,n){return(r,o)=>{PC(r)&&!VC()&&(e.animationState&&e.animationState.setActive(CC.Hover,t),n&&n(r,o))}}const UC=(e,t)=>!!t&&(e===t||UC(e,t.parentElement));function GC(e){return a.exports.useEffect((()=>()=>e()),[])}function qC(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols){var o=0;for(r=Object.getOwnPropertySymbols(e);oMath.min(Math.max(n,e),t),ZC=.001;function XC({duration:e=800,bounce:t=.25,velocity:n=0,mass:r=1}){let o,i,a=1-t;a=YC(.05,1,a),e=YC(.01,10,e/1e3),a<1?(o=t=>{const r=t*a,o=r*e,i=r-n,s=KC(t,a),l=Math.exp(-o);return ZC-i/s*l},i=t=>{const r=t*a*e,i=r*n+n,s=Math.pow(a,2)*Math.pow(t,2)*e,l=Math.exp(-r),c=KC(Math.pow(t,2),a);return(-o(t)+ZC>0?-1:1)*((i-s)*l)/c}):(o=t=>Math.exp(-t*e)*((t-n)*e+1)-.001,i=t=>Math.exp(-t*e)*(e*e*(n-t)));const s=function(e,t,n){let r=n;for(let o=1;o<12;o++)r-=e(r)/t(r);return r}(o,i,5/e);if(e*=1e3,isNaN(s))return{stiffness:100,damping:10,duration:e};{const t=Math.pow(s,2)*r;return{stiffness:t,damping:2*a*Math.sqrt(r*t),duration:e}}}function KC(e,t){return e*Math.sqrt(1-t*t)}const QC=["duration","bounce"],JC=["stiffness","damping","mass"];function e_(e,t){return t.some((t=>void 0!==e[t]))}function t_(e){var{from:t=0,to:n=1,restSpeed:r=2,restDelta:o}=e,i=qC(e,["from","to","restSpeed","restDelta"]);const a={done:!1,value:t};let{stiffness:s,damping:l,mass:c,velocity:u,duration:d,isResolvedFromDuration:h}=function(e){let t=Object.assign({velocity:0,stiffness:100,damping:10,mass:1,isResolvedFromDuration:!1},e);if(!e_(e,JC)&&e_(e,QC)){const n=XC(e);t=Object.assign(Object.assign(Object.assign({},t),n),{velocity:0,mass:1}),t.isResolvedFromDuration=!0}return t}(i),f=n_,p=n_;function g(){const e=u?-u/1e3:0,r=n-t,i=l/(2*Math.sqrt(s*c)),a=Math.sqrt(s/c)/1e3;if(void 0===o&&(o=Math.min(Math.abs(n-t)/100,.4)),i<1){const t=KC(a,i);f=o=>{const s=Math.exp(-i*a*o);return n-s*((e+i*a*r)/t*Math.sin(t*o)+r*Math.cos(t*o))},p=n=>{const o=Math.exp(-i*a*n);return i*a*o*(Math.sin(t*n)*(e+i*a*r)/t+r*Math.cos(t*n))-o*(Math.cos(t*n)*(e+i*a*r)-t*r*Math.sin(t*n))}}else if(1===i)f=t=>n-Math.exp(-a*t)*(r+(e+a*r)*t);else{const t=a*Math.sqrt(i*i-1);f=o=>{const s=Math.exp(-i*a*o),l=Math.min(t*o,300);return n-s*((e+i*a*r)*Math.sinh(l)+t*r*Math.cosh(l))/t}}}return g(),{next:e=>{const t=f(e);if(h)a.done=e>=d;else{const i=1e3*p(e),s=Math.abs(i)<=r,l=Math.abs(n-t)<=o;a.done=s&&l}return a.value=a.done?n:t,a},flipTarget:()=>{u=-u,[t,n]=[n,t],g()}}}t_.needsInterpolation=(e,t)=>"string"==typeof e||"string"==typeof t;const n_=e=>0,r_=(e,t,n)=>{const r=t-e;return 0===r?1:(n-e)/r},o_=(e,t,n)=>-n*e+n*t+e;function i_(e,t,n){return n<0&&(n+=1),n>1&&(n-=1),n<1/6?e+6*(t-e)*n:n<.5?t:n<2/3?e+(t-e)*(2/3-n)*6:e}function a_({hue:e,saturation:t,lightness:n,alpha:r}){e/=360,n/=100;let o=0,i=0,a=0;if(t/=100){const r=n<.5?n*(1+t):n+t-n*t,s=2*n-r;o=i_(s,r,e+1/3),i=i_(s,r,e),a=i_(s,r,e-1/3)}else o=i=a=n;return{red:Math.round(255*o),green:Math.round(255*i),blue:Math.round(255*a),alpha:r}}const s_=(e,t,n)=>{const r=e*e,o=t*t;return Math.sqrt(Math.max(0,n*(o-r)+r))},l_=[IS,AS,OS],c_=e=>l_.find((t=>t.test(e))),u_=(e,t)=>{let n=c_(e),r=c_(t),o=n.parse(e),i=r.parse(t);n===OS&&(o=a_(o),n=AS),r===OS&&(i=a_(i),r=AS);const a=Object.assign({},o);return e=>{for(const t in a)"alpha"!==t&&(a[t]=s_(o[t],i[t],e));return a.alpha=o_(o.alpha,i.alpha,e),n.transform(a)}},d_=e=>"number"==typeof e,h_=(e,t)=>n=>t(e(n)),f_=(...e)=>e.reduce(h_);function p_(e,t){return d_(e)?n=>o_(e,t,n):RS.test(e)?u_(e,t):y_(e,t)}const g_=(e,t)=>{const n=[...e],r=n.length,o=e.map(((e,n)=>p_(e,t[n])));return e=>{for(let t=0;t{const n=Object.assign(Object.assign({},e),t),r={};for(const o in n)void 0!==e[o]&&void 0!==t[o]&&(r[o]=p_(e[o],t[o]));return e=>{for(const t in r)n[t]=r[t](e);return n}};function v_(e){const t=HS.parse(e),n=t.length;let r=0,o=0,i=0;for(let a=0;a{const n=HS.createTransformer(t),r=v_(e),o=v_(t);return r.numHSL===o.numHSL&&r.numRGB===o.numRGB&&r.numNumbers>=o.numNumbers?f_(g_(r.parsed,o.parsed),n):n=>`${n>0?t:e}`},b_=(e,t)=>n=>o_(e,t,n);function x_(e,t,n){const r=[],o=n||function(e){return"number"==typeof e?b_:"string"==typeof e?RS.test(e)?u_:y_:Array.isArray(e)?g_:"object"==typeof e?m_:void 0}(e[0]),i=e.length-1;for(let a=0;ae[i-1]&&(e=[].concat(e),t=[].concat(t),e.reverse(),t.reverse());const a=x_(t,r,o),s=2===i?function([e,t],[n]){return r=>n(r_(e,t,r))}(e,a):function(e,t){const n=e.length,r=n-1;return o=>{let i=0,a=!1;if(o<=e[0]?a=!0:o>=e[r]&&(i=r-1,a=!0),!a){let t=1;for(;to||t===r);t++);i=t-1}const s=r_(e[i],e[i+1],o);return t[i](s)}}(e,a);return n?t=>s(YC(e[0],e[i-1],t)):s}const k_=e=>t=>1-e(1-t),S_=e=>t=>t<=.5?e(2*t)/2:(2-e(2*(1-t)))/2,C_=e=>t=>t*t*((e+1)*t-e),__=e=>e,E_=(P_=2,e=>Math.pow(e,P_));var P_;const L_=k_(E_),O_=S_(E_),M_=e=>1-Math.sin(Math.acos(e)),T_=k_(M_),A_=S_(T_),I_=C_(1.525),R_=k_(I_),N_=S_(I_),D_=(e=>{const t=C_(e);return e=>(e*=2)<1?.5*t(e):.5*(2-Math.pow(2,-10*(e-1)))})(1.525),z_=e=>{if(1===e||0===e)return e;const t=e*e;return e<.36363636363636365?7.5625*t:e<.7272727272727273?9.075*t-9.9*e+3.4:e<.9?12.066481994459833*t-19.63545706371191*e+8.898060941828255:10.8*e*e-20.52*e+10.72},B_=k_(z_);function j_(e,t){return e.map((()=>t||O_)).splice(0,e.length-1)}function F_({from:e=0,to:t=1,ease:n,offset:r,duration:o=300}){const i={done:!1,value:e},a=Array.isArray(t)?t:[e,t],s=function(e,t){return e.map((e=>e*t))}(r&&r.length===a.length?r:function(e){const t=e.length;return e.map(((e,n)=>0!==n?n/(t-1):0))}(a),o);function l(){return w_(s,a,{ease:Array.isArray(n)?n:j_(a,n)})}let c=l();return{next:e=>(i.value=c(e),i.done=e>=o,i),flipTarget:()=>{a.reverse(),c=l()}}}const H_={keyframes:F_,spring:t_,decay:function({velocity:e=0,from:t=0,power:n=.8,timeConstant:r=350,restDelta:o=.5,modifyTarget:i}){const a={done:!1,value:t};let s=n*e;const l=t+s,c=void 0===i?l:i(l);return c!==l&&(s=c-t),{next:e=>{const t=-s*Math.exp(-e/r);return a.done=!(t>o||t<-o),a.value=a.done?c:c+t,a},flipTarget:()=>{}}}};const W_=1/60*1e3,V_="undefined"!=typeof performance?()=>performance.now():()=>Date.now(),$_="undefined"!=typeof window?e=>window.requestAnimationFrame(e):e=>setTimeout((()=>e(V_())),W_);let U_=!0,G_=!1,q_=!1;const Y_={delta:0,timestamp:0},Z_=["read","update","preRender","render","postRender"],X_=Z_.reduce(((e,t)=>(e[t]=function(e){let t=[],n=[],r=0,o=!1,i=!1;const a=new WeakSet,s={schedule:(e,i=!1,s=!1)=>{const l=s&&o,c=l?t:n;return i&&a.add(e),-1===c.indexOf(e)&&(c.push(e),l&&o&&(r=t.length)),e},cancel:e=>{const t=n.indexOf(e);-1!==t&&n.splice(t,1),a.delete(e)},process:l=>{if(o)i=!0;else{if(o=!0,[t,n]=[n,t],n.length=0,r=t.length,r)for(let n=0;nG_=!0)),e)),{}),K_=Z_.reduce(((e,t)=>{const n=X_[t];return e[t]=(e,t=!1,r=!1)=>(G_||tE(),n.schedule(e,t,r)),e}),{}),Q_=Z_.reduce(((e,t)=>(e[t]=X_[t].cancel,e)),{});Z_.reduce(((e,t)=>(e[t]=()=>X_[t].process(Y_),e)),{});const J_=e=>X_[e].process(Y_),eE=e=>{G_=!1,Y_.delta=U_?W_:Math.max(Math.min(e-Y_.timestamp,40),1),Y_.timestamp=e,q_=!0,Z_.forEach(J_),q_=!1,G_&&(U_=!1,$_(eE))},tE=()=>{G_=!0,U_=!0,q_||$_(eE)};function nE(e,t,n=0){return e-t-n}const rE=e=>{const t=({delta:t})=>e(t);return{start:()=>K_.update(t,!0),stop:()=>Q_.update(t)}};function oE(e){var t,n,{from:r,autoplay:o=!0,driver:i=rE,elapsed:a=0,repeat:s=0,repeatType:l="loop",repeatDelay:c=0,onPlay:u,onStop:d,onComplete:h,onRepeat:f,onUpdate:p}=e,g=qC(e,["from","autoplay","driver","elapsed","repeat","repeatType","repeatDelay","onPlay","onStop","onComplete","onRepeat","onUpdate"]);let m,v,y,{to:b}=g,x=0,w=g.duration,k=!1,S=!0;const C=function(e){if(Array.isArray(e.to))return F_;if(H_[e.type])return H_[e.type];const t=new Set(Object.keys(e));return t.has("ease")||t.has("duration")&&!t.has("dampingRatio")?F_:t.has("dampingRatio")||t.has("stiffness")||t.has("mass")||t.has("damping")||t.has("restSpeed")||t.has("restDelta")?t_:F_}(g);(null===(n=(t=C).needsInterpolation)||void 0===n?void 0:n.call(t,r,b))&&(y=w_([0,100],[r,b],{clamp:!1}),r=0,b=100);const _=C(Object.assign(Object.assign({},g),{from:r,to:b}));function E(){x++,"reverse"===l?(S=x%2==0,a=function(e,t,n=0,r=!0){return r?nE(t+-e,t,n):t-(e-t)+n}(a,w,c,S)):(a=nE(a,w,c),"mirror"===l&&_.flipTarget()),k=!1,f&&f()}function P(e){if(S||(e=-e),a+=e,!k){const e=_.next(Math.max(0,a));v=e.value,y&&(v=y(v)),k=S?e.done:a<=0}null==p||p(v),k&&(0===x&&(null!=w||(w=a)),x=t+n:e<=-n}(a,w,c,S)&&E():(m.stop(),h&&h()))}return o&&(null==u||u(),m=i(P),m.start()),{stop:()=>{null==d||d(),m.stop()}}}function iE(e,t){return t?e*(1e3/t):0}function aE({from:e=0,velocity:t=0,min:n,max:r,power:o=.8,timeConstant:i=750,bounceStiffness:a=500,bounceDamping:s=10,restDelta:l=1,modifyTarget:c,driver:u,onUpdate:d,onComplete:h,onStop:f}){let p;function g(e){return void 0!==n&&er}function m(e){return void 0===n?r:void 0===r||Math.abs(n-e){var n;null==d||d(t),null===(n=e.onUpdate)||void 0===n||n.call(e,t)},onComplete:h,onStop:f}))}function y(e){v(Object.assign({type:"spring",stiffness:a,damping:s,restDelta:l},e))}if(g(e))y({from:e,velocity:t,to:m(e)});else{let r=o*t+e;void 0!==c&&(r=c(r));const a=m(r),s=a===n?-1:1;let u,d;const h=e=>{u=d,d=e,t=iE(e-u,Y_.delta),(1===s&&e>a||-1===s&&enull==p?void 0:p.stop()}}const sE=e=>e.hasOwnProperty("x")&&e.hasOwnProperty("y"),lE=e=>sE(e)&&e.hasOwnProperty("z"),cE=(e,t)=>Math.abs(e-t);function uE(e,t){if(d_(e)&&d_(t))return cE(e,t);if(sE(e)&&sE(t)){const n=cE(e.x,t.x),r=cE(e.y,t.y),o=lE(e)&&lE(t)?cE(e.z,t.z):0;return Math.sqrt(Math.pow(n,2)+Math.pow(r,2)+Math.pow(o,2))}}const dE=(e,t)=>1-3*t+3*e,hE=(e,t)=>3*t-6*e,fE=e=>3*e,pE=(e,t,n)=>((dE(t,n)*e+hE(t,n))*e+fE(t))*e,gE=(e,t,n)=>3*dE(t,n)*e*e+2*hE(t,n)*e+fE(t);const mE=.1;function vE(e,t,n,r){if(e===t&&n===r)return __;const o=new Float32Array(11);for(let a=0;a<11;++a)o[a]=pE(a*mE,e,n);function i(t){let r=0,i=1;for(;10!==i&&o[i]<=t;++i)r+=mE;--i;const a=r+(t-o[i])/(o[i+1]-o[i])*mE,s=gE(a,e,n);return s>=.001?function(e,t,n,r){for(let o=0;o<8;++o){const o=gE(t,n,r);if(0===o)return t;t-=(pE(t,n,r)-e)/o}return t}(t,a,e,n):0===s?a:function(e,t,n,r,o){let i,a,s=0;do{a=t+(n-t)/2,i=pE(a,r,o)-e,i>0?n=a:t=a}while(Math.abs(i)>1e-7&&++s<10);return a}(t,r,r+mE,e,n)}return e=>0===e||1===e?e:pE(i(e),t,r)}const yE=("undefined"==typeof process||process.env,"production"),bE=new Set;function xE(e,t,n){e||bE.has(t)||(console.warn(t),n&&console.warn(n),bE.add(t))}const wE=new WeakMap,kE=new WeakMap,SE=e=>{const t=wE.get(e.target);t&&t(e)},CE=e=>{e.forEach(SE)};function _E(e,t,n){const r=function({root:e,...t}){const n=e||document;kE.has(n)||kE.set(n,{});const r=kE.get(n),o=JSON.stringify(t);return r[o]||(r[o]=new IntersectionObserver(CE,{root:e,...t})),r[o]}(t);return wE.set(e,n),r.observe(e),()=>{wE.delete(e),r.unobserve(e)}}const EE={some:0,all:1};function PE(e,t,n,{root:r,margin:o,amount:i="some",once:s}){a.exports.useEffect((()=>{if(!e||!n.current)return;const a={root:null==r?void 0:r.current,rootMargin:o,threshold:"number"==typeof i?i:EE[i]};return _E(n.current,a,(e=>{const{isIntersecting:r}=e;if(t.isInView===r)return;if(t.isInView=r,s&&!r&&t.hasEnteredView)return;r&&(t.hasEnteredView=!0),n.animationState&&n.animationState.setActive(CC.InView,r);const o=n.getProps(),i=r?o.onViewportEnter:o.onViewportLeave;i&&i(e)}))}),[e,r,o,i])}function LE(e,t,n,{fallback:r=!0}){a.exports.useEffect((()=>{e&&r&&("production"!==yE&&xE(!1,"IntersectionObserver not available on this device. whileInView animations will trigger on mount."),requestAnimationFrame((()=>{t.hasEnteredView=!0;const{onViewportEnter:e}=n.getProps();e&&e(null),n.animationState&&n.animationState.setActive(CC.InView,!0)})))}),[e])}const OE=e=>t=>(e(t),null),ME={inView:OE((function({visualElement:e,whileInView:t,onViewportEnter:n,onViewportLeave:r,viewport:o={}}){const i=a.exports.useRef({hasEnteredView:!1,isInView:!1});let s=Boolean(t||n||r);o.once&&i.current.hasEnteredView&&(s=!1),("undefined"==typeof IntersectionObserver?LE:PE)(s,i.current,e,o)})),tap:OE((function({onTap:e,onTapStart:t,onTapCancel:n,whileTap:r,visualElement:o}){const i=e||t||n||r,s=a.exports.useRef(!1),l=a.exports.useRef(null),c={passive:!(t||e||n||p)};function u(){l.current&&l.current(),l.current=null}function d(){return u(),s.current=!1,o.animationState&&o.animationState.setActive(CC.Tap,!1),!VC()}function h(t,r){d()&&(UC(o.current,t.target)?e&&e(t,r):n&&n(t,r))}function f(e,t){d()&&n&&n(e,t)}function p(e,n){u(),s.current||(s.current=!0,l.current=f_(zC(window,"pointerup",h,c),zC(window,"pointercancel",f,c)),o.animationState&&o.animationState.setActive(CC.Tap,!0),t&&t(e,n))}BC(o,"pointerdown",i?p:void 0,c),GC(u)})),focus:OE((function({whileFocus:e,visualElement:t}){const{animationState:n}=t;EC(t,"focus",e?()=>{n&&n.setActive(CC.Focus,!0)}:void 0),EC(t,"blur",e?()=>{n&&n.setActive(CC.Focus,!1)}:void 0)})),hover:OE((function({onHoverStart:e,onHoverEnd:t,whileHover:n,visualElement:r}){BC(r,"pointerenter",e||n?$C(r,!0,e):void 0,{passive:!e}),BC(r,"pointerleave",t||n?$C(r,!1,t):void 0,{passive:!t})}))};function TE(){const e=a.exports.useContext(Lk);if(null===e)return[!0,null];const{isPresent:t,onExitComplete:n,register:r}=e,o=a.exports.useId();a.exports.useEffect((()=>r(o)),[]);return!t&&n?[!1,()=>n&&n(o)]:[!0]}function AE(){return null===(e=a.exports.useContext(Lk))||e.isPresent;var e}function IE(e,t){if(!Array.isArray(t))return!1;const n=t.length;if(n!==e.length)return!1;for(let r=0;r1e3*e,NE={linear:__,easeIn:E_,easeInOut:O_,easeOut:L_,circIn:M_,circInOut:A_,circOut:T_,backIn:I_,backInOut:N_,backOut:R_,anticipate:D_,bounceIn:B_,bounceInOut:e=>e<.5?.5*(1-z_(1-2*e)):.5*z_(2*e-1)+.5,bounceOut:z_},DE=e=>{if(Array.isArray(e)){e.length;const[t,n,r,o]=e;return vE(t,n,r,o)}return"string"==typeof e?NE[e]:e},zE=(e,t)=>"zIndex"!==e&&(!("number"!=typeof t&&!Array.isArray(t))||!("string"!=typeof t||!HS.test(t)||t.startsWith("url("))),BE=()=>({type:"spring",stiffness:500,damping:25,restSpeed:10}),jE=e=>({type:"spring",stiffness:550,damping:0===e?2*Math.sqrt(550):30,restSpeed:10}),FE=()=>({type:"keyframes",ease:"linear",duration:.3}),HE=e=>({type:"keyframes",duration:.8,values:e}),WE={x:BE,y:BE,z:BE,rotate:BE,rotateX:BE,rotateY:BE,rotateZ:BE,scaleX:jE,scaleY:jE,scale:jE,opacity:FE,backgroundColor:FE,color:FE,default:jE},VE=(e,t)=>{let n;return n=vC(t)?HE:WE[e]||WE.default,{to:t,...n(t)}},$E={...qS,color:RS,backgroundColor:RS,outlineColor:RS,fill:RS,stroke:RS,borderColor:RS,borderTopColor:RS,borderRightColor:RS,borderBottomColor:RS,borderLeftColor:RS,filter:US,WebkitFilter:US},UE=e=>$E[e];function GE(e,t){var n;let r=UE(e);return r!==US&&(r=HS),null===(n=r.getAnimatableNone)||void 0===n?void 0:n.call(r,t)}const qE=!1,YE=1/60*1e3,ZE="undefined"!=typeof performance?()=>performance.now():()=>Date.now(),XE="undefined"!=typeof window?e=>window.requestAnimationFrame(e):e=>setTimeout((()=>e(ZE())),YE);let KE=!0,QE=!1,JE=!1;const eP={delta:0,timestamp:0},tP=["read","update","preRender","render","postRender"],nP=tP.reduce(((e,t)=>(e[t]=function(e){let t=[],n=[],r=0,o=!1,i=!1;const a=new WeakSet,s={schedule:(e,i=!1,s=!1)=>{const l=s&&o,c=l?t:n;return i&&a.add(e),-1===c.indexOf(e)&&(c.push(e),l&&o&&(r=t.length)),e},cancel:e=>{const t=n.indexOf(e);-1!==t&&n.splice(t,1),a.delete(e)},process:l=>{if(o)i=!0;else{if(o=!0,[t,n]=[n,t],n.length=0,r=t.length,r)for(let n=0;nQE=!0)),e)),{}),rP=tP.reduce(((e,t)=>{const n=nP[t];return e[t]=(e,t=!1,r=!1)=>(QE||lP(),n.schedule(e,t,r)),e}),{}),oP=tP.reduce(((e,t)=>(e[t]=nP[t].cancel,e)),{}),iP=tP.reduce(((e,t)=>(e[t]=()=>nP[t].process(eP),e)),{}),aP=e=>nP[e].process(eP),sP=e=>{QE=!1,eP.delta=KE?YE:Math.max(Math.min(e-eP.timestamp,40),1),eP.timestamp=e,JE=!0,tP.forEach(aP),JE=!1,QE&&(KE=!1,XE(sP))},lP=()=>{QE=!0,KE=!0,JE||XE(sP)},cP=()=>eP;function uP(e,t){const n=performance.now(),r=({timestamp:o})=>{const i=o-n;i>=t&&(oP.read(r),e(i-t))};return rP.read(r,!0),()=>oP.read(r)}function dP({ease:e,times:t,yoyo:n,flip:r,loop:o,...i}){const a={...i};return t&&(a.offset=t),i.duration&&(a.duration=RE(i.duration)),i.repeatDelay&&(a.repeatDelay=RE(i.repeatDelay)),e&&(a.ease=(e=>Array.isArray(e)&&"number"!=typeof e[0])(e)?e.map(DE):DE(e)),"tween"===i.type&&(a.type="keyframes"),(n||o||r)&&(n?a.repeatType="reverse":o?a.repeatType="loop":r&&(a.repeatType="mirror"),a.repeat=o||n||r||i.repeat),"spring"!==i.type&&(a.type="keyframes"),a}function hP(e,t,n){return Array.isArray(t.to)&&void 0===e.duration&&(e.duration=.8),function(e){Array.isArray(e.to)&&null===e.to[0]&&(e.to=[...e.to],e.to[0]=e.from)}(t),function({when:e,delay:t,delayChildren:n,staggerChildren:r,staggerDirection:o,repeat:i,repeatType:a,repeatDelay:s,from:l,...c}){return!!Object.keys(c).length}(e)||(e={...e,...VE(n,t.to)}),{...t,...dP(e)}}function fP(e){return 0===e||"string"==typeof e&&0===parseFloat(e)&&-1===e.indexOf(" ")}function pP(e){return"number"==typeof e?0:GE("",e)}function gP(e,t){return e[t]||e.default||e}function mP(e,t,n,r={}){return qE&&(r={type:!1}),t.start((o=>{let i;const a=function(e,t,n,r,o){const i=gP(r,e)||{};let a=void 0!==i.from?i.from:t.get();const s=zE(e,n);return"none"===a&&s&&"string"==typeof n?a=GE(e,n):fP(a)&&"string"==typeof n?a=pP(n):!Array.isArray(n)&&fP(n)&&"string"==typeof a&&(n=pP(a)),zE(e,a)&&s&&!1!==i.type?function(){const r={from:a,to:n,velocity:t.getVelocity(),onComplete:o,onUpdate:e=>t.set(e)};return"inertia"===i.type||"decay"===i.type?aE({...r,...i}):oE({...hP(i,r,e),onUpdate:e=>{r.onUpdate(e),i.onUpdate&&i.onUpdate(e)},onComplete:()=>{r.onComplete(),i.onComplete&&i.onComplete()}})}:function(){const e=yC(n);return t.set(e),o(),i.onUpdate&&i.onUpdate(e),i.onComplete&&i.onComplete(),{stop:()=>{}}}}(e,t,n,r,o),s=function(e,t){var n,r;return null!==(r=null!==(n=(gP(e,t)||{}).delay)&&void 0!==n?n:e.delay)&&void 0!==r?r:0}(r,e),l=()=>i=a();let c;return s?c=uP(l,RE(s)):l(),()=>{c&&c(),i&&i.stop()}}))}const vP=e=>/^\-?\d*\.?\d+$/.test(e),yP=e=>/^0[^.\s]+$/.test(e);function bP(e,t){-1===e.indexOf(t)&&e.push(t)}function xP(e,t){const n=e.indexOf(t);n>-1&&e.splice(n,1)}class wP{constructor(){this.subscriptions=[]}add(e){return bP(this.subscriptions,e),()=>xP(this.subscriptions,e)}notify(e,t,n){const r=this.subscriptions.length;if(r)if(1===r)this.subscriptions[0](e,t,n);else for(let o=0;o{this.prev=this.current,this.current=e;const{delta:n,timestamp:r}=cP();this.lastUpdated!==r&&(this.timeDelta=n,this.lastUpdated=r,rP.postRender(this.scheduleVelocityCheck)),this.prev!==this.current&&this.updateSubscribers.notify(this.current),this.velocityUpdateSubscribers.getSize()&&this.velocityUpdateSubscribers.notify(this.getVelocity()),t&&this.renderSubscribers.notify(this.current)},this.scheduleVelocityCheck=()=>rP.postRender(this.velocityCheck),this.velocityCheck=({timestamp:e})=>{e!==this.lastUpdated&&(this.prev=this.current,this.velocityUpdateSubscribers.notify(this.getVelocity()))},this.hasAnimated=!1,this.prev=this.current=e,this.canTrackVelocity=(e=>!isNaN(parseFloat(e)))(this.current)}onChange(e){return this.updateSubscribers.add(e)}clearListeners(){this.updateSubscribers.clear()}onRenderRequest(e){return e(this.get()),this.renderSubscribers.add(e)}attach(e){this.passiveEffect=e}set(e,t=!0){t&&this.passiveEffect?this.passiveEffect(e,this.updateAndNotify):this.updateAndNotify(e,t)}get(){return this.current}getPrevious(){return this.prev}getVelocity(){return this.canTrackVelocity?iE(parseFloat(this.current)-parseFloat(this.prev),this.timeDelta):0}start(e){return this.stop(),new Promise((t=>{this.hasAnimated=!0,this.stopAnimation=e(t)})).then((()=>this.clearAnimation()))}stop(){this.stopAnimation&&this.stopAnimation(),this.clearAnimation()}isAnimating(){return!!this.stopAnimation}clearAnimation(){this.stopAnimation=null}destroy(){this.updateSubscribers.clear(),this.renderSubscribers.clear(),this.stop()}}function SP(e){return new kP(e)}const CP=e=>t=>t.test(e),_P=[vS,SS,kS,wS,_S,CS,{test:e=>"auto"===e,parse:e=>e}],EP=e=>_P.find(CP(e)),PP=[..._P,RS,HS],LP=e=>PP.find(CP(e));function OP(e,t,n){const r=e.getProps();return mC(r,t,void 0!==n?n:r.custom,function(e){const t={};return e.values.forEach(((e,n)=>t[n]=e.get())),t}(e),function(e){const t={};return e.values.forEach(((e,n)=>t[n]=e.getVelocity())),t}(e))}function MP(e,t,n){e.hasValue(t)?e.getValue(t).set(n):e.addValue(t,SP(n))}function TP(e,t){if(!t)return;return(t[e]||t.default||t).from}function AP(e){return Boolean(aS(e)&&e.add)}function IP(e,t,n={}){var r;const o=OP(e,t,n.custom);let{transition:i=e.getDefaultTransition()||{}}=o||{};n.transitionOverride&&(i=n.transitionOverride);const a=o?()=>RP(e,o,n):()=>Promise.resolve(),s=(null===(r=e.variantChildren)||void 0===r?void 0:r.size)?(r=0)=>{const{delayChildren:o=0,staggerChildren:a,staggerDirection:s}=i;return function(e,t,n=0,r=0,o=1,i){const a=[],s=(e.variantChildren.size-1)*r,l=1===o?(e=0)=>e*r:(e=0)=>s-e*r;return Array.from(e.variantChildren).sort(NP).forEach(((e,r)=>{a.push(IP(e,t,{...i,delay:n+l(r)}).then((()=>e.notify("AnimationComplete",t))))})),Promise.all(a)}(e,t,o+r,a,s,n)}:()=>Promise.resolve(),{when:l}=i;if(l){const[e,t]="beforeChildren"===l?[a,s]:[s,a];return e().then(t)}return Promise.all([a(),s(n.delay)])}function RP(e,t,{delay:n=0,transitionOverride:r,type:o}={}){var i;let{transition:a=e.getDefaultTransition(),transitionEnd:s,...l}=e.makeTargetAnimatable(t);const c=e.getValue("willChange");r&&(a=r);const u=[],d=o&&(null===(i=e.animationState)||void 0===i?void 0:i.getState()[o]);for(const h in l){const t=e.getValue(h),r=l[h];if(!t||void 0===r||d&&DP(d,h))continue;let o={delay:n,...a};e.shouldReduceMotion&&oS.has(h)&&(o={...o,type:!1,delay:0});let i=mP(h,t,r,o);AP(c)&&(c.add(h),i=i.then((()=>c.remove(h)))),u.push(i)}return Promise.all(u).then((()=>{s&&function(e,t){const n=OP(e,t);let{transitionEnd:r={},transition:o={},...i}=n?e.makeTargetAnimatable(n,!1):{};i={...i,...r};for(const a in i)MP(e,a,yC(i[a]))}(e,s)}))}function NP(e,t){return e.sortNodePosition(t)}function DP({protectedKeys:e,needsAnimating:t},n){const r=e.hasOwnProperty(n)&&!0!==t[n];return t[n]=!1,r}const zP=[CC.Animate,CC.InView,CC.Focus,CC.Hover,CC.Tap,CC.Drag,CC.Exit],BP=[...zP].reverse(),jP=zP.length;function FP(e){return t=>Promise.all(t.map((({animation:t,options:n})=>function(e,t,n={}){let r;if(e.notify("AnimationStart",t),Array.isArray(t)){const o=t.map((t=>IP(e,t,n)));r=Promise.all(o)}else if("string"==typeof t)r=IP(e,t,n);else{const o="function"==typeof t?OP(e,t,n.custom):t;r=RP(e,o,n)}return r.then((()=>e.notify("AnimationComplete",t)))}(e,t,n))))}function HP(e){let t=FP(e);const n={[CC.Animate]:VP(!0),[CC.InView]:VP(),[CC.Hover]:VP(),[CC.Tap]:VP(),[CC.Drag]:VP(),[CC.Focus]:VP(),[CC.Exit]:VP()};let r=!0;const o=(t,n)=>{const r=OP(e,n);if(r){const{transition:e,transitionEnd:n,...o}=r;t={...t,...o,...n}}return t};function i(i,a){var s;const l=e.getProps(),c=e.getVariantContext(!0)||{},u=[],d=new Set;let h={},f=1/0;for(let t=0;tf&&v;const k=Array.isArray(m)?m:[m];let S=k.reduce(o,{});!1===y&&(S={});const{prevResolvedValues:C={}}=g,_={...C,...S},E=e=>{w=!0,d.delete(e),g.needsAnimating[e]=!0};for(const e in _){const t=S[e],n=C[e];h.hasOwnProperty(e)||(t!==n?vC(t)&&vC(n)?!IE(t,n)||x?E(e):g.protectedKeys[e]=!0:void 0!==t?E(e):d.add(e):void 0!==t&&d.has(e)?E(e):g.protectedKeys[e]=!0)}g.prevProp=m,g.prevResolvedValues=S,g.isActive&&(h={...h,...S}),r&&e.blockInitialAnimation&&(w=!1),w&&!b&&u.push(...k.map((e=>({animation:e,options:{type:p,...i}}))))}if(d.size){const t={};d.forEach((n=>{const r=e.getBaseTarget(n);void 0!==r&&(t[n]=r)})),u.push({animation:t})}let p=Boolean(u.length);return r&&!1===l.initial&&!e.manuallyAnimateOnMount&&(p=!1),r=!1,p?t(u):Promise.resolve()}return{animateChanges:i,setActive:function(t,r,o){var a;if(n[t].isActive===r)return Promise.resolve();null===(a=e.variantChildren)||void 0===a||a.forEach((e=>{var n;return null===(n=e.animationState)||void 0===n?void 0:n.setActive(t,r)})),n[t].isActive=r;const s=i(o,t);for(const e in n)n[e].protectedKeys={};return s},setAnimateFunction:function(n){t=n(e)},getState:()=>n}}function WP(e,t){return"string"==typeof t?t!==e:!!Array.isArray(t)&&!IE(t,e)}function VP(e=!1){return{isActive:e,protectedKeys:{},needsAnimating:{},prevResolvedValues:{}}}const $P={animation:OE((({visualElement:e,animate:t})=>{e.animationState||(e.animationState=HP(e)),Dk(t)&&a.exports.useEffect((()=>t.subscribe(e)),[t])})),exit:OE((e=>{const{custom:t,visualElement:n}=e,[r,o]=TE(),i=a.exports.useContext(Lk);a.exports.useEffect((()=>{n.isPresent=r;const e=n.animationState&&n.animationState.setActive(CC.Exit,!r,{custom:i&&i.custom||t});e&&!r&&e.then(o)}),[r])}))};class UP{constructor(e,t,{transformPagePoint:n}={}){if(this.startEvent=null,this.lastMoveEvent=null,this.lastMoveEventInfo=null,this.handlers={},this.updatePoint=()=>{if(!this.lastMoveEvent||!this.lastMoveEventInfo)return;const e=YP(this.lastMoveEventInfo,this.history),t=null!==this.startEvent,n=uE(e.offset,{x:0,y:0})>=3;if(!t&&!n)return;const{point:r}=e,{timestamp:o}=cP();this.history.push({...r,timestamp:o});const{onStart:i,onMove:a}=this.handlers;t||(i&&i(this.lastMoveEvent,e),this.startEvent=this.lastMoveEvent),a&&a(this.lastMoveEvent,e)},this.handlePointerMove=(e,t)=>{this.lastMoveEvent=e,this.lastMoveEventInfo=GP(t,this.transformPagePoint),PC(e)&&0===e.buttons?this.handlePointerUp(e,t):rP.update(this.updatePoint,!0)},this.handlePointerUp=(e,t)=>{this.end();const{onEnd:n,onSessionEnd:r}=this.handlers,o=YP(GP(t,this.transformPagePoint),this.history);this.startEvent&&n&&n(e,o),r&&r(e,o)},LC(e)&&e.touches.length>1)return;this.handlers=t,this.transformPagePoint=n;const r=GP(AC(e),this.transformPagePoint),{point:o}=r,{timestamp:i}=cP();this.history=[{...o,timestamp:i}];const{onSessionStart:a}=t;a&&a(e,YP(r,this.history)),this.removeListeners=f_(zC(window,"pointermove",this.handlePointerMove),zC(window,"pointerup",this.handlePointerUp),zC(window,"pointercancel",this.handlePointerUp))}updateHandlers(e){this.handlers=e}end(){this.removeListeners&&this.removeListeners(),oP.update(this.updatePoint)}}function GP(e,t){return t?{point:t(e.point)}:e}function qP(e,t){return{x:e.x-t.x,y:e.y-t.y}}function YP({point:e},t){return{point:e,delta:qP(e,XP(t)),offset:qP(e,ZP(t)),velocity:KP(t,.1)}}function ZP(e){return e[0]}function XP(e){return e[e.length-1]}function KP(e,t){if(e.length<2)return{x:0,y:0};let n=e.length-1,r=null;const o=XP(e);for(;n>=0&&(r=e[n],!(o.timestamp-r.timestamp>RE(t)));)n--;if(!r)return{x:0,y:0};const i=(o.timestamp-r.timestamp)/1e3;if(0===i)return{x:0,y:0};const a={x:(o.x-r.x)/i,y:(o.y-r.y)/i};return a.x===1/0&&(a.x=0),a.y===1/0&&(a.y=0),a}function QP(e){return e.max-e.min}function JP(e,t=0,n=.01){return uE(e,t){this.stopAnimation(),t&&this.snapToCursor(AC(e,"page").point)},onStart:(e,t)=>{var n;const{drag:r,dragPropagation:o,onDragStart:i}=this.getProps();(!r||o||(this.openGlobalLock&&this.openGlobalLock(),this.openGlobalLock=WC(r),this.openGlobalLock))&&(this.isDragging=!0,this.currentDirection=null,this.resolveConstraints(),this.visualElement.projection&&(this.visualElement.projection.isAnimationBlocked=!0,this.visualElement.projection.target=void 0),uL((e=>{var t,n;let r=this.getAxisMotionValue(e).get()||0;if(kS.test(r)){const o=null===(n=null===(t=this.visualElement.projection)||void 0===t?void 0:t.layout)||void 0===n?void 0:n.layoutBox[e];if(o){r=QP(o)*(parseFloat(r)/100)}}this.originPoint[e]=r})),null==i||i(e,t),null===(n=this.visualElement.animationState)||void 0===n||n.setActive(CC.Drag,!0))},onMove:(e,t)=>{const{dragPropagation:n,dragDirectionLock:r,onDirectionLock:o,onDrag:i}=this.getProps();if(!n&&!this.openGlobalLock)return;const{offset:a}=t;if(r&&null===this.currentDirection)return this.currentDirection=function(e,t=10){let n=null;Math.abs(e.y)>t?n="y":Math.abs(e.x)>t&&(n="x");return n}(a),void(null!==this.currentDirection&&(null==o||o(this.currentDirection)));this.updateAxis("x",t.point,a),this.updateAxis("y",t.point,a),this.visualElement.render(),null==i||i(e,t)},onSessionEnd:(e,t)=>this.stop(e,t)},{transformPagePoint:this.visualElement.getTransformPagePoint()})}stop(e,t){const n=this.isDragging;if(this.cancel(),!n)return;const{velocity:r}=t;this.startAnimation(r);const{onDragEnd:o}=this.getProps();null==o||o(e,t)}cancel(){var e,t;this.isDragging=!1,this.visualElement.projection&&(this.visualElement.projection.isAnimationBlocked=!1),null===(e=this.panSession)||void 0===e||e.end(),this.panSession=void 0;const{dragPropagation:n}=this.getProps();!n&&this.openGlobalLock&&(this.openGlobalLock(),this.openGlobalLock=null),null===(t=this.visualElement.animationState)||void 0===t||t.setActive(CC.Drag,!1)}updateAxis(e,t,n){const{drag:r}=this.getProps();if(!n||!OL(e,r,this.currentDirection))return;const o=this.getAxisMotionValue(e);let i=this.originPoint[e]+n[e];this.constraints&&this.constraints[e]&&(i=function(e,{min:t,max:n},r){return void 0!==t&&en&&(e=r?o_(n,e,r.max):Math.min(e,n)),e}(i,this.constraints[e],this.elastic[e])),o.set(i)}resolveConstraints(){const{dragConstraints:e,dragElastic:t}=this.getProps(),{layout:n}=this.visualElement.projection||{},r=this.constraints;e&&Ik(e)?this.constraints||(this.constraints=this.resolveRefConstraints()):this.constraints=!(!e||!n)&&function(e,{top:t,left:n,bottom:r,right:o}){return{x:iL(e.x,n,o),y:iL(e.y,t,r)}}(n.layoutBox,e),this.elastic=function(e=sL){return!1===e?e=0:!0===e&&(e=sL),{x:lL(e,"left","right"),y:lL(e,"top","bottom")}}(t),r!==this.constraints&&n&&this.constraints&&!this.hasMutatedConstraints&&uL((e=>{this.getAxisMotionValue(e)&&(this.constraints[e]=function(e,t){const n={};return void 0!==t.min&&(n.min=t.min-e.min),void 0!==t.max&&(n.max=t.max-e.min),n}(n.layoutBox[e],this.constraints[e]))}))}resolveRefConstraints(){const{dragConstraints:e,onMeasureDragConstraints:t}=this.getProps();if(!e||!Ik(e))return!1;const n=e.current,{projection:r}=this.visualElement;if(!r||!r.layout)return!1;const o=function(e,t,n){const r=EL(e,n),{scroll:o}=t;return o&&(wL(r.x,o.offset.x),wL(r.y,o.offset.y)),r}(n,r.root,this.visualElement.getTransformPagePoint());let i=function(e,t){return{x:aL(e.x,t.x),y:aL(e.y,t.y)}}(r.layout.layoutBox,o);if(t){const e=t(function({x:e,y:t}){return{top:t.min,right:e.max,bottom:t.max,left:e.min}}(i));this.hasMutatedConstraints=!!e,e&&(i=dL(e))}return i}startAnimation(e){const{drag:t,dragMomentum:n,dragElastic:r,dragTransition:o,dragSnapToOrigin:i,onDragTransitionEnd:a}=this.getProps(),s=this.constraints||{},l=uL((a=>{var l;if(!OL(a,t,this.currentDirection))return;let c=null!==(l=null==s?void 0:s[a])&&void 0!==l?l:{};i&&(c={min:0,max:0});const u=r?200:1e6,d=r?40:1e7,h={type:"inertia",velocity:n?e[a]:0,bounceStiffness:u,bounceDamping:d,timeConstant:750,restDelta:1,restSpeed:10,...o,...c};return this.startAxisValueAnimation(a,h)}));return Promise.all(l).then(a)}startAxisValueAnimation(e,t){return mP(e,this.getAxisMotionValue(e),0,t)}stopAnimation(){uL((e=>this.getAxisMotionValue(e).stop()))}getAxisMotionValue(e){var t,n;const r="_drag"+e.toUpperCase(),o=this.visualElement.getProps()[r];return o||this.visualElement.getValue(e,null!==(n=null===(t=this.visualElement.getProps().initial)||void 0===t?void 0:t[e])&&void 0!==n?n:0)}snapToCursor(e){uL((t=>{const{drag:n}=this.getProps();if(!OL(t,n,this.currentDirection))return;const{projection:r}=this.visualElement,o=this.getAxisMotionValue(t);if(r&&r.layout){const{min:n,max:i}=r.layout.layoutBox[t];o.set(e[t]-o_(n,i,.5))}}))}scalePositionWithinConstraints(){var e;if(!this.visualElement.current)return;const{drag:t,dragConstraints:n}=this.getProps(),{projection:r}=this.visualElement;if(!Ik(n)||!r||!this.constraints)return;this.stopAnimation();const o={x:0,y:0};uL((e=>{const t=this.getAxisMotionValue(e);if(t){const n=t.get();o[e]=function(e,t){let n=.5;const r=QP(e),o=QP(t);return o>r?n=r_(t.min,t.max-r,e.min):r>o&&(n=r_(e.min,e.max-o,t.min)),YC(0,1,n)}({min:n,max:n},this.constraints[e])}}));const{transformTemplate:i}=this.visualElement.getProps();this.visualElement.current.style.transform=i?i({},""):"none",null===(e=r.root)||void 0===e||e.updateScroll(),r.updateLayout(),this.resolveConstraints(),uL((e=>{if(!OL(e,t,null))return;const n=this.getAxisMotionValue(e),{min:r,max:i}=this.constraints[e];n.set(o_(r,i,o[e]))}))}addListeners(){var e;if(!this.visualElement.current)return;PL.set(this.visualElement,this);const t=zC(this.visualElement.current,"pointerdown",(e=>{const{drag:t,dragListener:n=!0}=this.getProps();t&&n&&this.start(e)})),n=()=>{const{dragConstraints:e}=this.getProps();Ik(e)&&(this.constraints=this.resolveRefConstraints())},{projection:r}=this.visualElement,o=r.addEventListener("measure",n);r&&!r.layout&&(null===(e=r.root)||void 0===e||e.updateScroll(),r.updateLayout()),n();const i=_C(window,"resize",(()=>this.scalePositionWithinConstraints())),a=r.addEventListener("didUpdate",(({delta:e,hasLayoutChanged:t})=>{this.isDragging&&t&&(uL((t=>{const n=this.getAxisMotionValue(t);n&&(this.originPoint[t]+=e[t].translate,n.set(n.get()+e[t].translate))})),this.visualElement.render())}));return()=>{i(),t(),o(),null==a||a()}}getProps(){const e=this.visualElement.getProps(),{drag:t=!1,dragDirectionLock:n=!1,dragPropagation:r=!1,dragConstraints:o=!1,dragElastic:i=sL,dragMomentum:a=!0}=e;return{...e,drag:t,dragDirectionLock:n,dragPropagation:r,dragConstraints:o,dragElastic:i,dragMomentum:a}}}function OL(e,t,n){return!(!0!==t&&t!==e||null!==n&&n!==e)}const ML={pan:OE((function({onPan:e,onPanStart:t,onPanEnd:n,onPanSessionStart:r,visualElement:o}){const i=e||t||n||r,s=a.exports.useRef(null),{transformPagePoint:l}=a.exports.useContext(Ek),c={onSessionStart:r,onStart:t,onMove:e,onEnd:(e,t)=>{s.current=null,n&&n(e,t)}};a.exports.useEffect((()=>{null!==s.current&&s.current.updateHandlers(c)})),BC(o,"pointerdown",i&&function(e){s.current=new UP(e,c,{transformPagePoint:l})}),GC((()=>s.current&&s.current.end()))})),drag:OE((function(e){const{dragControls:t,visualElement:n}=e,r=$k((()=>new LL(n)));a.exports.useEffect((()=>t&&t.subscribe(r)),[r,t]),a.exports.useEffect((()=>r.addListeners()),[r])}))};function TL(e){return"string"==typeof e&&e.startsWith("var(--")}const AL=/var\((--[a-zA-Z0-9-_]+),? ?([a-zA-Z0-9 ()%#.,-]+)?\)/;function IL(e,t,n=1){const[r,o]=function(e){const t=AL.exec(e);if(!t)return[,];const[,n,r]=t;return[n,r]}(e);if(!r)return;const i=window.getComputedStyle(t).getPropertyValue(r);return i?i.trim():TL(o)?IL(o,t,n+1):o}const RL=new Set(["width","height","top","left","right","bottom","x","y"]),NL=e=>RL.has(e),DL=(e,t)=>{e.set(t,!1),e.set(t)},zL=e=>e===vS||e===SS;var BL;!function(e){e.width="width",e.height="height",e.left="left",e.right="right",e.top="top",e.bottom="bottom"}(BL||(BL={}));const jL=(e,t)=>parseFloat(e.split(", ")[t]),FL=(e,t)=>(n,{transform:r})=>{if("none"===r||!r)return 0;const o=r.match(/^matrix3d\((.+)\)$/);if(o)return jL(o[1],t);{const t=r.match(/^matrix\((.+)\)$/);return t?jL(t[1],e):0}},HL=new Set(["x","y","z"]),WL=rS.filter((e=>!HL.has(e)));const VL={width:({x:e},{paddingLeft:t="0",paddingRight:n="0"})=>e.max-e.min-parseFloat(t)-parseFloat(n),height:({y:e},{paddingTop:t="0",paddingBottom:n="0"})=>e.max-e.min-parseFloat(t)-parseFloat(n),top:(e,{top:t})=>parseFloat(t),left:(e,{left:t})=>parseFloat(t),bottom:({y:e},{top:t})=>parseFloat(t)+(e.max-e.min),right:({x:e},{left:t})=>parseFloat(t)+(e.max-e.min),x:FL(4,13),y:FL(5,14)},$L=(e,t,n={},r={})=>{t={...t},r={...r};const o=Object.keys(t).filter(NL);let i=[],a=!1;const s=[];if(o.forEach((o=>{const l=e.getValue(o);if(!e.hasValue(o))return;let c=n[o],u=EP(c);const d=t[o];let h;if(vC(d)){const e=d.length,t=null===d[0]?1:0;c=d[t],u=EP(c);for(let n=t;n{const r=e.getValue(n);void 0!==r&&(t.push([n,r.get()]),r.set(n.startsWith("scale")?1:0))})),t.length&&e.render(),t}(e),a=!0),s.push(o),r[o]=void 0!==r[o]?r[o]:t[o],DL(l,d))})),s.length){const n=s.indexOf("height")>=0?window.pageYOffset:null,o=((e,t,n)=>{const r=t.measureViewportBox(),o=t.current,i=getComputedStyle(o),{display:a}=i,s={};"none"===a&&t.setStaticValue("display",e.display||"block"),n.forEach((e=>{s[e]=VL[e](r,i)})),t.render();const l=t.measureViewportBox();return n.forEach((n=>{const r=t.getValue(n);DL(r,s[n]),e[n]=VL[n](l,i)})),e})(t,e,s);return i.length&&i.forEach((([t,n])=>{e.getValue(t).set(n)})),e.render(),Ok&&null!==n&&window.scrollTo({top:n}),{target:o,transitionEnd:r}}return{target:t,transitionEnd:r}};function UL(e,t,n,r){return(e=>Object.keys(e).some(NL))(t)?$L(e,t,n,r):{target:t,transitionEnd:r}}const GL=(e,t,n,r)=>{const o=function(e,{...t},n){const r=e.current;if(!(r instanceof Element))return{target:t,transitionEnd:n};n&&(n={...n}),e.values.forEach((e=>{const t=e.get();if(!TL(t))return;const n=IL(t,r);n&&e.set(n)}));for(const o in t){const e=t[o];if(!TL(e))continue;const i=IL(e,r);i&&(t[o]=i,n&&void 0===n[o]&&(n[o]=e))}return{target:t,transitionEnd:n}}(e,t,r);return UL(e,t=o.target,n,r=o.transitionEnd)},qL={current:null},YL={current:!1};const ZL=Object.keys(Vk),XL=ZL.length,KL=["AnimationStart","AnimationComplete","Update","Unmount","BeforeLayoutMeasure","LayoutMeasure","LayoutAnimationStart","LayoutAnimationComplete"];class QL{constructor({parent:e,props:t,reducedMotionConfig:n,visualState:r},o={}){this.current=null,this.children=new Set,this.isVariantNode=!1,this.isControllingVariants=!1,this.shouldReduceMotion=null,this.values=new Map,this.isPresent=!0,this.valueSubscriptions=new Map,this.prevMotionValues={},this.events={},this.propEventSubscriptions={},this.notifyUpdate=()=>this.notify("Update",this.latestValues),this.render=()=>{this.current&&(this.triggerBuild(),this.renderInstance(this.current,this.renderState,this.props.style,this.projection))},this.scheduleRender=()=>rP.render(this.render,!1,!0);const{latestValues:i,renderState:a}=r;this.latestValues=i,this.baseTarget={...i},this.initialValues=t.initial?{...i}:{},this.renderState=a,this.parent=e,this.props=t,this.depth=e?e.depth+1:0,this.reducedMotionConfig=n,this.options=o,this.isControllingVariants=Bk(t),this.isVariantNode=jk(t),this.isVariantNode&&(this.variantChildren=new Set),this.manuallyAnimateOnMount=Boolean(e&&e.current);const{willChange:s,...l}=this.scrapeMotionValuesFromProps(t);for(const c in l){const e=l[c];void 0!==i[c]&&aS(e)&&(e.set(i[c],!1),AP(s)&&s.add(c))}}scrapeMotionValuesFromProps(e){return{}}mount(e){var t;this.current=e,this.projection&&this.projection.mount(e),this.parent&&this.isVariantNode&&!this.isControllingVariants&&(this.removeFromVariantTree=null===(t=this.parent)||void 0===t?void 0:t.addVariantChild(this)),this.values.forEach(((e,t)=>this.bindToMotionValue(t,e))),YL.current||function(){if(YL.current=!0,Ok)if(window.matchMedia){const e=window.matchMedia("(prefers-reduced-motion)"),t=()=>qL.current=e.matches;e.addListener(t),t()}else qL.current=!1}(),this.shouldReduceMotion="never"!==this.reducedMotionConfig&&("always"===this.reducedMotionConfig||qL.current),this.parent&&this.parent.children.add(this),this.setProps(this.props)}unmount(){var e,t,n;null===(e=this.projection)||void 0===e||e.unmount(),oP.update(this.notifyUpdate),oP.render(this.render),this.valueSubscriptions.forEach((e=>e())),null===(t=this.removeFromVariantTree)||void 0===t||t.call(this),null===(n=this.parent)||void 0===n||n.children.delete(this);for(const r in this.events)this.events[r].clear();this.current=null}bindToMotionValue(e,t){const n=oS.has(e),r=t.onChange((t=>{this.latestValues[e]=t,this.props.onUpdate&&rP.update(this.notifyUpdate,!1,!0),n&&this.projection&&(this.projection.isProjectionDirty=!0)})),o=t.onRenderRequest(this.scheduleRender);this.valueSubscriptions.set(e,(()=>{r(),o()}))}sortNodePosition(e){return this.current&&this.sortInstanceNodePosition&&this.type===e.type?this.sortInstanceNodePosition(this.current,e.current):0}loadFeatures(e,t,n,r,o,i){const s=[];for(let l=0;lthis.scheduleRender(),animationType:"string"==typeof n?n:"both",initialPromotionConfig:i,layoutScroll:l})}return s}triggerBuild(){this.build(this.renderState,this.latestValues,this.options,this.props)}measureViewportBox(){return this.current?this.measureInstanceViewportBox(this.current,this.props):{x:{min:0,max:0},y:{min:0,max:0}}}getStaticValue(e){return this.latestValues[e]}setStaticValue(e,t){this.latestValues[e]=t}makeTargetAnimatable(e,t=!0){return this.makeTargetAnimatableFromInstance(e,this.props,t)}setProps(e){(e.transformTemplate||this.props.transformTemplate)&&this.scheduleRender(),this.props=e;for(let t=0;tn.variantChildren.delete(e)}addValue(e,t){this.hasValue(e)&&this.removeValue(e),this.values.set(e,t),this.latestValues[e]=t.get(),this.bindToMotionValue(e,t)}removeValue(e){var t;this.values.delete(e),null===(t=this.valueSubscriptions.get(e))||void 0===t||t(),this.valueSubscriptions.delete(e),delete this.latestValues[e],this.removeValueFromRenderState(e,this.renderState)}hasValue(e){return this.values.has(e)}getValue(e,t){if(this.props.values&&this.props.values[e])return this.props.values[e];let n=this.values.get(e);return void 0===n&&void 0!==t&&(n=SP(t),this.addValue(e,n)),n}readValue(e){return void 0===this.latestValues[e]&&this.current?this.readValueFromInstance(this.current,e,this.options):this.latestValues[e]}setBaseTarget(e,t){this.baseTarget[e]=t}getBaseTarget(e){var t;const{initial:n}=this.props,r="string"==typeof n||"object"==typeof n?null===(t=mC(this.props,n))||void 0===t?void 0:t[e]:void 0;if(n&&void 0!==r)return r;const o=this.getBaseTargetFromProps(this.props,e);return void 0===o||aS(o)?void 0!==this.initialValues[e]&&void 0===r?void 0:this.baseTarget[e]:o}on(e,t){return this.events[e]||(this.events[e]=new wP),this.events[e].add(t)}notify(e,...t){var n;null===(n=this.events[e])||void 0===n||n.notify(...t)}}const JL=["initial",...zP],eO=JL.length;class tO extends QL{sortInstanceNodePosition(e,t){return 2&e.compareDocumentPosition(t)?1:-1}getBaseTargetFromProps(e,t){var n;return null===(n=e.style)||void 0===n?void 0:n[t]}removeValueFromRenderState(e,{vars:t,style:n}){delete t[e],delete n[e]}makeTargetAnimatableFromInstance({transition:e,transitionEnd:t,...n},{transformValues:r},o){let i=function(e,t,n){var r;const o={};for(const i in e){const e=TP(i,t);o[i]=void 0!==e?e:null===(r=n.getValue(i))||void 0===r?void 0:r.get()}return o}(n,e||{},this);if(r&&(t&&(t=r(t)),n&&(n=r(n)),i&&(i=r(i))),o){!function(e,t,n){var r,o;const i=Object.keys(t).filter((t=>!e.hasValue(t))),a=i.length;if(a)for(let s=0;stS(e)?new rO(t,{enableHardwareAcceleration:!1}):new nO(t,{enableHardwareAcceleration:!0});function iO(e,t){return t.max===t.min?0:e/(t.max-t.min)*100}const aO={correct:(e,t)=>{if(!t.target)return e;if("string"==typeof e){if(!SS.test(e))return e;e=parseFloat(e)}return`${iO(e,t.target.x)}% ${iO(e,t.target.y)}%`}},sO="_$css",lO={correct:(e,{treeScale:t,projectionDelta:n})=>{const r=e,o=e.includes("var("),i=[];o&&(e=e.replace(AL,(e=>(i.push(e),sO))));const a=HS.parse(e);if(a.length>5)return r;const s=HS.createTransformer(e),l="number"!=typeof a[0]?1:0,c=n.x.scale*t.x,u=n.y.scale*t.y;a[0+l]/=c,a[1+l]/=u;const d=o_(c,u,.5);"number"==typeof a[2+l]&&(a[2+l]/=d),"number"==typeof a[3+l]&&(a[3+l]/=d);let h=s(a);if(o){let e=0;h=h.replace(sO,(()=>{const t=i[e];return e++,t}))}return h}};class cO extends H.Component{componentDidMount(){const{visualElement:e,layoutGroup:t,switchLayoutGroup:n,layoutId:r}=this.props,{projection:o}=e;var i;i=uO,Object.assign(nS,i),o&&(t.group&&t.group.add(o),n&&n.register&&r&&n.register(o),o.root.didUpdate(),o.addEventListener("animationComplete",(()=>{this.safeToRemove()})),o.setOptions({...o.options,onExitComplete:()=>this.safeToRemove()})),Uk.hasEverUpdated=!0}getSnapshotBeforeUpdate(e){const{layoutDependency:t,visualElement:n,drag:r,isPresent:o}=this.props,i=n.projection;return i?(i.isPresent=o,r||e.layoutDependency!==t||void 0===t?i.willUpdate():this.safeToRemove(),e.isPresent!==o&&(o?i.promote():i.relegate()||rP.postRender((()=>{var e;(null===(e=i.getStack())||void 0===e?void 0:e.members.length)||this.safeToRemove()}))),null):null}componentDidUpdate(){const{projection:e}=this.props.visualElement;e&&(e.root.didUpdate(),!e.currentAnimation&&e.isLead()&&this.safeToRemove())}componentWillUnmount(){const{visualElement:e,layoutGroup:t,switchLayoutGroup:n}=this.props,{projection:r}=e;r&&(r.scheduleCheckAfterUnmount(),(null==t?void 0:t.group)&&t.group.remove(r),(null==n?void 0:n.deregister)&&n.deregister(r))}safeToRemove(){const{safeToRemove:e}=this.props;null==e||e()}render(){return null}}const uO={borderRadius:{...aO,applyTo:["borderTopLeftRadius","borderTopRightRadius","borderBottomLeftRadius","borderBottomRightRadius"]},borderTopLeftRadius:aO,borderTopRightRadius:aO,borderBottomLeftRadius:aO,borderBottomRightRadius:aO,boxShadow:lO},dO={measureLayout:function(e){const[t,n]=TE(),r=a.exports.useContext(qk);return ld(cO,{...e,layoutGroup:r,switchLayoutGroup:a.exports.useContext(Zk),isPresent:t,safeToRemove:n})}};const hO=["TopLeft","TopRight","BottomLeft","BottomRight"],fO=hO.length,pO=e=>"string"==typeof e?parseFloat(e):e,gO=e=>"number"==typeof e||SS.test(e);function mO(e,t){var n;return null!==(n=e[t])&&void 0!==n?n:e.borderRadius}const vO=bO(0,.5,T_),yO=bO(.5,.95,__);function bO(e,t,n){return r=>rt?1:n(r_(e,t,r))}function xO(e,t){e.min=t.min,e.max=t.max}function wO(e,t){xO(e.x,t.x),xO(e.y,t.y)}function kO(e,t,n,r,o){return e=vL(e-=t,1/n,r),void 0!==o&&(e=vL(e,1/o,r)),e}function SO(e,t,[n,r,o],i,a){!function(e,t=0,n=1,r=.5,o,i=e,a=e){kS.test(t)&&(t=parseFloat(t),t=o_(a.min,a.max,t/100)-a.min);if("number"!=typeof t)return;let s=o_(i.min,i.max,r);e===i&&(s-=t),e.min=kO(e.min,t,n,s,o),e.max=kO(e.max,t,n,s,o)}(e,t[n],t[r],t[o],t.scale,i,a)}const CO=["x","scaleX","originX"],_O=["y","scaleY","originY"];function EO(e,t,n,r){SO(e.x,t,CO,null==n?void 0:n.x,null==r?void 0:r.x),SO(e.y,t,_O,null==n?void 0:n.y,null==r?void 0:r.y)}function PO(e){return 0===e.translate&&1===e.scale}function LO(e){return PO(e.x)&&PO(e.y)}function OO(e,t){return e.x.min===t.x.min&&e.x.max===t.x.max&&e.y.min===t.y.min&&e.y.max===t.y.max}function MO(e){return QP(e.x)/QP(e.y)}class TO{constructor(){this.members=[]}add(e){bP(this.members,e),e.scheduleRender()}remove(e){if(xP(this.members,e),e===this.prevLead&&(this.prevLead=void 0),e===this.lead){const e=this.members[this.members.length-1];e&&this.promote(e)}}relegate(e){const t=this.members.findIndex((t=>e===t));if(0===t)return!1;let n;for(let r=t;r>=0;r--){const e=this.members[r];if(!1!==e.isPresent){n=e;break}}return!!n&&(this.promote(n),!0)}promote(e,t){var n;const r=this.lead;if(e!==r&&(this.prevLead=r,this.lead=e,e.show(),r)){r.instance&&r.scheduleRender(),e.scheduleRender(),e.resumeFrom=r,t&&(e.resumeFrom.preserveOpacity=!0),r.snapshot&&(e.snapshot=r.snapshot,e.snapshot.latestValues=r.animationValues||r.latestValues),(null===(n=e.root)||void 0===n?void 0:n.isUpdating)&&(e.isLayoutDirty=!0);const{crossfade:o}=e.options;!1===o&&r.hide()}}exitAnimationComplete(){this.members.forEach((e=>{var t,n,r,o,i;null===(n=(t=e.options).onExitComplete)||void 0===n||n.call(t),null===(i=null===(r=e.resumingFrom)||void 0===r?void 0:(o=r.options).onExitComplete)||void 0===i||i.call(o)}))}scheduleRender(){this.members.forEach((e=>{e.instance&&e.scheduleRender(!1)}))}removeLeadSnapshot(){this.lead&&this.lead.snapshot&&(this.lead.snapshot=void 0)}}function AO(e,t,n){let r="";const o=e.x.translate/t.x,i=e.y.translate/t.y;if((o||i)&&(r=`translate3d(${o}px, ${i}px, 0) `),1===t.x&&1===t.y||(r+=`scale(${1/t.x}, ${1/t.y}) `),n){const{rotate:e,rotateX:t,rotateY:o}=n;e&&(r+=`rotate(${e}deg) `),t&&(r+=`rotateX(${t}deg) `),o&&(r+=`rotateY(${o}deg) `)}const a=e.x.scale*t.x,s=e.y.scale*t.y;return 1===a&&1===s||(r+=`scale(${a}, ${s})`),r||"none"}const IO=(e,t)=>e.depth-t.depth;class RO{constructor(){this.children=[],this.isDirty=!1}add(e){bP(this.children,e),this.isDirty=!0}remove(e){xP(this.children,e),this.isDirty=!0}forEach(e){this.isDirty&&this.children.sort(IO),this.isDirty=!1,this.children.forEach(e)}}const NO=["","X","Y","Z"];let DO=0;function zO({attachResizeListener:e,defaultParent:t,measureScroll:n,checkIsScrollRoot:r,resetTransform:o}){return class{constructor(e,n={},r=(null==t?void 0:t())){this.id=DO++,this.animationId=0,this.children=new Set,this.options={},this.isTreeAnimating=!1,this.isAnimationBlocked=!1,this.isLayoutDirty=!1,this.isProjectionDirty=!1,this.updateManuallyBlocked=!1,this.updateBlockedByResize=!1,this.isUpdating=!1,this.isSVG=!1,this.needsReset=!1,this.shouldResetTransform=!1,this.treeScale={x:1,y:1},this.eventHandlers=new Map,this.potentialNodes=new Map,this.checkUpdateFailed=()=>{this.isUpdating&&(this.isUpdating=!1,this.clearAllSnapshots())},this.updateProjection=()=>{this.nodes.forEach($O),this.nodes.forEach(UO)},this.hasProjected=!1,this.isVisible=!0,this.animationProgress=0,this.sharedNodes=new Map,this.elementId=e,this.latestValues=n,this.root=r?r.root||r:this,this.path=r?[...r.path,r]:[],this.parent=r,this.depth=r?r.depth+1:0,e&&this.root.registerPotentialNode(e,this);for(let t=0;tthis.root.updateBlockedByResize=!1;e(t,(()=>{this.root.updateBlockedByResize=!0,n&&n(),n=uP(r,250),Uk.hasAnimatedSinceResize&&(Uk.hasAnimatedSinceResize=!1,this.nodes.forEach(VO))}))}o&&this.root.registerSharedNode(o,this),!1!==this.options.animate&&a&&(o||i)&&this.addEventListener("didUpdate",(({delta:e,hasLayoutChanged:t,hasRelativeTargetChanged:n,layout:r})=>{var o,i,s,l,c;if(this.isTreeAnimationBlocked())return this.target=void 0,void(this.relativeTarget=void 0);const u=null!==(i=null!==(o=this.options.transition)&&void 0!==o?o:a.getDefaultTransition())&&void 0!==i?i:KO,{onLayoutAnimationStart:d,onLayoutAnimationComplete:h}=a.getProps(),f=!this.targetLayout||!OO(this.targetLayout,r)||n,p=!t&&n;if((null===(s=this.resumeFrom)||void 0===s?void 0:s.instance)||p||t&&(f||!this.currentAnimation)){this.resumeFrom&&(this.resumingFrom=this.resumeFrom,this.resumingFrom.resumingFrom=void 0),this.setAnimationOrigin(e,p);const t={...gP(u,"layout"),onPlay:d,onComplete:h};a.shouldReduceMotion&&(t.delay=0,t.type=!1),this.startAnimation(t)}else t||0!==this.animationProgress||VO(this),this.isLead()&&(null===(c=(l=this.options).onExitComplete)||void 0===c||c.call(l));this.targetLayout=r}))}unmount(){var e,t;this.options.layoutId&&this.willUpdate(),this.root.nodes.remove(this),null===(e=this.getStack())||void 0===e||e.remove(this),null===(t=this.parent)||void 0===t||t.children.delete(this),this.instance=void 0,oP.preRender(this.updateProjection)}blockUpdate(){this.updateManuallyBlocked=!0}unblockUpdate(){this.updateManuallyBlocked=!1}isUpdateBlocked(){return this.updateManuallyBlocked||this.updateBlockedByResize}isTreeAnimationBlocked(){var e;return this.isAnimationBlocked||(null===(e=this.parent)||void 0===e?void 0:e.isTreeAnimationBlocked())||!1}startUpdate(){var e;this.isUpdateBlocked()||(this.isUpdating=!0,null===(e=this.nodes)||void 0===e||e.forEach(GO),this.animationId++)}willUpdate(e=!0){var t,n,r;if(this.root.isUpdateBlocked())return void(null===(n=(t=this.options).onExitComplete)||void 0===n||n.call(t));if(!this.root.isUpdating&&this.root.startUpdate(),this.isLayoutDirty)return;this.isLayoutDirty=!0;for(let s=0;s{this.isLayoutDirty?this.root.didUpdate():this.root.checkUpdateFailed()}))}updateSnapshot(){!this.snapshot&&this.instance&&(this.snapshot=this.measure())}updateLayout(){var e;if(!this.instance)return;if(this.updateScroll(),!(this.options.alwaysMeasureLayout&&this.isLead()||this.isLayoutDirty))return;if(this.resumeFrom&&!this.resumeFrom.instance)for(let n=0;n{var n;const r=t/1e3;YO(s.x,e.x,r),YO(s.y,e.y,r),this.setTargetDelta(s),this.relativeTarget&&this.relativeTargetOrigin&&this.layout&&(null===(n=this.relativeParent)||void 0===n?void 0:n.layout)&&(oL(l,this.layout.layoutBox,this.relativeParent.layout.layoutBox),function(e,t,n,r){ZO(e.x,t.x,n.x,r),ZO(e.y,t.y,n.y,r)}(this.relativeTarget,this.relativeTargetOrigin,l,r)),c&&(this.animationValues=a,function(e,t,n,r,o,i){var a,s,l,c;o?(e.opacity=o_(0,null!==(a=n.opacity)&&void 0!==a?a:1,vO(r)),e.opacityExit=o_(null!==(s=t.opacity)&&void 0!==s?s:1,0,yO(r))):i&&(e.opacity=o_(null!==(l=t.opacity)&&void 0!==l?l:1,null!==(c=n.opacity)&&void 0!==c?c:1,r));for(let u=0;u{Uk.hasAnimatedSinceResize=!0,this.currentAnimation=function(e,t,n={}){const r=aS(e)?e:SP(e);return mP("",r,t,n),{stop:()=>r.stop(),isAnimating:()=>r.isAnimating()}}(0,1e3,{...e,onUpdate:t=>{var n;this.mixTargetDelta(t),null===(n=e.onUpdate)||void 0===n||n.call(e,t)},onComplete:()=>{var t;null===(t=e.onComplete)||void 0===t||t.call(e),this.completeAnimation()}}),this.resumingFrom&&(this.resumingFrom.currentAnimation=this.currentAnimation),this.pendingAnimation=void 0}))}completeAnimation(){var e;this.resumingFrom&&(this.resumingFrom.currentAnimation=void 0,this.resumingFrom.preserveOpacity=void 0),null===(e=this.getStack())||void 0===e||e.exitAnimationComplete(),this.resumingFrom=this.currentAnimation=this.animationValues=void 0,this.notifyListeners("animationComplete")}finishAnimation(){var e;this.currentAnimation&&(null===(e=this.mixTargetDelta)||void 0===e||e.call(this,1e3),this.currentAnimation.stop()),this.completeAnimation()}applyTransformsToTarget(){const e=this.getLead();let{targetWithTransforms:t,target:n,layout:r,latestValues:o}=e;if(t&&n&&r){if(this!==e&&this.layout&&r&&eM(this.options.animationType,this.layout.layoutBox,r.layoutBox)){n=this.target||{x:{min:0,max:0},y:{min:0,max:0}};const t=QP(this.layout.layoutBox.x);n.x.min=e.target.x.min,n.x.max=n.x.min+t;const r=QP(this.layout.layoutBox.y);n.y.min=e.target.y.min,n.y.max=n.y.min+r}wO(t,n),_L(t,o),tL(this.projectionDeltaWithTransform,this.layoutCorrected,t,o)}}registerSharedNode(e,t){var n,r,o;this.sharedNodes.has(e)||this.sharedNodes.set(e,new TO);this.sharedNodes.get(e).add(t),t.promote({transition:null===(n=t.options.initialPromotionConfig)||void 0===n?void 0:n.transition,preserveFollowOpacity:null===(o=null===(r=t.options.initialPromotionConfig)||void 0===r?void 0:r.shouldPreserveFollowOpacity)||void 0===o?void 0:o.call(r,t)})}isLead(){const e=this.getStack();return!e||e.lead===this}getLead(){var e;const{layoutId:t}=this.options;return t&&(null===(e=this.getStack())||void 0===e?void 0:e.lead)||this}getPrevLead(){var e;const{layoutId:t}=this.options;return t?null===(e=this.getStack())||void 0===e?void 0:e.prevLead:void 0}getStack(){const{layoutId:e}=this.options;if(e)return this.root.sharedNodes.get(e)}promote({needsReset:e,transition:t,preserveFollowOpacity:n}={}){const r=this.getStack();r&&r.promote(this,n),e&&(this.projectionDelta=void 0,this.needsReset=!0),t&&this.setOptions({transition:t})}relegate(){const e=this.getStack();return!!e&&e.relegate(this)}resetRotation(){const{visualElement:e}=this.options;if(!e)return;let t=!1;const{latestValues:n}=e;if((n.rotate||n.rotateX||n.rotateY||n.rotateZ)&&(t=!0),!t)return;const r={};for(let o=0;o{var t;return null===(t=e.currentAnimation)||void 0===t?void 0:t.stop()})),this.root.nodes.forEach(HO),this.root.sharedNodes.clear()}}}function BO(e){e.updateLayout()}function jO(e){var t,n,r;const o=(null===(t=e.resumeFrom)||void 0===t?void 0:t.snapshot)||e.snapshot;if(e.isLead()&&e.layout&&o&&e.hasListeners("didUpdate")){const{layoutBox:t,measuredBox:n}=e.layout,{animationType:r}=e.options,i=o.source!==e.layout.source;"size"===r?uL((e=>{const n=i?o.measuredBox[e]:o.layoutBox[e],r=QP(n);n.min=t[e].min,n.max=n.min+r})):eM(r,o.layoutBox,t)&&uL((e=>{const n=i?o.measuredBox[e]:o.layoutBox[e],r=QP(t[e]);n.max=n.min+r}));const a={x:{translate:0,scale:1,origin:0,originPoint:0},y:{translate:0,scale:1,origin:0,originPoint:0}};tL(a,t,o.layoutBox);const s={x:{translate:0,scale:1,origin:0,originPoint:0},y:{translate:0,scale:1,origin:0,originPoint:0}};i?tL(s,e.applyTransform(n,!0),o.measuredBox):tL(s,t,o.layoutBox);const l=!LO(a);let c=!1;if(!e.resumeFrom){const n=e.getClosestProjectingParent();if(n&&!n.resumeFrom){const{snapshot:e,layout:r}=n;if(e&&r){const n={x:{min:0,max:0},y:{min:0,max:0}};oL(n,o.layoutBox,e.layoutBox);const i={x:{min:0,max:0},y:{min:0,max:0}};oL(i,t,r.layoutBox),OO(n,i)||(c=!0)}}}e.notifyListeners("didUpdate",{layout:t,snapshot:o,delta:s,layoutDelta:a,hasLayoutChanged:l,hasRelativeTargetChanged:c})}else e.isLead()&&(null===(r=(n=e.options).onExitComplete)||void 0===r||r.call(n));e.options.transition=void 0}function FO(e){e.clearSnapshot()}function HO(e){e.clearMeasurements()}function WO(e){const{visualElement:t}=e.options;(null==t?void 0:t.getProps().onBeforeLayoutMeasure)&&t.notify("BeforeLayoutMeasure"),e.resetTransform()}function VO(e){e.finishAnimation(),e.targetDelta=e.relativeTarget=e.target=void 0}function $O(e){e.resolveTargetDelta()}function UO(e){e.calcProjection()}function GO(e){e.resetRotation()}function qO(e){e.removeLeadSnapshot()}function YO(e,t,n){e.translate=o_(t.translate,0,n),e.scale=o_(t.scale,1,n),e.origin=t.origin,e.originPoint=t.originPoint}function ZO(e,t,n,r){e.min=o_(t.min,n.min,r),e.max=o_(t.max,n.max,r)}function XO(e){return e.animationValues&&void 0!==e.animationValues.opacityExit}const KO={duration:.45,ease:[.4,0,.1,1]};function QO(e,t){let n=e.root;for(let o=e.path.length-1;o>=0;o--)if(Boolean(e.path[o].instance)){n=e.path[o];break}const r=(n&&n!==e.root?n.instance:document).querySelector(`[data-projection-id="${t}"]`);r&&e.mount(r,!0)}function JO(e){e.min=Math.round(e.min),e.max=Math.round(e.max)}function eM(e,t,n){return"position"===e||"preserve-aspect"===e&&!function(e,t,n=.1){return uE(e,t)<=n}(MO(t),MO(n),.2)}const tM=zO({attachResizeListener:(e,t)=>_C(e,"resize",t),measureScroll:()=>({x:document.documentElement.scrollLeft||document.body.scrollLeft,y:document.documentElement.scrollTop||document.body.scrollTop}),checkIsScrollRoot:()=>!0}),nM={current:void 0},rM=zO({measureScroll:e=>({x:e.scrollLeft,y:e.scrollTop}),defaultParent:()=>{if(!nM.current){const e=new tM(0,{});e.mount(window),e.setOptions({layoutScroll:!0}),nM.current=e}return nM.current},resetTransform:(e,t)=>{e.style.transform=void 0!==t?t:"none"},checkIsScrollRoot:e=>Boolean("fixed"===window.getComputedStyle(e).position)}),oM={...$P,...ME,...ML,...dO},iM=Jk(((e,t)=>function(e,{forwardMotionProps:t=!1},n,r,o){return{...tS(e)?kC:SC,preloadedFeatures:n,useRender:cC(t),createVisualElement:r,projectionNodeConstructor:o,Component:e}}(e,t,oM,oO,rM)));function aM(){const e=a.exports.useRef(!1);return Mk((()=>(e.current=!0,()=>{e.current=!1})),[]),e}class sM extends a.exports.Component{getSnapshotBeforeUpdate(e){const t=this.props.childRef.current;if(t&&e.isPresent&&!this.props.isPresent){const e=this.props.sizeRef.current;e.height=t.offsetHeight||0,e.width=t.offsetWidth||0,e.top=t.offsetTop,e.left=t.offsetLeft}return null}componentDidUpdate(){}render(){return this.props.children}}function lM({children:e,isPresent:t}){const n=a.exports.useId(),r=a.exports.useRef(null),o=a.exports.useRef({width:0,height:0,top:0,left:0});return a.exports.useInsertionEffect((()=>{const{width:e,height:i,top:a,left:s}=o.current;if(t||!r.current||!e||!i)return;r.current.dataset.motionPopId=n;const l=document.createElement("style");return document.head.appendChild(l),l.sheet&&l.sheet.insertRule(`\n [data-motion-pop-id="${n}"] {\n position: absolute !important;\n width: ${e}px !important;\n height: ${i}px !important;\n top: ${a}px !important;\n left: ${s}px !important;\n }\n `),()=>{document.head.removeChild(l)}}),[t]),ld(sM,{isPresent:t,childRef:r,sizeRef:o,children:a.exports.cloneElement(e,{ref:r})})}const cM=({children:e,initial:t,isPresent:n,onExitComplete:r,custom:o,presenceAffectsLayout:i,mode:s})=>{const l=$k(uM),c=a.exports.useId(),u=a.exports.useMemo((()=>({id:c,initial:t,isPresent:n,custom:o,onExitComplete:e=>{l.set(e,!0);for(const t of l.values())if(!t)return;r&&r()},register:e=>(l.set(e,!1),()=>l.delete(e))})),i?void 0:[n]);return a.exports.useMemo((()=>{l.forEach(((e,t)=>l.set(t,!1)))}),[n]),a.exports.useEffect((()=>{!n&&!l.size&&r&&r()}),[n]),"popLayout"===s&&(e=ld(lM,{isPresent:n,children:e})),ld(Lk.Provider,{value:u,children:e})};function uM(){return new Map}const dM=e=>e.key||"";const hM=({children:e,custom:t,initial:n=!0,onExitComplete:r,exitBeforeEnter:o,presenceAffectsLayout:i=!0,mode:s="sync"})=>{o&&(s="wait",xE(!1,"Replace exitBeforeEnter with mode='wait'"));let[l]=function(){const e=aM(),[t,n]=a.exports.useState(0),r=a.exports.useCallback((()=>{e.current&&n(t+1)}),[t]);return[a.exports.useCallback((()=>rP.postRender(r)),[r]),t]}();const c=a.exports.useContext(qk).forceRender;c&&(l=c);const u=aM(),d=function(e){const t=[];return a.exports.Children.forEach(e,(e=>{a.exports.isValidElement(e)&&t.push(e)})),t}(e);let h=d;const f=new Set,p=a.exports.useRef(h),g=a.exports.useRef(new Map).current,m=a.exports.useRef(!0);if(Mk((()=>{m.current=!1,function(e,t){e.forEach((e=>{const n=dM(e);t.set(n,e)}))}(d,g),p.current=h})),GC((()=>{m.current=!0,g.clear(),f.clear()})),m.current)return ld(sd,{children:h.map((e=>ld(cM,{isPresent:!0,initial:!!n&&void 0,presenceAffectsLayout:i,mode:s,children:e},dM(e))))});h=[...h];const v=p.current.map(dM),y=d.map(dM),b=v.length;for(let a=0;a{if(-1!==y.indexOf(e))return;const n=g.get(e);if(!n)return;const o=v.indexOf(e);h.splice(o,0,ld(cM,{isPresent:!1,onExitComplete:()=>{g.delete(e),f.delete(e);const t=p.current.findIndex((t=>t.key===e));if(p.current.splice(t,1),!f.size){if(p.current=d,!1===u.current)return;l(),r&&r()}},custom:t,presenceAffectsLayout:i,mode:s,children:n},dM(n)))})),h=h.map((e=>{const t=e.key;return f.has(t)?e:ld(cM,{isPresent:!0,presenceAffectsLayout:i,mode:s,children:e},dM(e))})),"production"!==yE&&"wait"===s&&h.length>1&&console.warn('You\'re attempting to animate multiple children within AnimatePresence, but its mode is set to "wait". This will lead to odd visual behaviour.'),ld(sd,{children:f.size?h:h.map((e=>a.exports.cloneElement(e)))})};var fM=function(){return fM=Object.assign||function(e){for(var t,n=1,r=arguments.length;n0&&o[o.length-1])||6!==s[0]&&2!==s[0])){a=0;continue}if(3===s[0]&&(!o||s[1]>o[0]&&s[1]0)&&!(r=i.next()).done;)a.push(r.value)}catch(s){o={error:s}}finally{try{r&&!r.done&&(n=i.return)&&n.call(i)}finally{if(o)throw o.error}}return a}function yM(e,t,n){if(n||2===arguments.length)for(var r,o=0,i=t.length;oe.filter(Boolean).join(" ");var xM={ease:[.25,.1,.25,1],easeIn:[.4,0,1,1],easeOut:[0,0,.2,1],easeInOut:[.4,0,.2,1]},wM={position:{left:0,top:0,bottom:0,width:"100%"},enter:{x:0,y:0},exit:{x:"-100%",y:0}},kM={position:{right:0,top:0,bottom:0,width:"100%"},enter:{x:0,y:0},exit:{x:"100%",y:0}},SM={position:{top:0,left:0,right:0,maxWidth:"100vw"},enter:{x:0,y:0},exit:{x:0,y:"-100%"}},CM={position:{bottom:0,left:0,right:0,maxWidth:"100vw"},enter:{x:0,y:0},exit:{x:0,y:"100%"}};function _M(e){switch((null==e?void 0:e.direction)??"right"){case"right":default:return kM;case"left":return wM;case"bottom":return CM;case"top":return SM}}var EM={enter:{duration:.2,ease:xM.easeOut},exit:{duration:.1,ease:xM.easeIn}},PM=(e,t)=>({...e,delay:"number"==typeof t?t:null==t?void 0:t.enter}),LM=(e,t)=>({...e,delay:"number"==typeof t?t:null==t?void 0:t.exit}),OM=e=>null!=e&&parseInt(e.toString(),10)>0,MM={exit:{height:{duration:.2,ease:xM.ease},opacity:{duration:.3,ease:xM.ease}},enter:{height:{duration:.3,ease:xM.ease},opacity:{duration:.4,ease:xM.ease}}},TM={exit:({animateOpacity:e,startingHeight:t,transition:n,transitionEnd:r,delay:o})=>({...e&&{opacity:OM(t)?1:0},height:t,transitionEnd:null==r?void 0:r.exit,transition:(null==n?void 0:n.exit)??LM(MM.exit,o)}),enter:({animateOpacity:e,endingHeight:t,transition:n,transitionEnd:r,delay:o})=>({...e&&{opacity:1},height:t,transitionEnd:null==r?void 0:r.enter,transition:(null==n?void 0:n.enter)??PM(MM.enter,o)})},AM=a.exports.forwardRef(((e,t)=>{const{in:n,unmountOnExit:r,animateOpacity:o=!0,startingHeight:i=0,endingHeight:s="auto",style:l,className:c,transition:u,transitionEnd:d,...h}=e,[f,p]=a.exports.useState(!1);a.exports.useEffect((()=>{const e=setTimeout((()=>{p(!0)}));return()=>clearTimeout(e)}),[]),(e=>{const{condition:t,message:n}=e})({condition:Boolean(i>0&&r),message:"startingHeight and unmountOnExit are mutually exclusive. You can't use them together"});const g=parseFloat(i.toString())>0,m={startingHeight:i,endingHeight:s,animateOpacity:o,transition:f?u:{enter:{duration:0}},transitionEnd:{enter:null==d?void 0:d.enter,exit:r?null==d?void 0:d.exit:{...null==d?void 0:d.exit,display:g?"block":"none"}}},v=n||r?"enter":"exit";return ld(hM,{initial:!1,custom:m,children:(!r||n)&&H.createElement(iM.div,{ref:t,...h,className:bM("chakra-collapse",c),style:{overflow:"hidden",display:"block",...l},custom:m,variants:TM,initial:!!r&&"exit",animate:v,exit:"exit"})})}));AM.displayName="Collapse";var IM={enter:({transition:e,transitionEnd:t,delay:n}={})=>({opacity:1,transition:(null==e?void 0:e.enter)??PM(EM.enter,n),transitionEnd:null==t?void 0:t.enter}),exit:({transition:e,transitionEnd:t,delay:n}={})=>({opacity:0,transition:(null==e?void 0:e.exit)??LM(EM.exit,n),transitionEnd:null==t?void 0:t.exit})},RM={initial:"exit",animate:"enter",exit:"exit",variants:IM},NM=a.exports.forwardRef((function(e,t){const{unmountOnExit:n,in:r,className:o,transition:i,transitionEnd:a,delay:s,...l}=e,c=r||n?"enter":"exit",u={transition:i,transitionEnd:a,delay:s};return ld(hM,{custom:u,children:(!n||r&&n)&&H.createElement(iM.div,{ref:t,className:bM("chakra-fade",o),custom:u,...RM,animate:c,...l})})}));NM.displayName="Fade";var DM={exit:({reverse:e,initialScale:t,transition:n,transitionEnd:r,delay:o})=>({opacity:0,...e?{scale:t,transitionEnd:null==r?void 0:r.exit}:{transitionEnd:{scale:t,...null==r?void 0:r.exit}},transition:(null==n?void 0:n.exit)??LM(EM.exit,o)}),enter:({transitionEnd:e,transition:t,delay:n})=>({opacity:1,scale:1,transition:(null==t?void 0:t.enter)??PM(EM.enter,n),transitionEnd:null==e?void 0:e.enter})},zM={initial:"exit",animate:"enter",exit:"exit",variants:DM},BM=a.exports.forwardRef((function(e,t){const{unmountOnExit:n,in:r,reverse:o=!0,initialScale:i=.95,className:a,transition:s,transitionEnd:l,delay:c,...u}=e,d=r||n?"enter":"exit",h={initialScale:i,reverse:o,transition:s,transitionEnd:l,delay:c};return ld(hM,{custom:h,children:(!n||r&&n)&&H.createElement(iM.div,{ref:t,className:bM("chakra-offset-slide",a),...zM,animate:d,custom:h,...u})})}));BM.displayName="ScaleFade";var jM={exit:{duration:.15,ease:xM.easeInOut},enter:{type:"spring",damping:25,stiffness:180}},FM={exit:({direction:e,transition:t,transitionEnd:n,delay:r})=>{const{exit:o}=_M({direction:e});return{...o,transition:(null==t?void 0:t.exit)??LM(jM.exit,r),transitionEnd:null==n?void 0:n.exit}},enter:({direction:e,transitionEnd:t,transition:n,delay:r})=>{const{enter:o}=_M({direction:e});return{...o,transition:(null==n?void 0:n.enter)??PM(jM.enter,r),transitionEnd:null==t?void 0:t.enter}}},HM=a.exports.forwardRef((function(e,t){const{direction:n="right",style:r,unmountOnExit:o,in:i,className:a,transition:s,transitionEnd:l,delay:c,motionProps:u,...d}=e,h=_M({direction:n}),f=Object.assign({position:"fixed"},h.position,r),p=i||o?"enter":"exit",g={transitionEnd:l,transition:s,direction:n,delay:c};return ld(hM,{custom:g,children:(!o||i&&o)&&H.createElement(iM.div,{...d,ref:t,initial:"exit",className:bM("chakra-slide",a),animate:p,exit:"exit",custom:g,variants:FM,style:f,...u})})}));HM.displayName="Slide";var WM={initial:({offsetX:e,offsetY:t,transition:n,transitionEnd:r,delay:o})=>({opacity:0,x:e,y:t,transition:(null==n?void 0:n.exit)??LM(EM.exit,o),transitionEnd:null==r?void 0:r.exit}),enter:({transition:e,transitionEnd:t,delay:n})=>({opacity:1,x:0,y:0,transition:(null==e?void 0:e.enter)??PM(EM.enter,n),transitionEnd:null==t?void 0:t.enter}),exit:({offsetY:e,offsetX:t,transition:n,transitionEnd:r,reverse:o,delay:i})=>{const a={x:t,y:e};return{opacity:0,transition:(null==n?void 0:n.exit)??LM(EM.exit,i),...o?{...a,transitionEnd:null==r?void 0:r.exit}:{transitionEnd:{...a,...null==r?void 0:r.exit}}}}},VM={initial:"initial",animate:"enter",exit:"exit",variants:WM},$M=a.exports.forwardRef((function(e,t){const{unmountOnExit:n,in:r,reverse:o=!0,className:i,offsetX:a=0,offsetY:s=8,transition:l,transitionEnd:c,delay:u,...d}=e,h=r||n?"enter":"exit",f={offsetX:a,offsetY:s,reverse:o,transition:l,transitionEnd:c,delay:u};return ld(hM,{custom:f,children:(!n||r&&n)&&H.createElement(iM.div,{ref:t,className:bM("chakra-offset-slide",i),custom:f,...VM,animate:h,...d})})}));$M.displayName="SlideFade";var UM=(...e)=>e.filter(Boolean).join(" ");var GM=e=>{const{condition:t,message:n}=e};function qM(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var[YM,ZM]=ck({name:"AccordionStylesContext",hookName:"useAccordionStyles",providerName:""}),[XM,KM]=ck({name:"AccordionItemContext",hookName:"useAccordionItemContext",providerName:""}),[QM,JM,eT,tT]=bk(),nT=ok((function(e,t){const{getButtonProps:n}=KM(),r=n(e,t),o={display:"flex",alignItems:"center",width:"100%",outline:0,...ZM().button};return H.createElement(lk.button,{...r,className:UM("chakra-accordion__button",e.className),__css:o})}));function rT(e){const{onChange:t,defaultIndex:n,index:r,allowMultiple:o,allowToggle:i,...s}=e;!function(e){const t=e.index||e.defaultIndex,n=null!=t&&!Array.isArray(t)&&e.allowMultiple;GM({condition:!!n,message:`If 'allowMultiple' is passed, then 'index' or 'defaultIndex' must be an array. You passed: ${typeof t},`})}(e),function(e){GM({condition:!(!e.allowMultiple||!e.allowToggle),message:"If 'allowMultiple' is passed, 'allowToggle' will be ignored. Either remove 'allowToggle' or 'allowMultiple' depending on whether you want multiple accordions visible or not"})}(e);const l=eT(),[c,u]=a.exports.useState(-1);a.exports.useEffect((()=>()=>{u(-1)}),[]);const[d,h]=_k({value:r,defaultValue:()=>o?n??[]:n??-1,onChange:t});return{index:d,setIndex:h,htmlProps:s,getAccordionItemProps:e=>{let t=!1;null!==e&&(t=Array.isArray(d)?d.includes(e):d===e);return{isOpen:t,onChange:t=>{if(null!==e)if(o&&Array.isArray(d)){const n=t?d.concat(e):d.filter((t=>t!==e));h(n)}else t?h(e):i&&h(-1)}}},focusedIndex:c,setFocusedIndex:u,descendants:l}}nT.displayName="AccordionButton";var[oT,iT]=ck({name:"AccordionContext",hookName:"useAccordionContext",providerName:"Accordion"});function aT(e){const{isDisabled:t,isFocusable:n,id:r,...o}=e,{getAccordionItemProps:i,setFocusedIndex:s}=iT(),l=a.exports.useRef(null),c=a.exports.useId(),u=r??c,d=`accordion-button-${u}`,h=`accordion-panel-${u}`;!function(e){GM({condition:!(!e.isFocusable||e.isDisabled),message:"Using only 'isFocusable', this prop is reserved for situations where you pass 'isDisabled' but you still want the element to receive focus (A11y). Either remove it or pass 'isDisabled' as well.\n "})}(e);const{register:f,index:p,descendants:g}=tT({disabled:t&&!n}),{isOpen:m,onChange:v}=i(-1===p?null:p);!function(e){GM({condition:e.isOpen&&!!e.isDisabled,message:"Cannot open a disabled accordion item"})}({isOpen:m,isDisabled:t});const y=a.exports.useCallback((()=>{null==v||v(!m),s(p)}),[p,s,m,v]),b=a.exports.useCallback((e=>{const t={ArrowDown:()=>{const e=g.nextEnabled(p);null==e||e.node.focus()},ArrowUp:()=>{const e=g.prevEnabled(p);null==e||e.node.focus()},Home:()=>{const e=g.firstEnabled();null==e||e.node.focus()},End:()=>{const e=g.lastEnabled();null==e||e.node.focus()}},n=t[e.key];n&&(e.preventDefault(),n(e))}),[g,p]),x=a.exports.useCallback((()=>{s(p)}),[s,p]),w=a.exports.useCallback((function(e={},n=null){return{...e,type:"button",ref:uk(f,l,n),id:d,disabled:!!t,"aria-expanded":!!m,"aria-controls":h,onClick:qM(e.onClick,y),onFocus:qM(e.onFocus,x),onKeyDown:qM(e.onKeyDown,b)}}),[d,t,m,y,x,b,h,f]),k=a.exports.useCallback((function(e={},t=null){return{...e,ref:t,role:"region",id:h,"aria-labelledby":d,hidden:!m}}),[d,m,h]);return{isOpen:m,isDisabled:t,isFocusable:n,onOpen:()=>{null==v||v(!0)},onClose:()=>{null==v||v(!1)},getButtonProps:w,getPanelProps:k,htmlProps:o}}function sT(e){const{isOpen:t,isDisabled:n}=KM(),{reduceMotion:r}=iT(),o=UM("chakra-accordion__icon",e.className),i={opacity:n?.4:1,transform:t?"rotate(-180deg)":void 0,transition:r?void 0:"transform 0.2s",transformOrigin:"center",...ZM().icon};return ld(kk,{viewBox:"0 0 24 24","aria-hidden":!0,className:o,__css:i,...e,children:ld("path",{fill:"currentColor",d:"M16.59 8.59L12 13.17 7.41 8.59 6 10l6 6 6-6z"})})}sT.displayName="AccordionIcon";var lT=ok((function(e,t){const{children:n,className:r}=e,{htmlProps:o,...i}=aT(e),s={...ZM().container,overflowAnchor:"none"},l=a.exports.useMemo((()=>i),[i]);return H.createElement(XM,{value:l},H.createElement(lk.div,{ref:t,...o,className:UM("chakra-accordion__item",r),__css:s},"function"==typeof n?n({isExpanded:!!i.isOpen,isDisabled:!!i.isDisabled}):n))}));lT.displayName="AccordionItem";var cT=ok((function(e,t){const{className:n,motionProps:r,...o}=e,{reduceMotion:i}=iT(),{getPanelProps:a,isOpen:s}=KM(),l=a(o,t),c=UM("chakra-accordion__panel",n),u=ZM();i||delete l.hidden;const d=H.createElement(lk.div,{...l,__css:u.panel,className:c});return i?d:ld(AM,{in:s,...r,children:d})}));cT.displayName="AccordionPanel";var uT=ok((function({children:e,reduceMotion:t,...n},r){const o=sk("Accordion",n),i=hf(n),{htmlProps:s,descendants:l,...c}=rT(i),u=a.exports.useMemo((()=>({...c,reduceMotion:!!t})),[c,t]);return H.createElement(QM,{value:l},H.createElement(oT,{value:u},H.createElement(YM,{value:o},H.createElement(lk.div,{ref:r,...s,className:UM("chakra-accordion",n.className),__css:o.root},e))))}));uT.displayName="Accordion";var dT=pg({"0%":{transform:"rotate(0deg)"},"100%":{transform:"rotate(360deg)"}}),hT=ok(((e,t)=>{const n=ak("Spinner",e),{label:r="Loading...",thickness:o="2px",speed:i="0.45s",emptyColor:a="transparent",className:s,...l}=hf(e),c=((...e)=>e.filter(Boolean).join(" "))("chakra-spinner",s),u={display:"inline-block",borderColor:"currentColor",borderStyle:"solid",borderRadius:"99999px",borderWidth:o,borderBottomColor:a,borderLeftColor:a,animation:`${dT} ${i} linear infinite`,...n};return H.createElement(lk.div,{ref:t,__css:u,className:c,...l},r&&H.createElement(lk.span,{srOnly:!0},r))}));hT.displayName="Spinner";var fT=(...e)=>e.filter(Boolean).join(" ");function pT(e){return ld(kk,{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M11.983,0a12.206,12.206,0,0,0-8.51,3.653A11.8,11.8,0,0,0,0,12.207,11.779,11.779,0,0,0,11.8,24h.214A12.111,12.111,0,0,0,24,11.791h0A11.766,11.766,0,0,0,11.983,0ZM10.5,16.542a1.476,1.476,0,0,1,1.449-1.53h.027a1.527,1.527,0,0,1,1.523,1.47,1.475,1.475,0,0,1-1.449,1.53h-.027A1.529,1.529,0,0,1,10.5,16.542ZM11,12.5v-6a1,1,0,0,1,2,0v6a1,1,0,1,1-2,0Z"})})}var[gT,mT]=ck({name:"AlertContext",hookName:"useAlertContext",providerName:""}),[vT,yT]=ck({name:"AlertStylesContext",hookName:"useAlertStyles",providerName:""}),bT={info:{icon:function(e){return ld(kk,{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M12,0A12,12,0,1,0,24,12,12.013,12.013,0,0,0,12,0Zm.25,5a1.5,1.5,0,1,1-1.5,1.5A1.5,1.5,0,0,1,12.25,5ZM14.5,18.5h-4a1,1,0,0,1,0-2h.75a.25.25,0,0,0,.25-.25v-4.5a.25.25,0,0,0-.25-.25H10.5a1,1,0,0,1,0-2h1a2,2,0,0,1,2,2v4.75a.25.25,0,0,0,.25.25h.75a1,1,0,1,1,0,2Z"})})},colorScheme:"blue"},warning:{icon:pT,colorScheme:"orange"},success:{icon:function(e){return ld(kk,{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M12,0A12,12,0,1,0,24,12,12.014,12.014,0,0,0,12,0Zm6.927,8.2-6.845,9.289a1.011,1.011,0,0,1-1.43.188L5.764,13.769a1,1,0,1,1,1.25-1.562l4.076,3.261,6.227-8.451A1,1,0,1,1,18.927,8.2Z"})})},colorScheme:"green"},error:{icon:pT,colorScheme:"red"},loading:{icon:hT,colorScheme:"blue"}};var xT=ok((function(e,t){const{status:n="info",addRole:r=!0,...o}=hf(e),i=e.colorScheme??function(e){return bT[e].colorScheme}(n),a=sk("Alert",{...e,colorScheme:i}),s={width:"100%",display:"flex",alignItems:"center",position:"relative",overflow:"hidden",...a.container};return H.createElement(gT,{value:{status:n}},H.createElement(vT,{value:a},H.createElement(lk.div,{role:r?"alert":void 0,ref:t,...o,className:fT("chakra-alert",e.className),__css:s})))}));xT.displayName="Alert";var wT=ok((function(e,t){const n={display:"inline",...yT().description};return H.createElement(lk.div,{ref:t,...e,className:fT("chakra-alert__desc",e.className),__css:n})}));function kT(e){const{status:t}=mT(),n=function(e){return bT[e].icon}(t),r=yT(),o="loading"===t?r.spinner:r.icon;return H.createElement(lk.span,{display:"inherit",...e,className:fT("chakra-alert__icon",e.className),__css:o},e.children||ld(n,{h:"100%",w:"100%"}))}wT.displayName="AlertDescription",kT.displayName="AlertIcon";var ST=ok((function(e,t){const n=yT();return H.createElement(lk.div,{ref:t,...e,className:fT("chakra-alert__title",e.className),__css:n.title})}));function CT(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}ST.displayName="AlertTitle";var _T=ok((function(e,t){const{htmlWidth:n,htmlHeight:r,alt:o,...i}=e;return ld("img",{width:n,height:r,ref:t,alt:o,...i})}));_T.displayName="NativeImage";var ET=ok((function(e,t){const{fallbackSrc:n,fallback:r,src:o,srcSet:i,align:s,fit:l,loading:c,ignoreFallback:u,crossOrigin:d,fallbackStrategy:h="beforeLoadOrError",referrerPolicy:f,...p}=e,g=null!=c||u||!(void 0!==n||void 0!==r),m=function(e){const{loading:t,src:n,srcSet:r,onLoad:o,onError:i,crossOrigin:s,sizes:l,ignoreFallback:c}=e,[u,d]=a.exports.useState("pending");a.exports.useEffect((()=>{d(n?"loading":"pending")}),[n]);const h=a.exports.useRef(),f=a.exports.useCallback((()=>{if(!n)return;p();const e=new Image;e.src=n,s&&(e.crossOrigin=s),r&&(e.srcset=r),l&&(e.sizes=l),t&&(e.loading=t),e.onload=e=>{p(),d("loaded"),null==o||o(e)},e.onerror=e=>{p(),d("failed"),null==i||i(e)},h.current=e}),[n,s,r,l,o,i,t]),p=()=>{h.current&&(h.current.onload=null,h.current.onerror=null,h.current=null)};return Ku((()=>{if(!c)return"loading"===u&&f(),()=>{p()}}),[u,f,c]),c?"loaded":u}({...e,ignoreFallback:g}),v=((e,t)=>"loaded"!==e&&"beforeLoadOrError"===t||"failed"===e&&"onError"===t)(m,h),y={ref:t,objectFit:l,objectPosition:s,...g?p:CT(p,["onError","onLoad"])};return v?r||H.createElement(lk.img,{as:_T,className:"chakra-image__placeholder",src:n,...y}):H.createElement(lk.img,{as:_T,src:o,srcSet:i,crossOrigin:d,loading:c,referrerPolicy:f,className:"chakra-image",...y})}));function PT(e){return a.exports.Children.toArray(e).filter((e=>a.exports.isValidElement(e)))}ET.displayName="Image",ok(((e,t)=>H.createElement(lk.img,{ref:t,as:_T,className:"chakra-image",...e})));var LT=(...e)=>e.filter(Boolean).join(" "),OT=e=>e?"":void 0,[MT,TT]=ck({strict:!1,name:"ButtonGroupContext"});function AT(e){const{children:t,className:n,...r}=e,o=a.exports.isValidElement(t)?a.exports.cloneElement(t,{"aria-hidden":!0,focusable:!1}):t,i=LT("chakra-button__icon",n);return H.createElement(lk.span,{display:"inline-flex",alignSelf:"center",flexShrink:0,...r,className:i},o)}function IT(e){const{label:t,placement:n,spacing:r="0.5rem",children:o=ld(hT,{color:"currentColor",width:"1em",height:"1em"}),className:i,__css:s,...l}=e,c=LT("chakra-button__spinner",i),u="start"===n?"marginEnd":"marginStart",d=a.exports.useMemo((()=>({display:"flex",alignItems:"center",position:t?"relative":"absolute",[u]:t?r:0,fontSize:"1em",lineHeight:"normal",...s})),[s,t,u,r]);return H.createElement(lk.div,{className:c,...l,__css:d},o)}AT.displayName="ButtonIcon",IT.displayName="ButtonSpinner";var RT=ok(((e,t)=>{const n=TT(),r=ak("Button",{...n,...e}),{isDisabled:o=(null==n?void 0:n.isDisabled),isLoading:i,isActive:s,children:l,leftIcon:c,rightIcon:u,loadingText:d,iconSpacing:h="0.5rem",type:f,spinner:p,spinnerPlacement:g="start",className:m,as:v,...y}=hf(e),b=a.exports.useMemo((()=>{const e={...null==r?void 0:r._focus,zIndex:1};return{display:"inline-flex",appearance:"none",alignItems:"center",justifyContent:"center",userSelect:"none",position:"relative",whiteSpace:"nowrap",verticalAlign:"middle",outline:"none",...r,...!!n&&{_focus:e}}}),[r,n]),{ref:x,type:w}=function(e){const[t,n]=a.exports.useState(!e),r=a.exports.useCallback((e=>{e&&n("BUTTON"===e.tagName)}),[]);return{ref:r,type:t?"button":void 0}}(v),k={rightIcon:u,leftIcon:c,iconSpacing:h,children:l};return H.createElement(lk.button,{disabled:o||i,ref:dk(t,x),as:v,type:f??w,"data-active":OT(s),"data-loading":OT(i),__css:b,className:LT("chakra-button",m),...y},i&&"start"===g&&ld(IT,{className:"chakra-button__spinner--start",label:d,placement:"start",spacing:h,children:p}),i?d||H.createElement(lk.span,{opacity:0},ld(NT,{...k})):ld(NT,{...k}),i&&"end"===g&&ld(IT,{className:"chakra-button__spinner--end",label:d,placement:"end",spacing:h,children:p}))}));function NT(e){const{leftIcon:t,rightIcon:n,children:r,iconSpacing:o}=e;return cd(sd,{children:[t&&ld(AT,{marginEnd:o,children:t}),r,n&&ld(AT,{marginStart:o,children:n})]})}RT.displayName="Button";var DT=ok((function(e,t){const{size:n,colorScheme:r,variant:o,className:i,spacing:s="0.5rem",isAttached:l,isDisabled:c,...u}=e,d=LT("chakra-button__group",i),h=a.exports.useMemo((()=>({size:n,colorScheme:r,variant:o,isDisabled:c})),[n,r,o,c]);let f={display:"inline-flex"};return f=l?{...f,"> *:first-of-type:not(:last-of-type)":{borderEndRadius:0},"> *:not(:first-of-type):not(:last-of-type)":{borderRadius:0},"> *:not(:first-of-type):last-of-type":{borderStartRadius:0}}:{...f,"& > *:not(style) ~ *:not(style)":{marginStart:s}},H.createElement(MT,{value:h},H.createElement(lk.div,{ref:t,role:"group",__css:f,className:d,"data-attached":l?"":void 0,...u}))}));DT.displayName="ButtonGroup";var zT=ok(((e,t)=>{const{icon:n,children:r,isRound:o,"aria-label":i,...s}=e,l=n||r,c=a.exports.isValidElement(l)?a.exports.cloneElement(l,{"aria-hidden":!0,focusable:!1}):null;return ld(RT,{padding:"0",borderRadius:o?"full":void 0,ref:t,"aria-label":i,...s,children:c})}));zT.displayName="IconButton";var BT=(...e)=>e.filter(Boolean).join(" "),jT=e=>e?"":void 0,FT=e=>!!e||void 0;function HT(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var[WT,VT]=ck({name:"FormControlStylesContext",errorMessage:"useFormControlStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),[$T,UT]=ck({strict:!1,name:"FormControlContext"});var GT=ok((function(e,t){const n=sk("Form",e),r=hf(e),{getRootProps:o,htmlProps:i,...s}=function(e){const{id:t,isRequired:n,isInvalid:r,isDisabled:o,isReadOnly:i,...s}=e,l=a.exports.useId(),c=t||`field-${l}`,u=`${c}-label`,d=`${c}-feedback`,h=`${c}-helptext`,[f,p]=a.exports.useState(!1),[g,m]=a.exports.useState(!1),[v,y]=a.exports.useState(!1),b=a.exports.useCallback(((e={},t=null)=>({id:h,...e,ref:uk(t,(e=>{e&&m(!0)}))})),[h]),x=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,"data-focus":jT(v),"data-disabled":jT(o),"data-invalid":jT(r),"data-readonly":jT(i),id:e.id??u,htmlFor:e.htmlFor??c})),[c,o,v,r,i,u]),w=a.exports.useCallback(((e={},t=null)=>({id:d,...e,ref:uk(t,(e=>{e&&p(!0)})),"aria-live":"polite"})),[d]),k=a.exports.useCallback(((e={},t=null)=>({...e,...s,ref:t,role:"group"})),[s]),S=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,role:"presentation","aria-hidden":!0,children:e.children||"*"})),[]);return{isRequired:!!n,isInvalid:!!r,isReadOnly:!!i,isDisabled:!!o,isFocused:!!v,onFocus:()=>y(!0),onBlur:()=>y(!1),hasFeedbackText:f,setHasFeedbackText:p,hasHelpText:g,setHasHelpText:m,id:c,labelId:u,feedbackId:d,helpTextId:h,htmlProps:s,getHelpTextProps:b,getErrorMessageProps:w,getRootProps:k,getLabelProps:x,getRequiredIndicatorProps:S}}(r),l=BT("chakra-form-control",e.className);return H.createElement($T,{value:s},H.createElement(WT,{value:n},H.createElement(lk.div,{...o({},t),className:l,__css:n.container})))}));GT.displayName="FormControl";var qT=ok((function(e,t){const n=UT(),r=VT(),o=BT("chakra-form__helper-text",e.className);return H.createElement(lk.div,{...null==n?void 0:n.getHelpTextProps(e,t),__css:r.helperText,className:o})}));function YT(e){const{isDisabled:t,isInvalid:n,isReadOnly:r,isRequired:o,...i}=ZT(e);return{...i,disabled:t,readOnly:r,required:o,"aria-invalid":FT(n),"aria-required":FT(o),"aria-readonly":FT(r)}}function ZT(e){const t=UT(),{id:n,disabled:r,readOnly:o,required:i,isRequired:a,isInvalid:s,isReadOnly:l,isDisabled:c,onFocus:u,onBlur:d,...h}=e,f=e["aria-describedby"]?[e["aria-describedby"]]:[];return(null==t?void 0:t.hasFeedbackText)&&(null==t?void 0:t.isInvalid)&&f.push(t.feedbackId),(null==t?void 0:t.hasHelpText)&&f.push(t.helpTextId),{...h,"aria-describedby":f.join(" ")||void 0,id:n??(null==t?void 0:t.id),isDisabled:r??c??(null==t?void 0:t.isDisabled),isReadOnly:o??l??(null==t?void 0:t.isReadOnly),isRequired:i??a??(null==t?void 0:t.isRequired),isInvalid:s??(null==t?void 0:t.isInvalid),onFocus:HT(null==t?void 0:t.onFocus,u),onBlur:HT(null==t?void 0:t.onBlur,d)}}qT.displayName="FormHelperText";var[XT,KT]=ck({name:"FormErrorStylesContext",errorMessage:"useFormErrorStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),QT=ok(((e,t)=>{const n=sk("FormError",e),r=hf(e),o=UT();return(null==o?void 0:o.isInvalid)?H.createElement(XT,{value:n},H.createElement(lk.div,{...null==o?void 0:o.getErrorMessageProps(r,t),className:BT("chakra-form__error-message",e.className),__css:{display:"flex",alignItems:"center",...n.text}})):null}));QT.displayName="FormErrorMessage";var JT=ok(((e,t)=>{const n=KT(),r=UT();if(!(null==r?void 0:r.isInvalid))return null;const o=BT("chakra-form__error-icon",e.className);return ld(kk,{ref:t,"aria-hidden":!0,...e,__css:n.icon,className:o,children:ld("path",{fill:"currentColor",d:"M11.983,0a12.206,12.206,0,0,0-8.51,3.653A11.8,11.8,0,0,0,0,12.207,11.779,11.779,0,0,0,11.8,24h.214A12.111,12.111,0,0,0,24,11.791h0A11.766,11.766,0,0,0,11.983,0ZM10.5,16.542a1.476,1.476,0,0,1,1.449-1.53h.027a1.527,1.527,0,0,1,1.523,1.47,1.475,1.475,0,0,1-1.449,1.53h-.027A1.529,1.529,0,0,1,10.5,16.542ZM11,12.5v-6a1,1,0,0,1,2,0v6a1,1,0,1,1-2,0Z"})})}));JT.displayName="FormErrorIcon";var eA=ok((function(e,t){const n=ak("FormLabel",e),r=hf(e),{className:o,children:i,requiredIndicator:a=ld(tA,{}),optionalIndicator:s=null,...l}=r,c=UT(),u=(null==c?void 0:c.getLabelProps(l,t))??{ref:t,...l};return H.createElement(lk.label,{...u,className:BT("chakra-form__label",r.className),__css:{display:"block",textAlign:"start",...n}},i,(null==c?void 0:c.isRequired)?a:s)}));eA.displayName="FormLabel";var tA=ok((function(e,t){const n=UT(),r=VT();if(!(null==n?void 0:n.isRequired))return null;const o=BT("chakra-form__required-indicator",e.className);return H.createElement(lk.span,{...null==n?void 0:n.getRequiredIndicatorProps(e,t),__css:r.requiredIndicator,className:o})}));function nA(e,t){const n=a.exports.useRef(!1),r=a.exports.useRef(!1);a.exports.useEffect((()=>{if(n.current&&r.current)return e();r.current=!0}),t),a.exports.useEffect((()=>(n.current=!0,()=>{n.current=!1})),[])}tA.displayName="RequiredIndicator";var rA={border:"0",clip:"rect(0, 0, 0, 0)",height:"1px",width:"1px",margin:"-1px",padding:"0",overflow:"hidden",whiteSpace:"nowrap",position:"absolute"};lk("span",{baseStyle:rA}).displayName="VisuallyHidden",lk("input",{baseStyle:rA}).displayName="VisuallyHiddenInput";var oA=!1,iA=null,aA=!1,sA=new Set,lA="undefined"!=typeof window&&null!=window.navigator&&/^Mac/.test(window.navigator.platform);function cA(e,t){sA.forEach((n=>n(e,t)))}function uA(e){aA=!0,function(e){return!(e.metaKey||!lA&&e.altKey||e.ctrlKey)}(e)&&(iA="keyboard",cA("keyboard",e))}function dA(e){iA="pointer","mousedown"!==e.type&&"pointerdown"!==e.type||(aA=!0,cA("pointer",e))}function hA(e){e.target!==window&&e.target!==document&&(aA||(iA="keyboard",cA("keyboard",e)),aA=!1)}function fA(){aA=!1}function pA(){return"pointer"!==iA}function gA(e){!function(){if("undefined"==typeof window||oA)return;const{focus:e}=HTMLElement.prototype;HTMLElement.prototype.focus=function(...t){aA=!0,e.apply(this,t)},document.addEventListener("keydown",uA,!0),document.addEventListener("keyup",uA,!0),window.addEventListener("focus",hA,!0),window.addEventListener("blur",fA,!1),"undefined"!=typeof PointerEvent?(document.addEventListener("pointerdown",dA,!0),document.addEventListener("pointermove",dA,!0),document.addEventListener("pointerup",dA,!0)):(document.addEventListener("mousedown",dA,!0),document.addEventListener("mousemove",dA,!0),document.addEventListener("mouseup",dA,!0)),oA=!0}(),e(pA());const t=()=>e(pA());return sA.add(t),()=>{sA.delete(t)}}var[mA,vA]=ck({name:"CheckboxGroupContext",strict:!1}),yA=(...e)=>e.filter(Boolean).join(" "),bA=e=>e?"":void 0;function xA(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}function wA(e){return H.createElement(lk.svg,{width:"1.2em",viewBox:"0 0 12 10",style:{fill:"none",strokeWidth:2,stroke:"currentColor",strokeDasharray:16},...e},ld("polyline",{points:"1.5 6 4.5 9 10.5 1"}))}function kA(e){return H.createElement(lk.svg,{width:"1.2em",viewBox:"0 0 24 24",style:{stroke:"currentColor",strokeWidth:4},...e},ld("line",{x1:"21",x2:"3",y1:"12",y2:"12"}))}function SA(e){const{isIndeterminate:t,isChecked:n,...r}=e,o=t?kA:wA;return n||t?H.createElement(lk.div,{style:{display:"flex",alignItems:"center",justifyContent:"center",height:"100%"}},ld(o,{...r})):null}function CA(e={}){const t=ZT(e),{isDisabled:n,isReadOnly:r,isRequired:o,isInvalid:i,id:s,onBlur:l,onFocus:c,"aria-describedby":u}=t,{defaultChecked:d,isChecked:h,isFocusable:f,onChange:p,isIndeterminate:g,name:m,value:v,tabIndex:y,"aria-label":b,"aria-labelledby":x,"aria-invalid":w,...k}=e,S=function(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}(k,["isDisabled","isReadOnly","isRequired","isInvalid","id","onBlur","onFocus","aria-describedby"]),C=Ck(p),_=Ck(l),E=Ck(c),[P,L]=a.exports.useState(!1),[O,M]=a.exports.useState(!1),[T,A]=a.exports.useState(!1),[I,R]=a.exports.useState(!1);a.exports.useEffect((()=>gA(L)),[]);const N=a.exports.useRef(null),[D,z]=a.exports.useState(!0),[B,j]=a.exports.useState(!!d),F=void 0!==h,H=F?h:B,W=a.exports.useCallback((e=>{r||n?e.preventDefault():(F||j(H?e.target.checked:!!g||e.target.checked),null==C||C(e))}),[r,n,H,F,g,C]);Ku((()=>{N.current&&(N.current.indeterminate=Boolean(g))}),[g]),nA((()=>{n&&M(!1)}),[n,M]),Ku((()=>{const e=N.current;(null==e?void 0:e.form)&&(e.form.onreset=()=>{j(!!d)})}),[]);const V=n&&!f,$=a.exports.useCallback((e=>{" "===e.key&&R(!0)}),[R]),U=a.exports.useCallback((e=>{" "===e.key&&R(!1)}),[R]);Ku((()=>{if(!N.current)return;N.current.checked!==H&&j(N.current.checked)}),[N.current]);const G=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,"data-active":bA(I),"data-hover":bA(T),"data-checked":bA(H),"data-focus":bA(O),"data-focus-visible":bA(O&&P),"data-indeterminate":bA(g),"data-disabled":bA(n),"data-invalid":bA(i),"data-readonly":bA(r),"aria-hidden":!0,onMouseDown:xA(e.onMouseDown,(e=>{O&&e.preventDefault(),R(!0)})),onMouseUp:xA(e.onMouseUp,(()=>R(!1))),onMouseEnter:xA(e.onMouseEnter,(()=>A(!0))),onMouseLeave:xA(e.onMouseLeave,(()=>A(!1)))})),[I,H,n,O,P,T,g,i,r]),q=a.exports.useCallback(((e={},t=null)=>({...S,...e,ref:uk(t,(e=>{e&&z("LABEL"===e.tagName)})),onClick:xA(e.onClick,(()=>{var e;D||(null==(e=N.current)||e.click(),requestAnimationFrame((()=>{var e;null==(e=N.current)||e.focus()})))})),"data-disabled":bA(n),"data-checked":bA(H),"data-invalid":bA(i)})),[S,n,H,i,D]),Y=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(N,t),type:"checkbox",name:m,value:v,id:s,tabIndex:y,onChange:xA(e.onChange,W),onBlur:xA(e.onBlur,_,(()=>M(!1))),onFocus:xA(e.onFocus,E,(()=>M(!0))),onKeyDown:xA(e.onKeyDown,$),onKeyUp:xA(e.onKeyUp,U),required:o,checked:H,disabled:V,readOnly:r,"aria-label":b,"aria-labelledby":x,"aria-invalid":w?Boolean(w):i,"aria-describedby":u,"aria-disabled":n,style:rA})),[m,v,s,W,_,E,$,U,o,H,V,r,b,x,w,i,u,n,y]),Z=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,onMouseDown:xA(e.onMouseDown,_A),onTouchStart:xA(e.onTouchStart,_A),"data-disabled":bA(n),"data-checked":bA(H),"data-invalid":bA(i)})),[H,n,i]);return{state:{isInvalid:i,isFocused:O,isChecked:H,isActive:I,isHovered:T,isIndeterminate:g,isDisabled:n,isReadOnly:r,isRequired:o},getRootProps:q,getCheckboxProps:G,getInputProps:Y,getLabelProps:Z,htmlProps:S}}function _A(e){e.preventDefault(),e.stopPropagation()}var EA={display:"inline-flex",alignItems:"center",justifyContent:"center",verticalAlign:"top",userSelect:"none",flexShrink:0},PA={cursor:"pointer",display:"inline-flex",alignItems:"center",verticalAlign:"top",position:"relative"},LA=pg({from:{opacity:0,strokeDashoffset:16,transform:"scale(0.95)"},to:{opacity:1,strokeDashoffset:0,transform:"scale(1)"}}),OA=pg({from:{opacity:0},to:{opacity:1}}),MA=pg({from:{transform:"scaleX(0.65)"},to:{transform:"scaleX(1)"}}),TA=ok((function(e,t){const n=vA(),r=sk("Checkbox",{...n,...e}),o=hf(e),{spacing:i="0.5rem",className:s,children:l,iconColor:c,iconSize:u,icon:d=ld(SA,{}),isChecked:h,isDisabled:f=(null==n?void 0:n.isDisabled),onChange:p,inputProps:g,...m}=o;let v=h;(null==n?void 0:n.value)&&o.value&&(v=n.value.includes(o.value));let y=p;(null==n?void 0:n.onChange)&&o.value&&(y=function(...e){return function(t){e.forEach((e=>{null==e||e(t)}))}}(n.onChange,p));const{state:b,getInputProps:x,getCheckboxProps:w,getLabelProps:k,getRootProps:S}=CA({...m,isDisabled:f,isChecked:v,onChange:y}),C=a.exports.useMemo((()=>({animation:b.isIndeterminate?`${OA} 20ms linear, ${MA} 200ms linear`:`${LA} 200ms linear`,fontSize:u,color:c,...r.icon})),[c,u,,b.isIndeterminate,r.icon]),_=a.exports.cloneElement(d,{__css:C,isIndeterminate:b.isIndeterminate,isChecked:b.isChecked});return H.createElement(lk.label,{__css:{...PA,...r.container},className:yA("chakra-checkbox",s),...S()},ld("input",{className:"chakra-checkbox__input",...x(g,t)}),H.createElement(lk.span,{__css:{...EA,...r.control},className:"chakra-checkbox__control",...w()},_),l&&H.createElement(lk.span,{className:"chakra-checkbox__label",...k(),__css:{marginStart:i,...r.label}},l))}));function AA(e){return ld(kk,{focusable:"false","aria-hidden":!0,...e,children:ld("path",{fill:"currentColor",d:"M.439,21.44a1.5,1.5,0,0,0,2.122,2.121L11.823,14.3a.25.25,0,0,1,.354,0l9.262,9.263a1.5,1.5,0,1,0,2.122-2.121L14.3,12.177a.25.25,0,0,1,0-.354l9.263-9.262A1.5,1.5,0,0,0,21.439.44L12.177,9.7a.25.25,0,0,1-.354,0L2.561.44A1.5,1.5,0,0,0,.439,2.561L9.7,11.823a.25.25,0,0,1,0,.354Z"})})}TA.displayName="Checkbox";var IA=ok((function(e,t){const n=ak("CloseButton",e),{children:r,isDisabled:o,__css:i,...a}=hf(e);return H.createElement(lk.button,{type:"button","aria-label":"Close",ref:t,disabled:o,__css:{outline:0,display:"flex",alignItems:"center",justifyContent:"center",flexShrink:0,...n,...i},...a},r||ld(AA,{width:"1em",height:"1em"}))}));function RA(e,t){let n=function(e){const t=parseFloat(e);return"number"!=typeof t||Number.isNaN(t)?0:t}(e);const r=10**(t??10);return n=Math.round(n*r)/r,t?n.toFixed(t):n.toString()}function NA(e){if(!Number.isFinite(e))return 0;let t=1,n=0;for(;Math.round(e*t)/t!==e;)t*=10,n+=1;return n}function DA(e,t,n){return 100*(e-t)/(n-t)}function zA(e,t,n){return(n-t)*e+t}function BA(e,t,n){return RA(Math.round((e-t)/n)*n+t,NA(n))}function jA(e,t,n){return null==e?e:(nld(hg,{styles:VA}),UA=()=>ld(hg,{styles:`\n html {\n line-height: 1.5;\n -webkit-text-size-adjust: 100%;\n font-family: system-ui, sans-serif;\n -webkit-font-smoothing: antialiased;\n text-rendering: optimizeLegibility;\n -moz-osx-font-smoothing: grayscale;\n touch-action: manipulation;\n }\n\n body {\n position: relative;\n min-height: 100%;\n font-feature-settings: 'kern';\n }\n\n *,\n *::before,\n *::after {\n border-width: 0;\n border-style: solid;\n box-sizing: border-box;\n }\n\n main {\n display: block;\n }\n\n hr {\n border-top-width: 1px;\n box-sizing: content-box;\n height: 0;\n overflow: visible;\n }\n\n pre,\n code,\n kbd,\n samp {\n font-family: SFMono-Regular, Menlo, Monaco, Consolas, monospace;\n font-size: 1em;\n }\n\n a {\n background-color: transparent;\n color: inherit;\n text-decoration: inherit;\n }\n\n abbr[title] {\n border-bottom: none;\n text-decoration: underline;\n -webkit-text-decoration: underline dotted;\n text-decoration: underline dotted;\n }\n\n b,\n strong {\n font-weight: bold;\n }\n\n small {\n font-size: 80%;\n }\n\n sub,\n sup {\n font-size: 75%;\n line-height: 0;\n position: relative;\n vertical-align: baseline;\n }\n\n sub {\n bottom: -0.25em;\n }\n\n sup {\n top: -0.5em;\n }\n\n img {\n border-style: none;\n }\n\n button,\n input,\n optgroup,\n select,\n textarea {\n font-family: inherit;\n font-size: 100%;\n line-height: 1.15;\n margin: 0;\n }\n\n button,\n input {\n overflow: visible;\n }\n\n button,\n select {\n text-transform: none;\n }\n\n button::-moz-focus-inner,\n [type="button"]::-moz-focus-inner,\n [type="reset"]::-moz-focus-inner,\n [type="submit"]::-moz-focus-inner {\n border-style: none;\n padding: 0;\n }\n\n fieldset {\n padding: 0.35em 0.75em 0.625em;\n }\n\n legend {\n box-sizing: border-box;\n color: inherit;\n display: table;\n max-width: 100%;\n padding: 0;\n white-space: normal;\n }\n\n progress {\n vertical-align: baseline;\n }\n\n textarea {\n overflow: auto;\n }\n\n [type="checkbox"],\n [type="radio"] {\n box-sizing: border-box;\n padding: 0;\n }\n\n [type="number"]::-webkit-inner-spin-button,\n [type="number"]::-webkit-outer-spin-button {\n -webkit-appearance: none !important;\n }\n\n input[type="number"] {\n -moz-appearance: textfield;\n }\n\n [type="search"] {\n -webkit-appearance: textfield;\n outline-offset: -2px;\n }\n\n [type="search"]::-webkit-search-decoration {\n -webkit-appearance: none !important;\n }\n\n ::-webkit-file-upload-button {\n -webkit-appearance: button;\n font: inherit;\n }\n\n details {\n display: block;\n }\n\n summary {\n display: list-item;\n }\n\n template {\n display: none;\n }\n\n [hidden] {\n display: none !important;\n }\n\n body,\n blockquote,\n dl,\n dd,\n h1,\n h2,\n h3,\n h4,\n h5,\n h6,\n hr,\n figure,\n p,\n pre {\n margin: 0;\n }\n\n button {\n background: transparent;\n padding: 0;\n }\n\n fieldset {\n margin: 0;\n padding: 0;\n }\n\n ol,\n ul {\n margin: 0;\n padding: 0;\n }\n\n textarea {\n resize: vertical;\n }\n\n button,\n [role="button"] {\n cursor: pointer;\n }\n\n button::-moz-focus-inner {\n border: 0 !important;\n }\n\n table {\n border-collapse: collapse;\n }\n\n h1,\n h2,\n h3,\n h4,\n h5,\n h6 {\n font-size: inherit;\n font-weight: inherit;\n }\n\n button,\n input,\n optgroup,\n select,\n textarea {\n padding: 0;\n line-height: inherit;\n color: inherit;\n }\n\n img,\n svg,\n video,\n canvas,\n audio,\n iframe,\n embed,\n object {\n display: block;\n }\n\n img,\n video {\n max-width: 100%;\n height: auto;\n }\n\n [data-js-focus-visible] :focus:not([data-focus-visible-added]):not([data-focus-visible-disabled]) {\n outline: none;\n box-shadow: none;\n }\n\n select::-ms-expand {\n display: none;\n }\n\n ${VA}\n `});function GA(e,t,n,r){const o=Ck(n);return a.exports.useEffect((()=>{const i="function"==typeof e?e():e??document;if(n&&i)return i.addEventListener(t,o,r),()=>{i.removeEventListener(t,o,r)}}),[t,e,r,o,n]),()=>{const n="function"==typeof e?e():e??document;null==n||n.removeEventListener(t,o,r)}}var qA=()=>"undefined"!=typeof window;var YA=e=>qA()&&e.test(function(){const e=navigator.userAgentData;return(null==e?void 0:e.platform)??navigator.platform}()),ZA=()=>YA(/mac|iphone|ipad|ipod/i)&&(e=>qA()&&e.test(navigator.vendor))(/apple/i);var XA=Rg?a.exports.useLayoutEffect:a.exports.useEffect;function KA(e,t=[]){const n=a.exports.useRef(e);return XA((()=>{n.current=e})),a.exports.useCallback(((...e)=>{var t;return null==(t=n.current)?void 0:t.call(n,...e)}),t)}function QA(e={}){const{onClose:t,onOpen:n,isOpen:r,id:o}=e,i=KA(n),s=KA(t),[l,c]=a.exports.useState(e.defaultIsOpen||!1),[u,d]=function(e,t){const n=void 0!==e;return[n,n&&void 0!==e?e:t]}(r,l),h=function(e,t){const n=a.exports.useId();return a.exports.useMemo((()=>e||[t,n].filter(Boolean).join("-")),[e,t,n])}(o,"disclosure"),f=a.exports.useCallback((()=>{u||c(!1),null==s||s()}),[u,s]),p=a.exports.useCallback((()=>{u||c(!0),null==i||i()}),[u,i]),g=a.exports.useCallback((()=>{(d?f:p)()}),[d,p,f]);return{isOpen:!!d,onOpen:p,onClose:f,onToggle:g,isControlled:u,getButtonProps:(e={})=>({...e,"aria-expanded":d,"aria-controls":h,onClick:Dg(e.onClick,g)}),getDisclosureProps:(e={})=>({...e,hidden:!d,id:h})}}function JA(e){const t=Object.assign({},e);for(let n in t)void 0===t[n]&&delete t[n];return t}var eI=ok((function(e,t){const{htmlSize:n,...r}=e,o=sk("Input",r),i=YT(hf(r)),a=xk("chakra-input",e.className);return H.createElement(lk.input,{size:n,...i,__css:o.field,ref:t,className:a})}));eI.displayName="Input",eI.id="Input";var[tI,nI]=ck({name:"InputGroupStylesContext",errorMessage:"useInputGroupStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),rI=ok((function(e,t){const n=sk("Input",e),{children:r,className:o,...i}=hf(e),s=xk("chakra-input__group",o),l={},c=PT(r),u=n.field;c.forEach((e=>{n&&(u&&"InputLeftElement"===e.type.id&&(l.paddingStart=u.height??u.h),u&&"InputRightElement"===e.type.id&&(l.paddingEnd=u.height??u.h),"InputRightAddon"===e.type.id&&(l.borderEndRadius=0),"InputLeftAddon"===e.type.id&&(l.borderStartRadius=0))}));const d=c.map((t=>{var n,r;const o=JA({size:(null==(n=t.props)?void 0:n.size)||e.size,variant:(null==(r=t.props)?void 0:r.variant)||e.variant});return"Input"!==t.type.id?a.exports.cloneElement(t,o):a.exports.cloneElement(t,Object.assign(o,l,t.props))}));return H.createElement(lk.div,{className:s,ref:t,__css:{width:"100%",display:"flex",position:"relative"},...i},ld(tI,{value:n,children:d}))}));rI.displayName="InputGroup";var oI={left:{marginEnd:"-1px",borderEndRadius:0,borderEndColor:"transparent"},right:{marginStart:"-1px",borderStartRadius:0,borderStartColor:"transparent"}},iI=lk("div",{baseStyle:{flex:"0 0 auto",width:"auto",display:"flex",alignItems:"center",whiteSpace:"nowrap"}}),aI=ok((function(e,t){const{placement:n="left",...r}=e,o=oI[n]??{},i=nI();return ld(iI,{ref:t,...r,__css:{...i.addon,...o}})}));aI.displayName="InputAddon";var sI=ok((function(e,t){return ld(aI,{ref:t,placement:"left",...e,className:xk("chakra-input__left-addon",e.className)})}));sI.displayName="InputLeftAddon",sI.id="InputLeftAddon";var lI=ok((function(e,t){return ld(aI,{ref:t,placement:"right",...e,className:xk("chakra-input__right-addon",e.className)})}));lI.displayName="InputRightAddon",lI.id="InputRightAddon";var cI=lk("div",{baseStyle:{display:"flex",alignItems:"center",justifyContent:"center",position:"absolute",top:"0",zIndex:2}}),uI=ok((function(e,t){const{placement:n="left",...r}=e,o=nI(),i=o.field,a={["left"===n?"insetStart":"insetEnd"]:"0",width:(null==i?void 0:i.height)??(null==i?void 0:i.h),height:(null==i?void 0:i.height)??(null==i?void 0:i.h),fontSize:null==i?void 0:i.fontSize,...o.element};return ld(cI,{ref:t,__css:a,...r})}));uI.id="InputElement",uI.displayName="InputElement";var dI=ok((function(e,t){const{className:n,...r}=e,o=xk("chakra-input__left-element",n);return ld(uI,{ref:t,placement:"left",className:o,...r})}));dI.id="InputLeftElement",dI.displayName="InputLeftElement";var hI=ok((function(e,t){const{className:n,...r}=e,o=xk("chakra-input__right-element",n);return ld(uI,{ref:t,placement:"right",className:o,...r})}));function fI(e,t){return Array.isArray(e)?e.map((e=>null===e?null:t(e))):function(e){const t=typeof e;return null!=e&&("object"===t||"function"===t)&&!Array.isArray(e)}(e)?Object.keys(e).reduce(((n,r)=>(n[r]=t(e[r]),n)),{}):null!=e?t(e):null}hI.id="InputRightElement",hI.displayName="InputRightElement",Object.freeze(["base","sm","md","lg","xl","2xl"]);var pI=ok((function(e,t){const{ratio:n=4/3,children:r,className:o,...i}=e,s=a.exports.Children.only(r),l=xk("chakra-aspect-ratio",o);return H.createElement(lk.div,{ref:t,position:"relative",className:l,_before:{height:0,content:'""',display:"block",paddingBottom:fI(n,(e=>1/e*100+"%"))},__css:{"& > *:not(style)":{overflow:"hidden",position:"absolute",top:"0",right:"0",bottom:"0",left:"0",display:"flex",justifyContent:"center",alignItems:"center",width:"100%",height:"100%"},"& > img, & > video":{objectFit:"cover"}},...i},s)}));pI.displayName="AspectRatio";var gI=ok((function(e,t){const n=ak("Badge",e),{className:r,...o}=hf(e);return H.createElement(lk.span,{ref:t,className:xk("chakra-badge",e.className),...o,__css:{display:"inline-block",whiteSpace:"nowrap",verticalAlign:"middle",...n}})}));gI.displayName="Badge";var mI=lk("div");mI.displayName="Box";var vI=ok((function(e,t){const{size:n,centerContent:r=!0,...o}=e;return ld(mI,{ref:t,boxSize:n,__css:{...r?{display:"flex",alignItems:"center",justifyContent:"center"}:{},flexShrink:0,flexGrow:0},...o})}));vI.displayName="Square";var yI=ok((function(e,t){const{size:n,...r}=e;return ld(vI,{size:n,ref:t,borderRadius:"9999px",...r})}));yI.displayName="Circle";var bI=lk("div",{baseStyle:{display:"flex",alignItems:"center",justifyContent:"center"}});bI.displayName="Center";var xI={horizontal:{insetStart:"50%",transform:"translateX(-50%)"},vertical:{top:"50%",transform:"translateY(-50%)"},both:{insetStart:"50%",top:"50%",transform:"translate(-50%, -50%)"}};ok((function(e,t){const{axis:n="both",...r}=e;return H.createElement(lk.div,{ref:t,__css:xI[n],...r,position:"absolute"})}));var wI=ok((function(e,t){const n=ak("Code",e),{className:r,...o}=hf(e);return H.createElement(lk.code,{ref:t,className:xk("chakra-code",e.className),...o,__css:{display:"inline-block",...n}})}));wI.displayName="Code";var kI=ok((function(e,t){const{className:n,centerContent:r,...o}=hf(e),i=ak("Container",e);return H.createElement(lk.div,{ref:t,className:xk("chakra-container",n),...o,__css:{...i,...r&&{display:"flex",flexDirection:"column",alignItems:"center"}}})}));kI.displayName="Container";var SI=ok((function(e,t){const{borderLeftWidth:n,borderBottomWidth:r,borderTopWidth:o,borderRightWidth:i,borderWidth:a,borderStyle:s,borderColor:l,...c}=ak("Divider",e),{className:u,orientation:d="horizontal",__css:h,...f}=hf(e),p={vertical:{borderLeftWidth:n||i||a||"1px",height:"100%"},horizontal:{borderBottomWidth:r||o||a||"1px",width:"100%"}};return H.createElement(lk.hr,{ref:t,"aria-orientation":d,...f,__css:{...c,border:"0",borderColor:l,borderStyle:s,...p[d],...h},className:xk("chakra-divider",u)})}));SI.displayName="Divider";var CI=ok((function(e,t){const{direction:n,align:r,justify:o,wrap:i,basis:a,grow:s,shrink:l,...c}=e,u={display:"flex",flexDirection:n,alignItems:r,justifyContent:o,flexWrap:i,flexBasis:a,flexGrow:s,flexShrink:l};return H.createElement(lk.div,{ref:t,__css:u,...c})}));CI.displayName="Flex";var _I=ok((function(e,t){const{templateAreas:n,gap:r,rowGap:o,columnGap:i,column:a,row:s,autoFlow:l,autoRows:c,templateRows:u,autoColumns:d,templateColumns:h,...f}=e,p={display:"grid",gridTemplateAreas:n,gridGap:r,gridRowGap:o,gridColumnGap:i,gridAutoColumns:d,gridColumn:a,gridRow:s,gridAutoFlow:l,gridAutoRows:c,gridTemplateRows:u,gridTemplateColumns:h};return H.createElement(lk.div,{ref:t,__css:p,...f})}));function EI(e){return fI(e,(e=>"auto"===e?"auto":`span ${e}/span ${e}`))}_I.displayName="Grid";var PI=ok((function(e,t){const{area:n,colSpan:r,colStart:o,colEnd:i,rowEnd:a,rowSpan:s,rowStart:l,...c}=e,u=JA({gridArea:n,gridColumn:EI(r),gridRow:EI(s),gridColumnStart:o,gridColumnEnd:i,gridRowStart:l,gridRowEnd:a});return H.createElement(lk.div,{ref:t,__css:u,...c})}));PI.displayName="GridItem";var LI=ok((function(e,t){const n=ak("Heading",e),{className:r,...o}=hf(e);return H.createElement(lk.h2,{ref:t,className:xk("chakra-heading",e.className),...o,__css:n})}));LI.displayName="Heading",ok((function(e,t){const n=ak("Mark",e),r=hf(e);return ld(mI,{ref:t,...r,as:"mark",__css:{bg:"transparent",whiteSpace:"nowrap",...n}})}));var OI=ok((function(e,t){const n=ak("Kbd",e),{className:r,...o}=hf(e);return H.createElement(lk.kbd,{ref:t,className:xk("chakra-kbd",r),...o,__css:{fontFamily:"mono",...n}})}));OI.displayName="Kbd";var MI=ok((function(e,t){const n=ak("Link",e),{className:r,isExternal:o,...i}=hf(e);return H.createElement(lk.a,{target:o?"_blank":void 0,rel:o?"noopener":void 0,ref:t,className:xk("chakra-link",r),...i,__css:n})}));MI.displayName="Link",ok((function(e,t){const{isExternal:n,target:r,rel:o,className:i,...a}=e;return H.createElement(lk.a,{...a,ref:t,className:xk("chakra-linkbox__overlay",i),rel:n?"noopener noreferrer":o,target:n?"_blank":r,__css:{position:"static","&::before":{content:"''",cursor:"inherit",display:"block",position:"absolute",top:0,left:0,zIndex:0,width:"100%",height:"100%"}}})})),ok((function(e,t){const{className:n,...r}=e;return H.createElement(lk.div,{ref:t,position:"relative",...r,className:xk("chakra-linkbox",n),__css:{"a[href]:not(.chakra-linkbox__overlay), abbr[title]":{position:"relative",zIndex:1}}})}));var[TI,AI]=ck({name:"ListStylesContext",errorMessage:"useListStyles returned is 'undefined'. Seems you forgot to wrap the components in \"
\" "}),II=ok((function(e,t){const n=sk("List",e),{children:r,styleType:o="none",stylePosition:i,spacing:a,...s}=hf(e),l=PT(r),c=a?{"& > *:not(style) ~ *:not(style)":{mt:a}}:{};return H.createElement(TI,{value:n},H.createElement(lk.ul,{ref:t,listStyleType:o,listStylePosition:i,role:"list",__css:{...n.container,...c},...s},l))}));II.displayName="List",ok(((e,t)=>{const{as:n,...r}=e;return ld(II,{ref:t,as:"ol",styleType:"decimal",marginStart:"1em",...r})})).displayName="OrderedList",ok((function(e,t){const{as:n,...r}=e;return ld(II,{ref:t,as:"ul",styleType:"initial",marginStart:"1em",...r})})).displayName="UnorderedList";var RI=ok((function(e,t){const n=AI();return H.createElement(lk.li,{ref:t,...e,__css:n.item})}));RI.displayName="ListItem";var NI=ok((function(e,t){const n=AI();return ld(kk,{ref:t,role:"presentation",...e,__css:n.icon})}));NI.displayName="ListIcon";var DI=ok((function(e,t){const{columns:n,spacingX:r,spacingY:o,spacing:i,minChildWidth:a,...s}=e,l=Zw(),c=a?function(e,t){return fI(e,(e=>{const n=function(e,t,n){const r=Array.isArray(t)?t:[t],o=Array.isArray(n)?n:[n];return n=>{const i=o.filter(Boolean),a=r.map(((t,r)=>"breakpoints"===e?function(e,t,n){if(null==t)return t;const r=t=>{var n,r;return null==(r=null==(n=e.__breakpoints)?void 0:n.asArray)?void 0:r[t]};return r(t)??r(n)??n}(n,t,i[r]??t):function(e,t,n){if(null==t)return t;const r=t=>{var n,r;return null==(r=null==(n=e.__cssMap)?void 0:n[t])?void 0:r.value};return r(t)??r(n)??n}(n,`${e}.${t}`,i[r]??t)));return Array.isArray(t)?a:a[0]}}("sizes",e,function(e){return"number"==typeof e?`${e}px`:e}(e))(t);return null===e?null:`repeat(auto-fit, minmax(${n}, 1fr))`}))}(a,l):fI(n,(e=>null===e?null:`repeat(${e}, minmax(0, 1fr))`));return ld(_I,{ref:t,gap:i,columnGap:r,rowGap:o,templateColumns:c,...s})}));DI.displayName="SimpleGrid";var zI=lk("div",{baseStyle:{flex:1,justifySelf:"stretch",alignSelf:"stretch"}});zI.displayName="Spacer";var BI="& > *:not(style) ~ *:not(style)";var jI=e=>H.createElement(lk.div,{className:"chakra-stack__item",...e,__css:{display:"inline-block",flex:"0 0 auto",minWidth:0,...e.__css}});jI.displayName="StackItem";var FI=ok(((e,t)=>{const{isInline:n,direction:r,align:o,justify:i,spacing:s="0.5rem",wrap:l,children:c,divider:u,className:d,shouldWrapChildren:h,...f}=e,p=n?"row":r??"column",g=a.exports.useMemo((()=>function(e){const{spacing:t,direction:n}=e,r={column:{marginTop:t,marginEnd:0,marginBottom:0,marginStart:0},row:{marginTop:0,marginEnd:0,marginBottom:0,marginStart:t},"column-reverse":{marginTop:0,marginEnd:0,marginBottom:t,marginStart:0},"row-reverse":{marginTop:0,marginEnd:t,marginBottom:0,marginStart:0}};return{flexDirection:n,[BI]:fI(n,(e=>r[e]))}}({direction:p,spacing:s})),[p,s]),m=a.exports.useMemo((()=>function(e){const{spacing:t,direction:n}=e,r={column:{my:t,mx:0,borderLeftWidth:0,borderBottomWidth:"1px"},"column-reverse":{my:t,mx:0,borderLeftWidth:0,borderBottomWidth:"1px"},row:{mx:t,my:0,borderLeftWidth:"1px",borderBottomWidth:0},"row-reverse":{mx:t,my:0,borderLeftWidth:"1px",borderBottomWidth:0}};return{"&":fI(n,(e=>r[e]))}}({spacing:s,direction:p})),[s,p]),v=!!u,y=!h&&!v,b=a.exports.useMemo((()=>{const e=PT(c);return y?e:e.map(((t,n)=>{const r=void 0!==t.key?t.key:n,o=n+1===e.length,i=h?ld(jI,{children:t},r):t;if(!v)return i;const s=a.exports.cloneElement(u,{__css:m}),l=o?null:s;return cd(a.exports.Fragment,{children:[i,l]},r)}))}),[u,m,v,y,h,c]),x=xk("chakra-stack",d);return H.createElement(lk.div,{ref:t,display:"flex",alignItems:o,justifyContent:i,flexDirection:g.flexDirection,flexWrap:l,className:x,__css:v?{}:{[BI]:g[BI]},...f},b)}));FI.displayName="Stack";var HI=ok(((e,t)=>ld(FI,{align:"center",...e,direction:"row",ref:t})));HI.displayName="HStack";var WI=ok(((e,t)=>ld(FI,{align:"center",...e,direction:"column",ref:t})));WI.displayName="VStack";var VI=ok((function(e,t){const n=ak("Text",e),{className:r,align:o,decoration:i,casing:a,...s}=hf(e),l=JA({textAlign:e.align,textDecoration:e.decoration,textTransform:e.casing});return H.createElement(lk.p,{ref:t,className:xk("chakra-text",e.className),...l,...s,__css:n})}));function $I(e){return"number"==typeof e?`${e}px`:e}VI.displayName="Text";var UI=ok((function(e,t){const{spacing:n="0.5rem",spacingX:r,spacingY:o,children:i,justify:s,direction:l,align:c,className:u,shouldWrapChildren:d,...h}=e,f=a.exports.useMemo((()=>{const{spacingX:e=n,spacingY:t=n}={spacingX:r,spacingY:o};return{"--chakra-wrap-x-spacing":t=>fI(e,(e=>$I(_d("space",e)(t)))),"--chakra-wrap-y-spacing":e=>fI(t,(t=>$I(_d("space",t)(e)))),"--wrap-x-spacing":"calc(var(--chakra-wrap-x-spacing) / 2)","--wrap-y-spacing":"calc(var(--chakra-wrap-y-spacing) / 2)",display:"flex",flexWrap:"wrap",justifyContent:s,alignItems:c,flexDirection:l,listStyleType:"none",padding:"0",margin:"calc(var(--wrap-y-spacing) * -1) calc(var(--wrap-x-spacing) * -1)","& > *:not(style)":{margin:"var(--wrap-y-spacing) var(--wrap-x-spacing)"}}}),[n,r,o,s,c,l]),p=a.exports.useMemo((()=>d?a.exports.Children.map(i,((e,t)=>ld(GI,{children:e},t))):i),[i,d]);return H.createElement(lk.div,{ref:t,className:xk("chakra-wrap",u),overflow:"hidden",...h},H.createElement(lk.ul,{className:"chakra-wrap__list",__css:f},p))}));UI.displayName="Wrap";var GI=ok((function(e,t){const{className:n,...r}=e;return H.createElement(lk.li,{ref:t,__css:{display:"flex",alignItems:"flex-start"},className:xk("chakra-wrap__listitem",n),...r})}));GI.displayName="WrapItem";var qI={body:{classList:{add(){},remove(){}}},addEventListener(){},removeEventListener(){},activeElement:{blur(){},nodeName:""},querySelector:()=>null,querySelectorAll:()=>[],getElementById:()=>null,createEvent:()=>({initEvent(){}}),createElement:()=>({children:[],childNodes:[],style:{},setAttribute(){},getElementsByTagName:()=>[]})},YI=()=>{},ZI={document:qI,navigator:{userAgent:""},CustomEvent:function(){return this},addEventListener:YI,removeEventListener:YI,getComputedStyle:()=>({getPropertyValue:()=>""}),matchMedia:()=>({matches:!1,addListener:YI,removeListener:YI}),requestAnimationFrame:e=>"undefined"==typeof setTimeout?(e(),null):setTimeout(e,0),cancelAnimationFrame(e){"undefined"!=typeof setTimeout&&clearTimeout(e)},setTimeout:()=>0,clearTimeout:YI,setInterval:()=>0,clearInterval:YI},XI="undefined"!=typeof window?{window:window,document:document}:{window:ZI,document:qI},KI=a.exports.createContext(XI);function QI(e){const{children:t,environment:n}=e,[r,o]=a.exports.useState(null),[i,s]=a.exports.useState(!1);a.exports.useEffect((()=>s(!0)),[]);const l=a.exports.useMemo((()=>{if(n)return n;const e=null==r?void 0:r.ownerDocument,t=null==r?void 0:r.ownerDocument.defaultView;return e?{document:e,window:t}:XI}),[r,n]);return cd(KI.Provider,{value:l,children:[t,!n&&i&&ld("span",{id:"__chakra_env",hidden:!0,ref:e=>{a.exports.startTransition((()=>{e&&o(e)}))}})]})}KI.displayName="EnvironmentContext",QI.displayName="EnvironmentProvider";function JI(e){const t=e.target,{tagName:n,isContentEditable:r}=t;return"INPUT"!==n&&"TEXTAREA"!==n&&!0!==r}function eR(e={}){const{ref:t,isDisabled:n,isFocusable:r,clickOnEnter:o=!0,clickOnSpace:i=!0,onMouseDown:s,onMouseUp:l,onClick:c,onKeyDown:u,onKeyUp:d,tabIndex:h,onMouseOver:f,onMouseLeave:p,...g}=e,[m,v]=a.exports.useState(!0),[y,b]=a.exports.useState(!1),x=function(){const e=a.exports.useRef(new Map),t=e.current,n=a.exports.useCallback(((t,n,r,o)=>{e.current.set(r,{type:n,el:t,options:o}),t.addEventListener(n,r,o)}),[]),r=a.exports.useCallback(((t,n,r,o)=>{t.removeEventListener(n,r,o),e.current.delete(r)}),[]);return a.exports.useEffect((()=>()=>{t.forEach(((e,t)=>{r(e.el,e.type,t,e.options)}))}),[r,t]),{add:n,remove:r}}(),w=m?h:h||0,k=n&&!r,S=a.exports.useCallback((e=>{if(n)return e.stopPropagation(),void e.preventDefault();e.currentTarget.focus(),null==c||c(e)}),[n,c]),C=a.exports.useCallback((e=>{y&&JI(e)&&(e.preventDefault(),e.stopPropagation(),b(!1),x.remove(document,"keyup",C,!1))}),[y,x]),_=a.exports.useCallback((e=>{if(null==u||u(e),n||e.defaultPrevented||e.metaKey)return;if(!JI(e.nativeEvent)||m)return;const t=o&&"Enter"===e.key;if(i&&" "===e.key&&(e.preventDefault(),b(!0)),t){e.preventDefault();e.currentTarget.click()}x.add(document,"keyup",C,!1)}),[n,m,u,o,i,x,C]),E=a.exports.useCallback((e=>{if(null==d||d(e),n||e.defaultPrevented||e.metaKey)return;if(!JI(e.nativeEvent)||m)return;if(i&&" "===e.key){e.preventDefault(),b(!1);e.currentTarget.click()}}),[i,m,n,d]),P=a.exports.useCallback((e=>{0===e.button&&(b(!1),x.remove(document,"mouseup",P,!1))}),[x]),L=a.exports.useCallback((e=>{if(0!==e.button)return;if(n)return e.stopPropagation(),void e.preventDefault();m||b(!0);e.currentTarget.focus({preventScroll:!0}),x.add(document,"mouseup",P,!1),null==s||s(e)}),[n,m,s,x,P]),O=a.exports.useCallback((e=>{0===e.button&&(m||b(!1),null==l||l(e))}),[l,m]),M=a.exports.useCallback((e=>{n?e.preventDefault():null==f||f(e)}),[n,f]),T=a.exports.useCallback((e=>{y&&(e.preventDefault(),b(!1)),null==p||p(e)}),[y,p]),A=uk(t,(e=>{e&&"BUTTON"!==e.tagName&&v(!1)}));return m?{...g,ref:A,type:"button","aria-disabled":k?void 0:n,disabled:k,onClick:S,onMouseDown:s,onMouseUp:l,onKeyUp:d,onKeyDown:u,onMouseOver:f,onMouseLeave:p}:{...g,ref:A,role:"button","data-active":(I=y,I?"":void 0),"aria-disabled":n?"true":void 0,tabIndex:k?void 0:w,onClick:S,onMouseDown:L,onMouseUp:O,onKeyUp:E,onKeyDown:_,onMouseOver:M,onMouseLeave:T};var I}function tR(e){return null!=e&&"object"==typeof e&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE}function nR(e){if(!tR(e))return!1;return e instanceof(e.ownerDocument.defaultView??window).HTMLElement}function rR(e){return tR(e)?e.ownerDocument:document}var oR=e=>e.hasAttribute("tabindex");function iR(e){return!(!e.parentElement||!iR(e.parentElement))||e.hidden}function aR(e){if(!nR(e)||iR(e)||function(e){return!0===Boolean(e.getAttribute("disabled"))||!0===Boolean(e.getAttribute("aria-disabled"))}(e))return!1;const{localName:t}=e;if(["input","select","textarea","button"].indexOf(t)>=0)return!0;const n={a:()=>e.hasAttribute("href"),audio:()=>e.hasAttribute("controls"),video:()=>e.hasAttribute("controls")};return t in n?n[t]():!!function(e){const t=e.getAttribute("contenteditable");return"false"!==t&&null!=t}(e)||oR(e)}function sR(e){return!!e&&(nR(e)&&aR(e)&&!(e=>oR(e)&&-1===e.tabIndex)(e))}var lR=["input:not(:disabled):not([disabled])","select:not(:disabled):not([disabled])","textarea:not(:disabled):not([disabled])","embed","iframe","object","a[href]","area[href]","button:not(:disabled):not([disabled])","[tabindex]","audio[controls]","video[controls]","*[tabindex]:not([aria-disabled])","*[contenteditable]"].join();function cR(e){const t=Array.from(e.querySelectorAll(lR));return t.unshift(e),t.filter((e=>aR(e)&&(e=>e.offsetWidth>0&&e.offsetHeight>0)(e)))}function uR(e){const t=e.current;if(!t)return!1;const n=function(e){return rR(e).activeElement}(t);return!!n&&(!t.contains(n)&&!!sR(n))}var dR={preventScroll:!0,shouldFocus:!1};var hR="top",fR="bottom",pR="right",gR="left",mR="auto",vR=[hR,fR,pR,gR],yR="start",bR="end",xR="viewport",wR="popper",kR=vR.reduce((function(e,t){return e.concat([t+"-"+yR,t+"-"+bR])}),[]),SR=[].concat(vR,[mR]).reduce((function(e,t){return e.concat([t,t+"-"+yR,t+"-"+bR])}),[]),CR=["beforeRead","read","afterRead","beforeMain","main","afterMain","beforeWrite","write","afterWrite"];function _R(e){return e?(e.nodeName||"").toLowerCase():null}function ER(e){if(null==e)return window;if("[object Window]"!==e.toString()){var t=e.ownerDocument;return t&&t.defaultView||window}return e}function PR(e){return e instanceof ER(e).Element||e instanceof Element}function LR(e){return e instanceof ER(e).HTMLElement||e instanceof HTMLElement}function OR(e){return"undefined"!=typeof ShadowRoot&&(e instanceof ER(e).ShadowRoot||e instanceof ShadowRoot)}const MR={name:"applyStyles",enabled:!0,phase:"write",fn:function(e){var t=e.state;Object.keys(t.elements).forEach((function(e){var n=t.styles[e]||{},r=t.attributes[e]||{},o=t.elements[e];LR(o)&&_R(o)&&(Object.assign(o.style,n),Object.keys(r).forEach((function(e){var t=r[e];!1===t?o.removeAttribute(e):o.setAttribute(e,!0===t?"":t)})))}))},effect:function(e){var t=e.state,n={popper:{position:t.options.strategy,left:"0",top:"0",margin:"0"},arrow:{position:"absolute"},reference:{}};return Object.assign(t.elements.popper.style,n.popper),t.styles=n,t.elements.arrow&&Object.assign(t.elements.arrow.style,n.arrow),function(){Object.keys(t.elements).forEach((function(e){var r=t.elements[e],o=t.attributes[e]||{},i=Object.keys(t.styles.hasOwnProperty(e)?t.styles[e]:n[e]).reduce((function(e,t){return e[t]="",e}),{});LR(r)&&_R(r)&&(Object.assign(r.style,i),Object.keys(o).forEach((function(e){r.removeAttribute(e)})))}))}},requires:["computeStyles"]};function TR(e){return e.split("-")[0]}var AR=Math.max,IR=Math.min,RR=Math.round;function NR(){var e=navigator.userAgentData;return null!=e&&e.brands?e.brands.map((function(e){return e.brand+"/"+e.version})).join(" "):navigator.userAgent}function DR(){return!/^((?!chrome|android).)*safari/i.test(NR())}function zR(e,t,n){void 0===t&&(t=!1),void 0===n&&(n=!1);var r=e.getBoundingClientRect(),o=1,i=1;t&&LR(e)&&(o=e.offsetWidth>0&&RR(r.width)/e.offsetWidth||1,i=e.offsetHeight>0&&RR(r.height)/e.offsetHeight||1);var a=(PR(e)?ER(e):window).visualViewport,s=!DR()&&n,l=(r.left+(s&&a?a.offsetLeft:0))/o,c=(r.top+(s&&a?a.offsetTop:0))/i,u=r.width/o,d=r.height/i;return{width:u,height:d,top:c,right:l+u,bottom:c+d,left:l,x:l,y:c}}function BR(e){var t=zR(e),n=e.offsetWidth,r=e.offsetHeight;return Math.abs(t.width-n)<=1&&(n=t.width),Math.abs(t.height-r)<=1&&(r=t.height),{x:e.offsetLeft,y:e.offsetTop,width:n,height:r}}function jR(e,t){var n=t.getRootNode&&t.getRootNode();if(e.contains(t))return!0;if(n&&OR(n)){var r=t;do{if(r&&e.isSameNode(r))return!0;r=r.parentNode||r.host}while(r)}return!1}function FR(e){return ER(e).getComputedStyle(e)}function HR(e){return["table","td","th"].indexOf(_R(e))>=0}function WR(e){return((PR(e)?e.ownerDocument:e.document)||window.document).documentElement}function VR(e){return"html"===_R(e)?e:e.assignedSlot||e.parentNode||(OR(e)?e.host:null)||WR(e)}function $R(e){return LR(e)&&"fixed"!==FR(e).position?e.offsetParent:null}function UR(e){for(var t=ER(e),n=$R(e);n&&HR(n)&&"static"===FR(n).position;)n=$R(n);return n&&("html"===_R(n)||"body"===_R(n)&&"static"===FR(n).position)?t:n||function(e){var t=/firefox/i.test(NR());if(/Trident/i.test(NR())&&LR(e)&&"fixed"===FR(e).position)return null;var n=VR(e);for(OR(n)&&(n=n.host);LR(n)&&["html","body"].indexOf(_R(n))<0;){var r=FR(n);if("none"!==r.transform||"none"!==r.perspective||"paint"===r.contain||-1!==["transform","perspective"].indexOf(r.willChange)||t&&"filter"===r.willChange||t&&r.filter&&"none"!==r.filter)return n;n=n.parentNode}return null}(e)||t}function GR(e){return["top","bottom"].indexOf(e)>=0?"x":"y"}function qR(e,t,n){return AR(e,IR(t,n))}function YR(e){return Object.assign({},{top:0,right:0,bottom:0,left:0},e)}function ZR(e,t){return t.reduce((function(t,n){return t[n]=e,t}),{})}const XR={name:"arrow",enabled:!0,phase:"main",fn:function(e){var t,n=e.state,r=e.name,o=e.options,i=n.elements.arrow,a=n.modifiersData.popperOffsets,s=TR(n.placement),l=GR(s),c=[gR,pR].indexOf(s)>=0?"height":"width";if(i&&a){var u=function(e,t){return YR("number"!=typeof(e="function"==typeof e?e(Object.assign({},t.rects,{placement:t.placement})):e)?e:ZR(e,vR))}(o.padding,n),d=BR(i),h="y"===l?hR:gR,f="y"===l?fR:pR,p=n.rects.reference[c]+n.rects.reference[l]-a[l]-n.rects.popper[c],g=a[l]-n.rects.reference[l],m=UR(i),v=m?"y"===l?m.clientHeight||0:m.clientWidth||0:0,y=p/2-g/2,b=u[h],x=v-d[c]-u[f],w=v/2-d[c]/2+y,k=qR(b,w,x),S=l;n.modifiersData[r]=((t={})[S]=k,t.centerOffset=k-w,t)}},effect:function(e){var t=e.state,n=e.options.element,r=void 0===n?"[data-popper-arrow]":n;null!=r&&("string"!=typeof r||(r=t.elements.popper.querySelector(r)))&&jR(t.elements.popper,r)&&(t.elements.arrow=r)},requires:["popperOffsets"],requiresIfExists:["preventOverflow"]};function KR(e){return e.split("-")[1]}var QR={top:"auto",right:"auto",bottom:"auto",left:"auto"};function JR(e){var t,n=e.popper,r=e.popperRect,o=e.placement,i=e.variation,a=e.offsets,s=e.position,l=e.gpuAcceleration,c=e.adaptive,u=e.roundOffsets,d=e.isFixed,h=a.x,f=void 0===h?0:h,p=a.y,g=void 0===p?0:p,m="function"==typeof u?u({x:f,y:g}):{x:f,y:g};f=m.x,g=m.y;var v=a.hasOwnProperty("x"),y=a.hasOwnProperty("y"),b=gR,x=hR,w=window;if(c){var k=UR(n),S="clientHeight",C="clientWidth";if(k===ER(n)&&"static"!==FR(k=WR(n)).position&&"absolute"===s&&(S="scrollHeight",C="scrollWidth"),o===hR||(o===gR||o===pR)&&i===bR)x=fR,g-=(d&&k===w&&w.visualViewport?w.visualViewport.height:k[S])-r.height,g*=l?1:-1;if(o===gR||(o===hR||o===fR)&&i===bR)b=pR,f-=(d&&k===w&&w.visualViewport?w.visualViewport.width:k[C])-r.width,f*=l?1:-1}var _,E=Object.assign({position:s},c&&QR),P=!0===u?function(e){var t=e.x,n=e.y,r=window.devicePixelRatio||1;return{x:RR(t*r)/r||0,y:RR(n*r)/r||0}}({x:f,y:g}):{x:f,y:g};return f=P.x,g=P.y,l?Object.assign({},E,((_={})[x]=y?"0":"",_[b]=v?"0":"",_.transform=(w.devicePixelRatio||1)<=1?"translate("+f+"px, "+g+"px)":"translate3d("+f+"px, "+g+"px, 0)",_)):Object.assign({},E,((t={})[x]=y?g+"px":"",t[b]=v?f+"px":"",t.transform="",t))}const eN={name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:function(e){var t=e.state,n=e.options,r=n.gpuAcceleration,o=void 0===r||r,i=n.adaptive,a=void 0===i||i,s=n.roundOffsets,l=void 0===s||s,c={placement:TR(t.placement),variation:KR(t.placement),popper:t.elements.popper,popperRect:t.rects.popper,gpuAcceleration:o,isFixed:"fixed"===t.options.strategy};null!=t.modifiersData.popperOffsets&&(t.styles.popper=Object.assign({},t.styles.popper,JR(Object.assign({},c,{offsets:t.modifiersData.popperOffsets,position:t.options.strategy,adaptive:a,roundOffsets:l})))),null!=t.modifiersData.arrow&&(t.styles.arrow=Object.assign({},t.styles.arrow,JR(Object.assign({},c,{offsets:t.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:l})))),t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-placement":t.placement})},data:{}};var tN={passive:!0};const nN={name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:function(e){var t=e.state,n=e.instance,r=e.options,o=r.scroll,i=void 0===o||o,a=r.resize,s=void 0===a||a,l=ER(t.elements.popper),c=[].concat(t.scrollParents.reference,t.scrollParents.popper);return i&&c.forEach((function(e){e.addEventListener("scroll",n.update,tN)})),s&&l.addEventListener("resize",n.update,tN),function(){i&&c.forEach((function(e){e.removeEventListener("scroll",n.update,tN)})),s&&l.removeEventListener("resize",n.update,tN)}},data:{}};var rN={left:"right",right:"left",bottom:"top",top:"bottom"};function oN(e){return e.replace(/left|right|bottom|top/g,(function(e){return rN[e]}))}var iN={start:"end",end:"start"};function aN(e){return e.replace(/start|end/g,(function(e){return iN[e]}))}function sN(e){var t=ER(e);return{scrollLeft:t.pageXOffset,scrollTop:t.pageYOffset}}function lN(e){return zR(WR(e)).left+sN(e).scrollLeft}function cN(e){var t=FR(e),n=t.overflow,r=t.overflowX,o=t.overflowY;return/auto|scroll|overlay|hidden/.test(n+o+r)}function uN(e){return["html","body","#document"].indexOf(_R(e))>=0?e.ownerDocument.body:LR(e)&&cN(e)?e:uN(VR(e))}function dN(e,t){var n;void 0===t&&(t=[]);var r=uN(e),o=r===(null==(n=e.ownerDocument)?void 0:n.body),i=ER(r),a=o?[i].concat(i.visualViewport||[],cN(r)?r:[]):r,s=t.concat(a);return o?s:s.concat(dN(VR(a)))}function hN(e){return Object.assign({},e,{left:e.x,top:e.y,right:e.x+e.width,bottom:e.y+e.height})}function fN(e,t,n){return t===xR?hN(function(e,t){var n=ER(e),r=WR(e),o=n.visualViewport,i=r.clientWidth,a=r.clientHeight,s=0,l=0;if(o){i=o.width,a=o.height;var c=DR();(c||!c&&"fixed"===t)&&(s=o.offsetLeft,l=o.offsetTop)}return{width:i,height:a,x:s+lN(e),y:l}}(e,n)):PR(t)?function(e,t){var n=zR(e,!1,"fixed"===t);return n.top=n.top+e.clientTop,n.left=n.left+e.clientLeft,n.bottom=n.top+e.clientHeight,n.right=n.left+e.clientWidth,n.width=e.clientWidth,n.height=e.clientHeight,n.x=n.left,n.y=n.top,n}(t,n):hN(function(e){var t,n=WR(e),r=sN(e),o=null==(t=e.ownerDocument)?void 0:t.body,i=AR(n.scrollWidth,n.clientWidth,o?o.scrollWidth:0,o?o.clientWidth:0),a=AR(n.scrollHeight,n.clientHeight,o?o.scrollHeight:0,o?o.clientHeight:0),s=-r.scrollLeft+lN(e),l=-r.scrollTop;return"rtl"===FR(o||n).direction&&(s+=AR(n.clientWidth,o?o.clientWidth:0)-i),{width:i,height:a,x:s,y:l}}(WR(e)))}function pN(e,t,n,r){var o="clippingParents"===t?function(e){var t=dN(VR(e)),n=["absolute","fixed"].indexOf(FR(e).position)>=0&&LR(e)?UR(e):e;return PR(n)?t.filter((function(e){return PR(e)&&jR(e,n)&&"body"!==_R(e)})):[]}(e):[].concat(t),i=[].concat(o,[n]),a=i[0],s=i.reduce((function(t,n){var o=fN(e,n,r);return t.top=AR(o.top,t.top),t.right=IR(o.right,t.right),t.bottom=IR(o.bottom,t.bottom),t.left=AR(o.left,t.left),t}),fN(e,a,r));return s.width=s.right-s.left,s.height=s.bottom-s.top,s.x=s.left,s.y=s.top,s}function gN(e){var t,n=e.reference,r=e.element,o=e.placement,i=o?TR(o):null,a=o?KR(o):null,s=n.x+n.width/2-r.width/2,l=n.y+n.height/2-r.height/2;switch(i){case hR:t={x:s,y:n.y-r.height};break;case fR:t={x:s,y:n.y+n.height};break;case pR:t={x:n.x+n.width,y:l};break;case gR:t={x:n.x-r.width,y:l};break;default:t={x:n.x,y:n.y}}var c=i?GR(i):null;if(null!=c){var u="y"===c?"height":"width";switch(a){case yR:t[c]=t[c]-(n[u]/2-r[u]/2);break;case bR:t[c]=t[c]+(n[u]/2-r[u]/2)}}return t}function mN(e,t){void 0===t&&(t={});var n=t,r=n.placement,o=void 0===r?e.placement:r,i=n.strategy,a=void 0===i?e.strategy:i,s=n.boundary,l=void 0===s?"clippingParents":s,c=n.rootBoundary,u=void 0===c?xR:c,d=n.elementContext,h=void 0===d?wR:d,f=n.altBoundary,p=void 0!==f&&f,g=n.padding,m=void 0===g?0:g,v=YR("number"!=typeof m?m:ZR(m,vR)),y=h===wR?"reference":wR,b=e.rects.popper,x=e.elements[p?y:h],w=pN(PR(x)?x:x.contextElement||WR(e.elements.popper),l,u,a),k=zR(e.elements.reference),S=gN({reference:k,element:b,strategy:"absolute",placement:o}),C=hN(Object.assign({},b,S)),_=h===wR?C:k,E={top:w.top-_.top+v.top,bottom:_.bottom-w.bottom+v.bottom,left:w.left-_.left+v.left,right:_.right-w.right+v.right},P=e.modifiersData.offset;if(h===wR&&P){var L=P[o];Object.keys(E).forEach((function(e){var t=[pR,fR].indexOf(e)>=0?1:-1,n=[hR,fR].indexOf(e)>=0?"y":"x";E[e]+=L[n]*t}))}return E}function vN(e,t){void 0===t&&(t={});var n=t,r=n.placement,o=n.boundary,i=n.rootBoundary,a=n.padding,s=n.flipVariations,l=n.allowedAutoPlacements,c=void 0===l?SR:l,u=KR(r),d=u?s?kR:kR.filter((function(e){return KR(e)===u})):vR,h=d.filter((function(e){return c.indexOf(e)>=0}));0===h.length&&(h=d);var f=h.reduce((function(t,n){return t[n]=mN(e,{placement:n,boundary:o,rootBoundary:i,padding:a})[TR(n)],t}),{});return Object.keys(f).sort((function(e,t){return f[e]-f[t]}))}const yN={name:"flip",enabled:!0,phase:"main",fn:function(e){var t=e.state,n=e.options,r=e.name;if(!t.modifiersData[r]._skip){for(var o=n.mainAxis,i=void 0===o||o,a=n.altAxis,s=void 0===a||a,l=n.fallbackPlacements,c=n.padding,u=n.boundary,d=n.rootBoundary,h=n.altBoundary,f=n.flipVariations,p=void 0===f||f,g=n.allowedAutoPlacements,m=t.options.placement,v=TR(m),y=l||(v===m||!p?[oN(m)]:function(e){if(TR(e)===mR)return[];var t=oN(e);return[aN(e),t,aN(t)]}(m)),b=[m].concat(y).reduce((function(e,n){return e.concat(TR(n)===mR?vN(t,{placement:n,boundary:u,rootBoundary:d,padding:c,flipVariations:p,allowedAutoPlacements:g}):n)}),[]),x=t.rects.reference,w=t.rects.popper,k=new Map,S=!0,C=b[0],_=0;_=0,M=O?"width":"height",T=mN(t,{placement:E,boundary:u,rootBoundary:d,altBoundary:h,padding:c}),A=O?L?pR:gR:L?fR:hR;x[M]>w[M]&&(A=oN(A));var I=oN(A),R=[];if(i&&R.push(T[P]<=0),s&&R.push(T[A]<=0,T[I]<=0),R.every((function(e){return e}))){C=E,S=!1;break}k.set(E,R)}if(S)for(var N=function(e){var t=b.find((function(t){var n=k.get(t);if(n)return n.slice(0,e).every((function(e){return e}))}));if(t)return C=t,"break"},D=p?3:1;D>0;D--){if("break"===N(D))break}t.placement!==C&&(t.modifiersData[r]._skip=!0,t.placement=C,t.reset=!0)}},requiresIfExists:["offset"],data:{_skip:!1}};function bN(e,t,n){return void 0===n&&(n={x:0,y:0}),{top:e.top-t.height-n.y,right:e.right-t.width+n.x,bottom:e.bottom-t.height+n.y,left:e.left-t.width-n.x}}function xN(e){return[hR,pR,fR,gR].some((function(t){return e[t]>=0}))}const wN={name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:function(e){var t=e.state,n=e.name,r=t.rects.reference,o=t.rects.popper,i=t.modifiersData.preventOverflow,a=mN(t,{elementContext:"reference"}),s=mN(t,{altBoundary:!0}),l=bN(a,r),c=bN(s,o,i),u=xN(l),d=xN(c);t.modifiersData[n]={referenceClippingOffsets:l,popperEscapeOffsets:c,isReferenceHidden:u,hasPopperEscaped:d},t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-reference-hidden":u,"data-popper-escaped":d})}};const kN={name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:function(e){var t=e.state,n=e.options,r=e.name,o=n.offset,i=void 0===o?[0,0]:o,a=SR.reduce((function(e,n){return e[n]=function(e,t,n){var r=TR(e),o=[gR,hR].indexOf(r)>=0?-1:1,i="function"==typeof n?n(Object.assign({},t,{placement:e})):n,a=i[0],s=i[1];return a=a||0,s=(s||0)*o,[gR,pR].indexOf(r)>=0?{x:s,y:a}:{x:a,y:s}}(n,t.rects,i),e}),{}),s=a[t.placement],l=s.x,c=s.y;null!=t.modifiersData.popperOffsets&&(t.modifiersData.popperOffsets.x+=l,t.modifiersData.popperOffsets.y+=c),t.modifiersData[r]=a}};const SN={name:"popperOffsets",enabled:!0,phase:"read",fn:function(e){var t=e.state,n=e.name;t.modifiersData[n]=gN({reference:t.rects.reference,element:t.rects.popper,strategy:"absolute",placement:t.placement})},data:{}};const CN={name:"preventOverflow",enabled:!0,phase:"main",fn:function(e){var t=e.state,n=e.options,r=e.name,o=n.mainAxis,i=void 0===o||o,a=n.altAxis,s=void 0!==a&&a,l=n.boundary,c=n.rootBoundary,u=n.altBoundary,d=n.padding,h=n.tether,f=void 0===h||h,p=n.tetherOffset,g=void 0===p?0:p,m=mN(t,{boundary:l,rootBoundary:c,padding:d,altBoundary:u}),v=TR(t.placement),y=KR(t.placement),b=!y,x=GR(v),w="x"===x?"y":"x",k=t.modifiersData.popperOffsets,S=t.rects.reference,C=t.rects.popper,_="function"==typeof g?g(Object.assign({},t.rects,{placement:t.placement})):g,E="number"==typeof _?{mainAxis:_,altAxis:_}:Object.assign({mainAxis:0,altAxis:0},_),P=t.modifiersData.offset?t.modifiersData.offset[t.placement]:null,L={x:0,y:0};if(k){if(i){var O,M="y"===x?hR:gR,T="y"===x?fR:pR,A="y"===x?"height":"width",I=k[x],R=I+m[M],N=I-m[T],D=f?-C[A]/2:0,z=y===yR?S[A]:C[A],B=y===yR?-C[A]:-S[A],j=t.elements.arrow,F=f&&j?BR(j):{width:0,height:0},H=t.modifiersData["arrow#persistent"]?t.modifiersData["arrow#persistent"].padding:{top:0,right:0,bottom:0,left:0},W=H[M],V=H[T],$=qR(0,S[A],F[A]),U=b?S[A]/2-D-$-W-E.mainAxis:z-$-W-E.mainAxis,G=b?-S[A]/2+D+$+V+E.mainAxis:B+$+V+E.mainAxis,q=t.elements.arrow&&UR(t.elements.arrow),Y=q?"y"===x?q.clientTop||0:q.clientLeft||0:0,Z=null!=(O=null==P?void 0:P[x])?O:0,X=I+G-Z,K=qR(f?IR(R,I+U-Z-Y):R,I,f?AR(N,X):N);k[x]=K,L[x]=K-I}if(s){var Q,J="x"===x?hR:gR,ee="x"===x?fR:pR,te=k[w],ne="y"===w?"height":"width",re=te+m[J],oe=te-m[ee],ie=-1!==[hR,gR].indexOf(v),ae=null!=(Q=null==P?void 0:P[w])?Q:0,se=ie?re:te-S[ne]-C[ne]-ae+E.altAxis,le=ie?te+S[ne]+C[ne]-ae-E.altAxis:oe,ce=f&&ie?function(e,t,n){var r=qR(e,t,n);return r>n?n:r}(se,te,le):qR(f?se:re,te,f?le:oe);k[w]=ce,L[w]=ce-te}t.modifiersData[r]=L}},requiresIfExists:["offset"]};function _N(e,t,n){void 0===n&&(n=!1);var r=LR(t),o=LR(t)&&function(e){var t=e.getBoundingClientRect(),n=RR(t.width)/e.offsetWidth||1,r=RR(t.height)/e.offsetHeight||1;return 1!==n||1!==r}(t),i=WR(t),a=zR(e,o,n),s={scrollLeft:0,scrollTop:0},l={x:0,y:0};return(r||!r&&!n)&&(("body"!==_R(t)||cN(i))&&(s=function(e){return e!==ER(e)&&LR(e)?{scrollLeft:(t=e).scrollLeft,scrollTop:t.scrollTop}:sN(e);var t}(t)),LR(t)?((l=zR(t,!0)).x+=t.clientLeft,l.y+=t.clientTop):i&&(l.x=lN(i))),{x:a.left+s.scrollLeft-l.x,y:a.top+s.scrollTop-l.y,width:a.width,height:a.height}}function EN(e){var t=new Map,n=new Set,r=[];function o(e){n.add(e.name),[].concat(e.requires||[],e.requiresIfExists||[]).forEach((function(e){if(!n.has(e)){var r=t.get(e);r&&o(r)}})),r.push(e)}return e.forEach((function(e){t.set(e.name,e)})),e.forEach((function(e){n.has(e.name)||o(e)})),r}function PN(e){var t;return function(){return t||(t=new Promise((function(n){Promise.resolve().then((function(){t=void 0,n(e())}))}))),t}}var LN={placement:"bottom",modifiers:[],strategy:"absolute"};function ON(){for(var e=arguments.length,t=new Array(e),n=0;n({var:e,varRef:t?`var(${e}, ${t})`:`var(${e})`}),IN={arrowShadowColor:AN("--popper-arrow-shadow-color"),arrowSize:AN("--popper-arrow-size","8px"),arrowSizeHalf:AN("--popper-arrow-size-half"),arrowBg:AN("--popper-arrow-bg"),transformOrigin:AN("--popper-transform-origin"),arrowOffset:AN("--popper-arrow-offset")};var RN={top:"bottom center","top-start":"bottom left","top-end":"bottom right",bottom:"top center","bottom-start":"top left","bottom-end":"top right",left:"right center","left-start":"right top","left-end":"right bottom",right:"left center","right-start":"left top","right-end":"left bottom"},NN={scroll:!0,resize:!0};function DN(e){let t;return t="object"==typeof e?{enabled:!0,options:{...NN,...e}}:{enabled:e,options:NN},t}var zN={name:"matchWidth",enabled:!0,phase:"beforeWrite",requires:["computeStyles"],fn:({state:e})=>{e.styles.popper.width=`${e.rects.reference.width}px`},effect:({state:e})=>()=>{const t=e.elements.reference;e.elements.popper.style.width=`${t.offsetWidth}px`}},BN={name:"transformOrigin",enabled:!0,phase:"write",fn:({state:e})=>{jN(e)},effect:({state:e})=>()=>{jN(e)}},jN=e=>{var t;e.elements.popper.style.setProperty(IN.transformOrigin.var,(t=e.placement,RN[t]))},FN={name:"positionArrow",enabled:!0,phase:"afterWrite",fn:({state:e})=>{HN(e)}},HN=e=>{var t;if(!e.placement)return;const n=WN(e.placement);if((null==(t=e.elements)?void 0:t.arrow)&&n){Object.assign(e.elements.arrow.style,{[n.property]:n.value,width:IN.arrowSize.varRef,height:IN.arrowSize.varRef,zIndex:-1});const t={[IN.arrowSizeHalf.var]:`calc(${IN.arrowSize.varRef} / 2)`,[IN.arrowOffset.var]:`calc(${IN.arrowSizeHalf.varRef} * -1)`};for(const n in t)e.elements.arrow.style.setProperty(n,t[n])}},WN=e=>e.startsWith("top")?{property:"bottom",value:IN.arrowOffset.varRef}:e.startsWith("bottom")?{property:"top",value:IN.arrowOffset.varRef}:e.startsWith("left")?{property:"right",value:IN.arrowOffset.varRef}:e.startsWith("right")?{property:"left",value:IN.arrowOffset.varRef}:void 0,VN={name:"innerArrow",enabled:!0,phase:"main",requires:["arrow"],fn:({state:e})=>{$N(e)},effect:({state:e})=>()=>{$N(e)}},$N=e=>{if(!e.elements.arrow)return;const t=e.elements.arrow.querySelector("[data-popper-arrow-inner]");var n;t&&Object.assign(t.style,{transform:"rotate(45deg)",background:IN.arrowBg.varRef,top:0,left:0,width:"100%",height:"100%",position:"absolute",zIndex:"inherit",boxShadow:(n=e.placement,n.includes("top")?"1px 1px 1px 0 var(--popper-arrow-shadow-color)":n.includes("bottom")?"-1px -1px 1px 0 var(--popper-arrow-shadow-color)":n.includes("right")?"-1px 1px 1px 0 var(--popper-arrow-shadow-color)":n.includes("left")?"1px -1px 1px 0 var(--popper-arrow-shadow-color)":void 0)})},UN={"start-start":{ltr:"left-start",rtl:"right-start"},"start-end":{ltr:"left-end",rtl:"right-end"},"end-start":{ltr:"right-start",rtl:"left-start"},"end-end":{ltr:"right-end",rtl:"left-end"},start:{ltr:"left",rtl:"right"},end:{ltr:"right",rtl:"left"}},GN={"auto-start":"auto-end","auto-end":"auto-start","top-start":"top-end","top-end":"top-start","bottom-start":"bottom-end","bottom-end":"bottom-start"};function qN(e={}){const{enabled:t=!0,modifiers:n,placement:r="bottom",strategy:o="absolute",arrowPadding:i=8,eventListeners:s=!0,offset:l,gutter:c=8,flip:u=!0,boundary:d="clippingParents",preventOverflow:h=!0,matchWidth:f,direction:p="ltr"}=e,g=a.exports.useRef(null),m=a.exports.useRef(null),v=a.exports.useRef(null),y=function(e,t="ltr"){var n;const r=(null==(n=UN[e])?void 0:n[t])||e;return"ltr"===t?r:GN[e]??r}(r,p),b=a.exports.useRef((()=>{})),x=a.exports.useCallback((()=>{var e;t&&g.current&&m.current&&(null==(e=b.current)||e.call(b),v.current=TN(g.current,m.current,{placement:y,modifiers:[VN,FN,BN,{...zN,enabled:!!f},{name:"eventListeners",...DN(s)},{name:"arrow",options:{padding:i}},{name:"offset",options:{offset:l??[0,c]}},{name:"flip",enabled:!!u,options:{padding:8}},{name:"preventOverflow",enabled:!!h,options:{boundary:d}},...n??[]],strategy:o}),v.current.forceUpdate(),b.current=v.current.destroy)}),[y,t,n,f,s,i,l,c,u,h,d,o]);a.exports.useEffect((()=>()=>{var e;g.current||m.current||(null==(e=v.current)||e.destroy(),v.current=null)}),[]);const w=a.exports.useCallback((e=>{g.current=e,x()}),[x]),k=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(w,t)})),[w]),S=a.exports.useCallback((e=>{m.current=e,x()}),[x]),C=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(S,t),style:{...e.style,position:o,minWidth:f?void 0:"max-content",inset:"0 auto auto 0"}})),[o,S,f]),_=a.exports.useCallback(((e={},t=null)=>{const{size:n,shadowColor:r,bg:o,style:i,...a}=e;return{...a,ref:t,"data-popper-arrow":"",style:YN(e)}}),[]),E=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,"data-popper-arrow-inner":""})),[]);return{update(){var e;null==(e=v.current)||e.update()},forceUpdate(){var e;null==(e=v.current)||e.forceUpdate()},transformOrigin:IN.transformOrigin.varRef,referenceRef:w,popperRef:S,getPopperProps:C,getArrowProps:_,getArrowInnerProps:E,getReferenceProps:k}}function YN(e){const{size:t,shadowColor:n,bg:r,style:o}=e,i={...o,position:"absolute"};return t&&(i["--popper-arrow-size"]=t),n&&(i["--popper-arrow-shadow-color"]=n),r&&(i["--popper-arrow-bg"]=r),i}function ZN(e={}){const{onClose:t,onOpen:n,isOpen:r,id:o}=e,i=Ck(n),s=Ck(t),[l,c]=a.exports.useState(e.defaultIsOpen||!1),u=void 0!==r?r:l,d=void 0!==r,h=a.exports.useId(),f=o??`disclosure-${h}`,p=a.exports.useCallback((()=>{d||c(!1),null==s||s()}),[d,s]),g=a.exports.useCallback((()=>{d||c(!0),null==i||i()}),[d,i]),m=a.exports.useCallback((()=>{u?p():g()}),[u,g,p]);return{isOpen:u,onOpen:g,onClose:p,onToggle:m,isControlled:d,getButtonProps:function(e={}){return{...e,"aria-expanded":u,"aria-controls":f,onClick(t){var n;null==(n=e.onClick)||n.call(e,t),m()}}},getDisclosureProps:function(e={}){return{...e,hidden:!u,id:f}}}}function XN(e){const{isOpen:t,ref:n}=e,[r,o]=a.exports.useState(t),[i,s]=a.exports.useState(!1);a.exports.useEffect((()=>{i||(o(t),s(!0))}),[t,i,r]),GA((()=>n.current),"animationend",(()=>{o(t)}));return{present:!(!t&&!r),onComplete(){var e;const t=function(e){var t;return(null==(t=rR(e))?void 0:t.defaultView)??window}(n.current),r=new t.CustomEvent("animationend",{bubbles:!0});null==(e=n.current)||e.dispatchEvent(r)}}}function KN(e){const{wasSelected:t,enabled:n,isSelected:r,mode:o="unmount"}=e;return!n||(!!r||!("keepMounted"!==o||!t))}var[QN,JN]=ck({strict:!1,name:"PortalManagerContext"});function eD(e){const{children:t,zIndex:n}=e;return ld(QN,{value:{zIndex:n},children:t})}eD.displayName="PortalManager";var[tD,nD]=ck({strict:!1,name:"PortalContext"}),rD="chakra-portal",oD=e=>ld("div",{className:"chakra-portal-zIndex",style:{position:"absolute",zIndex:e.zIndex,top:0,left:0,right:0},children:e.children}),iD=e=>{const{appendToParentPortal:t,children:n}=e,[r,o]=a.exports.useState(null),i=a.exports.useRef(null),[,s]=a.exports.useState({});a.exports.useEffect((()=>s({})),[]);const l=nD(),c=JN();Ku((()=>{if(!r)return;const e=r.ownerDocument,n=t?l??e.body:e.body;if(!n)return;i.current=e.createElement("div"),i.current.className=rD,n.appendChild(i.current),s({});const o=i.current;return()=>{n.contains(o)&&n.removeChild(o)}}),[r]);const u=(null==c?void 0:c.zIndex)?ld(oD,{zIndex:null==c?void 0:c.zIndex,children:n}):n;return i.current?$.exports.createPortal(ld(tD,{value:i.current,children:u}),i.current):ld("span",{ref:e=>{e&&o(e)}})},aD=e=>{const{children:t,containerRef:n,appendToParentPortal:r}=e,o=n.current,i=o??("undefined"!=typeof window?document.body:void 0),s=a.exports.useMemo((()=>{const e=null==o?void 0:o.ownerDocument.createElement("div");return e&&(e.className=rD),e}),[o]),[,l]=a.exports.useState({});return Ku((()=>l({})),[]),Ku((()=>{if(s&&i)return i.appendChild(s),()=>{i.removeChild(s)}}),[s,i]),i&&s?$.exports.createPortal(ld(tD,{value:r?s:null,children:t}),s):null};function sD(e){const{containerRef:t,...n}=e;return t?ld(aD,{containerRef:t,...n}):ld(iD,{...n})}sD.defaultProps={appendToParentPortal:!0},sD.className=rD,sD.selector=".chakra-portal",sD.displayName="Portal";var lD=new WeakMap,cD=new WeakMap,uD={},dD=0,hD=function(e){return e&&(e.host||hD(e.parentNode))},fD=function(e,t,n,r){var o=function(e,t){return t.map((function(t){if(e.contains(t))return t;var n=hD(t);return n&&e.contains(n)?n:(console.error("aria-hidden",t,"in not contained inside",e,". Doing nothing"),null)})).filter((function(e){return Boolean(e)}))}(t,Array.isArray(e)?e:[e]);uD[n]||(uD[n]=new WeakMap);var i=uD[n],a=[],s=new Set,l=new Set(o),c=function(e){e&&!s.has(e)&&(s.add(e),c(e.parentNode))};o.forEach(c);var u=function(e){e&&!l.has(e)&&Array.prototype.forEach.call(e.children,(function(e){if(s.has(e))u(e);else{var t=e.getAttribute(r),o=null!==t&&"false"!==t,l=(lD.get(e)||0)+1,c=(i.get(e)||0)+1;lD.set(e,l),i.set(e,c),a.push(e),1===l&&o&&cD.set(e,!0),1===c&&e.setAttribute(n,"true"),o||e.setAttribute(r,"true")}}))};return u(t),s.clear(),dD++,function(){a.forEach((function(e){var t=lD.get(e)-1,o=i.get(e)-1;lD.set(e,t),i.set(e,o),t||(cD.has(e)||e.removeAttribute(r),cD.delete(e)),o||e.removeAttribute(n)})),--dD||(lD=new WeakMap,lD=new WeakMap,cD=new WeakMap,uD={})}},pD=function(e,t,n){void 0===n&&(n="data-aria-hidden");var r=Array.from(Array.isArray(e)?e:[e]),o=t||function(e){return"undefined"==typeof document?null:(Array.isArray(e)?e[0]:e).ownerDocument.body}(e);return o?(r.push.apply(r,Array.from(o.querySelectorAll("[aria-live]"))),fD(r,o,n,"aria-hidden")):function(){return null}};function gD(e,t){if(null==e)return{};var n,r,o={},i=Object.keys(e);for(r=0;r=0||(o[n]=e[n]);return o}var mD={exports:{}};function vD(){}function yD(){}yD.resetWarningCache=vD;mD.exports=function(){function e(e,t,n,r,o,i){if("SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED"!==i){var a=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use PropTypes.checkPropTypes() to call them. Read more at http://fb.me/use-check-prop-types");throw a.name="Invariant Violation",a}}function t(){return e}e.isRequired=e;var n={array:e,bigint:e,bool:e,func:e,number:e,object:e,string:e,symbol:e,any:e,arrayOf:t,element:e,elementType:e,instanceOf:t,node:e,objectOf:t,oneOf:t,oneOfType:t,shape:t,exact:t,checkPropTypes:yD,resetWarningCache:vD};return n.PropTypes=n,n}();var bD="data-focus-lock",xD="data-focus-lock-disabled";function wD(e,t){return n=t||null,r=function(t){return e.forEach((function(e){return function(e,t){return"function"==typeof e?e(t):e&&(e.current=t),e}(e,t)}))},o=a.exports.useState((function(){return{value:n,callback:r,facade:{get current(){return o.value},set current(e){var t=o.value;t!==e&&(o.value=e,o.callback(e,t))}}}}))[0],o.callback=r,o.facade;var n,r,o}var kD={width:"1px",height:"0px",padding:0,overflow:"hidden",position:"fixed",top:"1px",left:"1px"};function SD(e){return e}function CD(e,t){void 0===t&&(t=SD);var n=[],r=!1,o={read:function(){if(r)throw new Error("Sidecar: could not `read` from an `assigned` medium. `read` could be used only with `useMedium`.");return n.length?n[n.length-1]:e},useMedium:function(e){var o=t(e,r);return n.push(o),function(){n=n.filter((function(e){return e!==o}))}},assignSyncMedium:function(e){for(r=!0;n.length;){var t=n;n=[],t.forEach(e)}n={push:function(t){return e(t)},filter:function(){return n}}},assignMedium:function(e){r=!0;var t=[];if(n.length){var o=n;n=[],o.forEach(e),t=n}var i=function(){var n=t;t=[],n.forEach(e)},a=function(){return Promise.resolve().then(i)};a(),n={push:function(e){t.push(e),a()},filter:function(e){return t=t.filter(e),n}}}};return o}function _D(e,t){return void 0===t&&(t=SD),CD(e,t)}function ED(e){void 0===e&&(e={});var t=CD(null);return t.options=fM({async:!0,ssr:!1},e),t}var PD=function(e){var t=e.sideCar,n=pM(e,["sideCar"]);if(!t)throw new Error("Sidecar: please provide `sideCar` property to import the right car");var r=t.read();if(!r)throw new Error("Sidecar medium not found");return ld(r,{...fM({},n)})};PD.isSideCarExport=!0;var LD=_D({},(function(e){return{target:e.target,currentTarget:e.currentTarget}})),OD=_D(),MD=_D(),TD=ED({async:!0}),AD=[],ID=a.exports.forwardRef((function(e,t){var n,r=a.exports.useState(),o=r[0],i=r[1],s=a.exports.useRef(),l=a.exports.useRef(!1),c=a.exports.useRef(null),u=e.children,d=e.disabled,h=e.noFocusGuards,f=e.persistentFocus,p=e.crossFrame,g=e.autoFocus;e.allowTextSelection;var m=e.group,v=e.className,y=e.whiteList,b=e.hasPositiveIndices,x=e.shards,w=void 0===x?AD:x,k=e.as,S=void 0===k?"div":k,C=e.lockProps,_=void 0===C?{}:C,E=e.sideCar,P=e.returnFocus,L=e.focusOptions,O=e.onActivation,M=e.onDeactivation,T=a.exports.useState({})[0],A=a.exports.useCallback((function(){c.current=c.current||document&&document.activeElement,s.current&&O&&O(s.current),l.current=!0}),[O]),I=a.exports.useCallback((function(){l.current=!1,M&&M(s.current)}),[M]);a.exports.useEffect((function(){d||(c.current=null)}),[]);var R=a.exports.useCallback((function(e){var t=c.current;if(t&&t.focus){var n="function"==typeof P?P(t):P;if(n){var r="object"==typeof n?n:void 0;c.current=null,e?Promise.resolve().then((function(){return t.focus(r)})):t.focus(r)}}}),[P]),N=a.exports.useCallback((function(e){l.current&&LD.useMedium(e)}),[]),D=OD.useMedium,z=a.exports.useCallback((function(e){s.current!==e&&(s.current=e,i(e))}),[]),B=vp(((n={})[xD]=d&&"disabled",n[bD]=m,n),_),j=!0!==h,F=j&&"tail"!==h,H=wD([t,z]);return cd(sd,{children:[j&&[ld("div",{"data-focus-guard":!0,tabIndex:d?-1:0,style:kD},"guard-first"),b?ld("div",{"data-focus-guard":!0,tabIndex:d?-1:1,style:kD},"guard-nearest"):null],!d&&ld(E,{id:T,sideCar:TD,observed:o,disabled:d,persistentFocus:f,crossFrame:p,autoFocus:g,whiteList:y,shards:w,onActivation:A,onDeactivation:I,returnFocus:R,focusOptions:L}),ld(S,{ref:H,...B,className:v,onBlur:D,onFocus:N,children:u}),F&&ld("div",{"data-focus-guard":!0,tabIndex:d?-1:0,style:kD})]})}));ID.propTypes={},ID.defaultProps={children:void 0,disabled:!1,returnFocus:!1,focusOptions:void 0,noFocusGuards:!1,autoFocus:!0,persistentFocus:!1,crossFrame:!0,hasPositiveIndices:void 0,allowTextSelection:void 0,group:void 0,className:void 0,whiteList:void 0,shards:void 0,as:"div",lockProps:{},onActivation:void 0,onDeactivation:void 0};const RD=ID;function ND(e,t){return ND=Object.setPrototypeOf?Object.setPrototypeOf.bind():function(e,t){return e.__proto__=t,e},ND(e,t)}function DD(e,t){e.prototype=Object.create(t.prototype),e.prototype.constructor=e,ND(e,t)}function zD(e,t,n){return t in e?Object.defineProperty(e,t,{value:n,enumerable:!0,configurable:!0,writable:!0}):e[t]=n,e}var BD=function(e){for(var t=Array(e.length),n=0;n=0})).sort(QD)},ez=["button:enabled","select:enabled","textarea:enabled","input:enabled","a[href]","area[href]","summary","iframe","object","embed","audio[controls]","video[controls]","[tabindex]","[contenteditable]","[autofocus]"].join(","),tz="".concat(ez,", [data-focus-guard]"),nz=function(e,t){var n;return BD((null===(n=e.shadowRoot)||void 0===n?void 0:n.children)||e.children).reduce((function(e,n){return e.concat(n.matches(t?tz:ez)?[n]:[],nz(n))}),[])},rz=function(e,t){return e.reduce((function(e,n){return e.concat(nz(n,t),n.parentNode?BD(n.parentNode.querySelectorAll(ez)).filter((function(e){return e===n})):[])}),[])},oz=function(e,t){return BD(e).filter((function(e){return VD(t,e)})).filter((function(e){return function(e){return!((GD(e)||function(e){return"BUTTON"===e.tagName}(e))&&("hidden"===e.type||e.disabled))}(e)}))},iz=function(e,t){return void 0===t&&(t=new Map),BD(e).filter((function(e){return $D(t,e)}))},az=function(e,t,n){return JD(oz(rz(e,n),t),!0,n)},sz=function(e,t){return JD(oz(rz(e),t),!1)},lz=function(e,t){return oz((n=e.querySelectorAll("[".concat("data-autofocus-inside","]")),BD(n).map((function(e){return rz([e])})).reduce((function(e,t){return e.concat(t)}),[])),t);var n},cz=function(e,t){return e.shadowRoot?cz(e.shadowRoot,t):!(void 0===Object.getPrototypeOf(e).contains||!Object.getPrototypeOf(e).contains.call(e,t))||BD(e.children).some((function(e){return cz(e,t)}))},uz=function(e){return e.parentNode?uz(e.parentNode):e},dz=function(e){return jD(e).filter(Boolean).reduce((function(e,t){var n=t.getAttribute(bD);return e.push.apply(e,n?function(e){for(var t=new Set,n=e.length,r=0;r0&&t.add(o),(i&Node.DOCUMENT_POSITION_CONTAINS)>0&&t.add(r)}return e.filter((function(e,n){return!t.has(n)}))}(BD(uz(t).querySelectorAll("[".concat(bD,'="').concat(n,'"]:not([').concat(xD,'="disabled"])')))):[t]),e}),[])},hz=function(e){return e.activeElement?e.activeElement.shadowRoot?hz(e.activeElement.shadowRoot):e.activeElement:void 0},fz=function(){return document.activeElement?document.activeElement.shadowRoot?hz(document.activeElement.shadowRoot):document.activeElement:void 0},pz=function(e){return Boolean(BD(e.querySelectorAll("iframe")).some((function(e){return function(e){return e===document.activeElement}(e)})))},gz=function(e){var t=document&&fz();return!(!t||t.dataset&&t.dataset.focusGuard)&&dz(e).some((function(e){return cz(e,t)||pz(e)}))},mz=function(e,t){return qD(e)&&e.name?function(e,t){return t.filter(qD).filter((function(t){return t.name===e.name})).filter((function(e){return e.checked}))[0]||e}(e,t):e},vz=function(e){return e[0]&&e.length>1?mz(e[0],e):e[0]},yz=function(e,t){return e.length>1?e.indexOf(mz(e[t],e)):t},bz="NEW_FOCUS",xz=function(e,t,n,r){var o=e.length,i=e[0],a=e[o-1],s=ZD(n);if(!(n&&e.indexOf(n)>=0)){var l,c,u=void 0!==n?t.indexOf(n):-1,d=r?t.indexOf(r):u,h=r?e.indexOf(r):-1,f=u-d,p=t.indexOf(i),g=t.indexOf(a),m=(l=t,c=new Set,l.forEach((function(e){return c.add(mz(e,l))})),l.filter((function(e){return c.has(e)}))),v=(void 0!==n?m.indexOf(n):-1)-(r?m.indexOf(r):u),y=yz(e,0),b=yz(e,o-1);return-1===u||-1===h?bz:!f&&h>=0?h:u<=p&&s&&Math.abs(f)>1?b:u>=g&&s&&Math.abs(f)>1?y:f&&Math.abs(v)>1?h:u<=p?b:u>g?y:f?Math.abs(f)>1?h:(o+h+f)%o:void 0}},wz=function(e,t,n){var r,o=e.map((function(e){return e.node})),i=iz(o.filter((r=n,function(e){var t,n=null===(t=UD(e))||void 0===t?void 0:t.autofocus;return e.autofocus||void 0!==n&&"false"!==n||r.indexOf(e)>=0})));return i&&i.length?vz(i):vz(iz(t))},kz=function(e,t){return void 0===t&&(t=[]),t.push(e),e.parentNode&&kz(e.parentNode.host||e.parentNode,t),t},Sz=function(e,t){for(var n=kz(e),r=kz(t),o=0;o=0)return i}return!1},Cz=function(e,t,n){var r=jD(e),o=jD(t),i=r[0],a=!1;return o.filter(Boolean).forEach((function(e){a=Sz(a||e,e)||a,n.filter(Boolean).forEach((function(e){var t=Sz(i,e);t&&(a=!a||cz(t,a)?t:Sz(t,a))}))})),a},_z=function(e,t){return e.reduce((function(e,n){return e.concat(lz(n,t))}),[])},Ez=function(e,t){var n=document&&fz(),r=dz(e).filter(XD),o=Cz(n||e,e,r),i=new Map,a=sz(r,i),s=az(r,i).filter((function(e){var t=e.node;return XD(t)}));if(s[0]||(s=a)[0]){var l=sz([o],i).map((function(e){return e.node})),c=function(e,t){var n=new Map;return t.forEach((function(e){return n.set(e.node,e)})),e.map((function(e){return n.get(e)})).filter(KD)}(l,s),u=c.map((function(e){return e.node})),d=xz(u,l,n,t);return d===bz?{node:wz(a,u,_z(r,i))}:void 0===d?d:c[d]}},Pz=0,Lz=!1;const Oz=function(e,t,n){void 0===n&&(n={});var r,o,i=Ez(e,t);if(!Lz&&i){if(Pz>2)return console.error("FocusLock: focus-fighting detected. Only one focus management system could be active. See https://github.com/theKashey/focus-lock/#focus-fighting"),Lz=!0,void setTimeout((function(){Lz=!1}),1);Pz++,r=i.node,o=n.focusOptions,"focus"in r&&r.focus(o),"contentWindow"in r&&r.contentWindow&&r.contentWindow.focus(),Pz--}};function Mz(e){var t=window.setImmediate;void 0!==t?t(e):setTimeout(e,1)}var Tz=function(){return document&&document.activeElement===document.body||!!(e=document&&fz())&&BD(document.querySelectorAll("[".concat("data-no-focus-lock","]"))).some((function(t){return cz(t,e)}));var e},Az=null,Iz=null,Rz=null,Nz=!1,Dz=function(){return!0};function zz(e,t,n,r){var o=null,i=e;do{var a=r[i];if(a.guard)a.node.dataset.focusAutoGuard&&(o=a);else{if(!a.lockItem)break;if(i!==e)return;o=null}}while((i+=n)!==t);o&&(o.node.tabIndex=0)}var Bz=function(e){return e&&"current"in e?e.current:e},jz=function e(t,n,r){return n&&(n.host===t&&(!n.activeElement||r.contains(n.activeElement))||n.parentNode&&e(t,n.parentNode,r))},Fz=function(){var e,t,n,r,o,i,a,s=!1;if(Az){var l=Az,c=l.observed,u=l.persistentFocus,d=l.autoFocus,h=l.shards,f=l.crossFrame,p=l.focusOptions,g=c||Rz&&Rz.portaledElement,m=document&&document.activeElement;if(g){var v=[g].concat(h.map(Bz).filter(Boolean));if(m&&!function(e){return(Az.whiteList||Dz)(e)}(m)||(u||(f?Boolean(Nz):"meanwhile"===Nz)||!Tz()||!Iz&&d)&&(g&&!(gz(v)||m&&function(e,t){return t.some((function(t){return jz(e,t,t)}))}(m,v)||(a=m,Rz&&Rz.portaledElement===a))&&(document&&!Iz&&m&&!d?(m.blur&&m.blur(),document.body.focus()):(s=Oz(v,Iz,{focusOptions:p}),Rz={})),Nz=!1,Iz=document&&document.activeElement),document){var y=document&&document.activeElement,b=(t=dz(e=v).filter(XD),n=Cz(e,e,t),r=new Map,o=az([n],r,!0),i=az(t,r).filter((function(e){var t=e.node;return XD(t)})).map((function(e){return e.node})),o.map((function(e){var t=e.node;return{node:t,index:e.index,lockItem:i.indexOf(t)>=0,guard:ZD(t)}}))),x=b.map((function(e){return e.node})).indexOf(y);x>-1&&(b.filter((function(e){var t=e.guard,n=e.node;return t&&n.dataset.focusAutoGuard})).forEach((function(e){return e.node.removeAttribute("tabIndex")})),zz(x,b.length,1,b),zz(x,-1,-1,b))}}}return s},Hz=function(e){Fz()&&e&&(e.stopPropagation(),e.preventDefault())},Wz=function(){return Mz(Fz)},Vz=function(){Nz="just",setTimeout((function(){Nz="meanwhile"}),0)};LD.assignSyncMedium((function(e){var t=e.target,n=e.currentTarget;n.contains(t)||(Rz={observerNode:n,portaledElement:t})})),OD.assignMedium(Wz),MD.assignMedium((function(e){return e({moveFocusInside:Oz,focusInside:gz})}));const $z=function(e,t){return function(n){var r,o=[];function i(){r=e(o.map((function(e){return e.props}))),t(r)}var s=function(e){function t(){return e.apply(this,arguments)||this}DD(t,e),t.peek=function(){return r};var a=t.prototype;return a.componentDidMount=function(){o.push(this),i()},a.componentDidUpdate=function(){i()},a.componentWillUnmount=function(){var e=o.indexOf(this);o.splice(e,1),i()},a.render=function(){return ld(n,{...this.props})},t}(a.exports.PureComponent);return zD(s,"displayName","SideEffect("+function(e){return e.displayName||e.name||"Component"}(n)+")"),s}}((function(e){return e.filter((function(e){return!e.disabled}))}),(function(e){var t=e.slice(-1)[0];t&&!Az&&(document.addEventListener("focusin",Hz),document.addEventListener("focusout",Wz),window.addEventListener("blur",Vz));var n=Az,r=n&&t&&t.id===n.id;Az=t,n&&!r&&(n.onDeactivation(),e.filter((function(e){return e.id===n.id})).length||n.returnFocus(!t)),t?(Iz=null,r&&n.observed===t.observed||t.onActivation(),Fz(),Mz(Fz)):(document.removeEventListener("focusin",Hz),document.removeEventListener("focusout",Wz),window.removeEventListener("blur",Vz),Iz=null)}))((function(){return null}));var Uz=a.exports.forwardRef((function(e,t){return ld(RD,{sideCar:$z,ref:t,...e})})),Gz=RD.propTypes||{};Gz.sideCar,gD(Gz,["sideCar"]),Uz.propTypes={};const qz=Uz;var Yz=e=>{const{initialFocusRef:t,finalFocusRef:n,contentRef:r,restoreFocus:o,children:i,isDisabled:s,autoFocus:l,persistentFocus:c,lockFocusAcrossFrames:u}=e,d=a.exports.useCallback((()=>{if(null==t?void 0:t.current)t.current.focus();else if(null==r?void 0:r.current){0===cR(r.current).length&&requestAnimationFrame((()=>{var e;null==(e=r.current)||e.focus()}))}}),[t,r]),h=a.exports.useCallback((()=>{var e;null==(e=null==n?void 0:n.current)||e.focus()}),[n]);return ld(qz,{crossFrame:u,persistentFocus:c,autoFocus:l,disabled:s,onActivation:d,onDeactivation:h,returnFocus:o&&!n,children:i})};Yz.displayName="FocusLock";var Zz="right-scroll-bar-position",Xz="width-before-scroll-bar",Kz=ED(),Qz=function(){},Jz=a.exports.forwardRef((function(e,t){var n=a.exports.useRef(null),r=a.exports.useState({onScrollCapture:Qz,onWheelCapture:Qz,onTouchMoveCapture:Qz}),o=r[0],i=r[1],s=e.forwardProps,l=e.children,c=e.className,u=e.removeScrollBar,d=e.enabled,h=e.shards,f=e.sideCar,p=e.noIsolation,g=e.inert,m=e.allowPinchZoom,v=e.as,y=void 0===v?"div":v,b=pM(e,["forwardProps","children","className","removeScrollBar","enabled","shards","sideCar","noIsolation","inert","allowPinchZoom","as"]),x=f,w=wD([n,t]),k=fM(fM({},b),o);return cd(sd,{children:[d&&ld(x,{sideCar:Kz,removeScrollBar:u,shards:h,noIsolation:p,inert:g,setCallbacks:i,allowPinchZoom:!!m,lockRef:n}),s?a.exports.cloneElement(a.exports.Children.only(l),fM(fM({},k),{ref:w})):ld(y,{...fM({},k,{className:c,ref:w}),children:l})]})}));Jz.defaultProps={enabled:!0,removeScrollBar:!0,inert:!1},Jz.classNames={fullWidth:Xz,zeroRight:Zz};function eB(){if(!document)return null;var e=document.createElement("style");e.type="text/css";var t=function(){if("undefined"!=typeof __webpack_nonce__)return __webpack_nonce__}();return t&&e.setAttribute("nonce",t),e}var tB=function(){var e=0,t=null;return{add:function(n){var r;0==e&&(t=eB())&&(!function(e,t){e.styleSheet?e.styleSheet.cssText=t:e.appendChild(document.createTextNode(t))}(t,n),r=t,(document.head||document.getElementsByTagName("head")[0]).appendChild(r)),e++},remove:function(){!--e&&t&&(t.parentNode&&t.parentNode.removeChild(t),t=null)}}},nB=function(){var e,t=(e=tB(),function(t,n){a.exports.useEffect((function(){return e.add(t),function(){e.remove()}}),[t&&n])});return function(e){var n=e.styles,r=e.dynamic;return t(n,r),null}},rB={left:0,top:0,right:0,gap:0},oB=function(e){return parseInt(e||"",10)||0},iB=function(e){if(void 0===e&&(e="margin"),"undefined"==typeof window)return rB;var t=function(e){var t=window.getComputedStyle(document.body),n=t["padding"===e?"paddingLeft":"marginLeft"],r=t["padding"===e?"paddingTop":"marginTop"],o=t["padding"===e?"paddingRight":"marginRight"];return[oB(n),oB(r),oB(o)]}(e),n=document.documentElement.clientWidth,r=window.innerWidth;return{left:t[0],top:t[1],right:t[2],gap:Math.max(0,r-n+t[2]-t[0])}},aB=nB(),sB=function(e,t,n,r){var o=e.left,i=e.top,a=e.right,s=e.gap;return void 0===n&&(n="margin"),"\n .".concat("with-scroll-bars-hidden"," {\n overflow: hidden ").concat(r,";\n padding-right: ").concat(s,"px ").concat(r,";\n }\n body {\n overflow: hidden ").concat(r,";\n overscroll-behavior: contain;\n ").concat([t&&"position: relative ".concat(r,";"),"margin"===n&&"\n padding-left: ".concat(o,"px;\n padding-top: ").concat(i,"px;\n padding-right: ").concat(a,"px;\n margin-left:0;\n margin-top:0;\n margin-right: ").concat(s,"px ").concat(r,";\n "),"padding"===n&&"padding-right: ".concat(s,"px ").concat(r,";")].filter(Boolean).join(""),"\n }\n \n .").concat(Zz," {\n right: ").concat(s,"px ").concat(r,";\n }\n \n .").concat(Xz," {\n margin-right: ").concat(s,"px ").concat(r,";\n }\n \n .").concat(Zz," .").concat(Zz," {\n right: 0 ").concat(r,";\n }\n \n .").concat(Xz," .").concat(Xz," {\n margin-right: 0 ").concat(r,";\n }\n \n body {\n ").concat("--removed-body-scroll-bar-size",": ").concat(s,"px;\n }\n")},lB=function(e){var t=e.noRelative,n=e.noImportant,r=e.gapMode,o=void 0===r?"margin":r,i=a.exports.useMemo((function(){return iB(o)}),[o]);return ld(aB,{styles:sB(i,!t,o,n?"":"!important")})},cB=!1;if("undefined"!=typeof window)try{var uB=Object.defineProperty({},"passive",{get:function(){return cB=!0,!0}});window.addEventListener("test",uB,uB),window.removeEventListener("test",uB,uB)}catch(Vhe){cB=!1}var dB=!!cB&&{passive:!1},hB=function(e,t){var n=window.getComputedStyle(e);return"hidden"!==n[t]&&!(n.overflowY===n.overflowX&&!function(e){return"TEXTAREA"===e.tagName}(e)&&"visible"===n[t])},fB=function(e,t){var n=t;do{if("undefined"!=typeof ShadowRoot&&n instanceof ShadowRoot&&(n=n.host),pB(e,n)){var r=gB(e,n);if(r[1]>r[2])return!0}n=n.parentNode}while(n&&n!==document.body);return!1},pB=function(e,t){return"v"===e?function(e){return hB(e,"overflowY")}(t):function(e){return hB(e,"overflowX")}(t)},gB=function(e,t){return"v"===e?function(e){return[e.scrollTop,e.scrollHeight,e.clientHeight]}(t):function(e){return[e.scrollLeft,e.scrollWidth,e.clientWidth]}(t)},mB=function(e){return"changedTouches"in e?[e.changedTouches[0].clientX,e.changedTouches[0].clientY]:[0,0]},vB=function(e){return[e.deltaX,e.deltaY]},yB=function(e){return e&&"current"in e?e.current:e},bB=function(e){return"\n .block-interactivity-".concat(e," {pointer-events: none;}\n .allow-interactivity-").concat(e," {pointer-events: all;}\n")},xB=0,wB=[];const kB=(SB=function(e){var t=a.exports.useRef([]),n=a.exports.useRef([0,0]),r=a.exports.useRef(),o=a.exports.useState(xB++)[0],i=a.exports.useState((function(){return nB()}))[0],s=a.exports.useRef(e);a.exports.useEffect((function(){s.current=e}),[e]),a.exports.useEffect((function(){if(e.inert){document.body.classList.add("block-interactivity-".concat(o));var t=yM([e.lockRef.current],(e.shards||[]).map(yB),!0).filter(Boolean);return t.forEach((function(e){return e.classList.add("allow-interactivity-".concat(o))})),function(){document.body.classList.remove("block-interactivity-".concat(o)),t.forEach((function(e){return e.classList.remove("allow-interactivity-".concat(o))}))}}}),[e.inert,e.lockRef.current,e.shards]);var l=a.exports.useCallback((function(e,t){if("touches"in e&&2===e.touches.length)return!s.current.allowPinchZoom;var o,i=mB(e),a=n.current,l="deltaX"in e?e.deltaX:a[0]-i[0],c="deltaY"in e?e.deltaY:a[1]-i[1],u=e.target,d=Math.abs(l)>Math.abs(c)?"h":"v";if("touches"in e&&"h"===d&&"range"===u.type)return!1;var h=fB(d,u);if(!h)return!0;if(h?o=d:(o="v"===d?"h":"v",h=fB(d,u)),!h)return!1;if(!r.current&&"changedTouches"in e&&(l||c)&&(r.current=o),!o)return!0;var f=r.current||o;return function(e,t,n,r,o){var i=function(e,t){return"h"===e&&"rtl"===t?-1:1}(e,window.getComputedStyle(t).direction),a=i*r,s=n.target,l=t.contains(s),c=!1,u=a>0,d=0,h=0;do{var f=gB(e,s),p=f[0],g=f[1]-f[2]-i*p;(p||g)&&pB(e,s)&&(d+=g,h+=p),s=s.parentNode}while(!l&&s!==document.body||l&&(t.contains(s)||t===s));return(u&&(o&&0===d||!o&&a>d)||!u&&(o&&0===h||!o&&-a>h))&&(c=!0),c}(f,t,e,"h"===f?l:c,!0)}),[]),c=a.exports.useCallback((function(e){var n=e;if(wB.length&&wB[wB.length-1]===i){var r="deltaY"in n?vB(n):mB(n),o=t.current.filter((function(e){return e.name===n.type&&e.target===n.target&&function(e,t){return e[0]===t[0]&&e[1]===t[1]}(e.delta,r)}))[0];if(o&&o.should)n.cancelable&&n.preventDefault();else if(!o){var a=(s.current.shards||[]).map(yB).filter(Boolean).filter((function(e){return e.contains(n.target)}));(a.length>0?l(n,a[0]):!s.current.noIsolation)&&n.cancelable&&n.preventDefault()}}}),[]),u=a.exports.useCallback((function(e,n,r,o){var i={name:e,delta:n,target:r,should:o};t.current.push(i),setTimeout((function(){t.current=t.current.filter((function(e){return e!==i}))}),1)}),[]),d=a.exports.useCallback((function(e){n.current=mB(e),r.current=void 0}),[]),h=a.exports.useCallback((function(t){u(t.type,vB(t),t.target,l(t,e.lockRef.current))}),[]),f=a.exports.useCallback((function(t){u(t.type,mB(t),t.target,l(t,e.lockRef.current))}),[]);a.exports.useEffect((function(){return wB.push(i),e.setCallbacks({onScrollCapture:h,onWheelCapture:h,onTouchMoveCapture:f}),document.addEventListener("wheel",c,dB),document.addEventListener("touchmove",c,dB),document.addEventListener("touchstart",d,dB),function(){wB=wB.filter((function(e){return e!==i})),document.removeEventListener("wheel",c,dB),document.removeEventListener("touchmove",c,dB),document.removeEventListener("touchstart",d,dB)}}),[]);var p=e.removeScrollBar,g=e.inert;return cd(sd,{children:[g?ld(i,{styles:bB(o)}):null,p?ld(lB,{gapMode:"margin"}):null]})},Kz.useMedium(SB),PD);var SB,CB=a.exports.forwardRef((function(e,t){return ld(Jz,{...fM({},e,{ref:t,sideCar:kB})})}));CB.classNames=Jz.classNames;const _B=CB;var EB=(...e)=>e.filter(Boolean).join(" ");function PB(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var LB=new class{constructor(){e(this,"modals",void 0),this.modals=[]}add(e){this.modals.push(e)}remove(e){this.modals=this.modals.filter((t=>t!==e))}isTopModal(e){return this.modals[this.modals.length-1]===e}};function OB(e){const{isOpen:t,onClose:n,id:r,closeOnOverlayClick:o=!0,closeOnEsc:i=!0,useInert:s=!0,onOverlayClick:l,onEsc:c}=e,u=a.exports.useRef(null),d=a.exports.useRef(null),[h,f,p]=function(e,...t){const n=a.exports.useId(),r=e||n;return a.exports.useMemo((()=>t.map((e=>`${e}-${r}`))),[r,t])}(r,"chakra-modal","chakra-modal--header","chakra-modal--body");!function(e,t){const n=e.current;a.exports.useEffect((()=>{if(e.current&&t)return pD(e.current)}),[t,e,n])}(u,t&&s),function(e,t){a.exports.useEffect((()=>(t&&LB.add(e),()=>{LB.remove(e)})),[t,e])}(u,t);const g=a.exports.useRef(null),m=a.exports.useCallback((e=>{g.current=e.target}),[]),v=a.exports.useCallback((e=>{"Escape"===e.key&&(e.stopPropagation(),i&&(null==n||n()),null==c||c())}),[i,n,c]),[y,b]=a.exports.useState(!1),[x,w]=a.exports.useState(!1),k=a.exports.useCallback(((e={},t=null)=>({role:"dialog",...e,ref:uk(t,u),id:h,tabIndex:-1,"aria-modal":!0,"aria-labelledby":y?f:void 0,"aria-describedby":x?p:void 0,onClick:PB(e.onClick,(e=>e.stopPropagation()))})),[p,x,h,f,y]),S=a.exports.useCallback((e=>{e.stopPropagation(),g.current===e.target&&LB.isTopModal(u)&&(o&&(null==n||n()),null==l||l())}),[n,o,l]),C=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(t,d),onClick:PB(e.onClick,S),onKeyDown:PB(e.onKeyDown,v),onMouseDown:PB(e.onMouseDown,m)})),[v,m,S]);return{isOpen:t,onClose:n,headerId:f,bodyId:p,setBodyMounted:w,setHeaderMounted:b,dialogRef:u,overlayRef:d,getDialogProps:k,getDialogContainerProps:C}}var[MB,TB]=ck({name:"ModalStylesContext",errorMessage:"useModalStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),[AB,IB]=ck({strict:!0,name:"ModalContext",errorMessage:"useModalContext: `context` is undefined. Seems you forgot to wrap modal components in ``"}),RB=e=>{const{portalProps:t,children:n,autoFocus:r,trapFocus:o,initialFocusRef:i,finalFocusRef:a,returnFocusOnClose:s,blockScrollOnMount:l,allowPinchZoom:c,preserveScrollBarGap:u,motionPreset:d,lockFocusAcrossFrames:h,onCloseComplete:f}=e,p=sk("Modal",e),g={...OB(e),autoFocus:r,trapFocus:o,initialFocusRef:i,finalFocusRef:a,returnFocusOnClose:s,blockScrollOnMount:l,allowPinchZoom:c,preserveScrollBarGap:u,motionPreset:d,lockFocusAcrossFrames:h};return ld(AB,{value:g,children:ld(MB,{value:p,children:ld(hM,{onExitComplete:f,children:g.isOpen&&ld(sD,{...t,children:n})})})})};RB.defaultProps={lockFocusAcrossFrames:!0,returnFocusOnClose:!0,scrollBehavior:"outside",trapFocus:!0,autoFocus:!0,blockScrollOnMount:!0,allowPinchZoom:!1,motionPreset:"scale"},RB.displayName="Modal";var NB=ok(((e,t)=>{const{className:n,...r}=e,{bodyId:o,setBodyMounted:i}=IB();a.exports.useEffect((()=>(i(!0),()=>i(!1))),[i]);const s=EB("chakra-modal__body",n),l=TB();return H.createElement(lk.div,{ref:t,className:s,id:o,...r,__css:l.body})}));NB.displayName="ModalBody";var DB=ok(((e,t)=>{const{onClick:n,className:r,...o}=e,{onClose:i}=IB(),a=EB("chakra-modal__close-btn",r),s=TB();return ld(IA,{ref:t,__css:s.closeButton,className:a,onClick:PB(n,(e=>{e.stopPropagation(),i()})),...o})}));function zB(e){const{autoFocus:t,trapFocus:n,dialogRef:r,initialFocusRef:o,blockScrollOnMount:i,allowPinchZoom:s,finalFocusRef:l,returnFocusOnClose:c,preserveScrollBarGap:u,lockFocusAcrossFrames:d}=IB(),[h,f]=TE();return a.exports.useEffect((()=>{!h&&f&&setTimeout(f)}),[h,f]),ld(Yz,{autoFocus:t,isDisabled:!n,initialFocusRef:o,finalFocusRef:l,restoreFocus:c,contentRef:r,lockFocusAcrossFrames:d,children:ld(_B,{removeScrollBar:!u,allowPinchZoom:s,enabled:i,forwardProps:!0,children:e.children})})}DB.displayName="ModalCloseButton";var BB={slideInBottom:{...VM,custom:{offsetY:16,reverse:!0}},slideInRight:{...VM,custom:{offsetX:16,reverse:!0}},scale:{...zM,custom:{initialScale:.95,reverse:!0}},none:{}},jB=lk(iM.section),FB=e=>BB[e||"none"],HB=a.exports.forwardRef(((e,t)=>{const{preset:n,motionProps:r=FB(n),...o}=e;return ld(jB,{ref:t,...r,...o})}));HB.displayName="ModalTransition";var WB=ok(((e,t)=>{const{className:n,children:r,containerProps:o,motionProps:i,...a}=e,{getDialogProps:s,getDialogContainerProps:l}=IB(),c=s(a,t),u=l(o),d=EB("chakra-modal__content",n),h=TB(),f={display:"flex",flexDirection:"column",position:"relative",width:"100%",outline:0,...h.dialog},p={display:"flex",width:"100vw",height:"$100vh",position:"fixed",left:0,top:0,...h.dialogContainer},{motionPreset:g}=IB();return H.createElement(zB,null,H.createElement(lk.div,{...u,className:"chakra-modal__content-container",tabIndex:-1,__css:p},ld(HB,{preset:g,motionProps:i,className:d,...c,__css:f,children:r})))}));WB.displayName="ModalContent";var VB=ok(((e,t)=>{const{className:n,...r}=e,o=EB("chakra-modal__footer",n),i={display:"flex",alignItems:"center",justifyContent:"flex-end",...TB().footer};return H.createElement(lk.footer,{ref:t,...r,__css:i,className:o})}));VB.displayName="ModalFooter";var $B=ok(((e,t)=>{const{className:n,...r}=e,{headerId:o,setHeaderMounted:i}=IB();a.exports.useEffect((()=>(i(!0),()=>i(!1))),[i]);const s=EB("chakra-modal__header",n),l={flex:0,...TB().header};return H.createElement(lk.header,{ref:t,className:s,id:o,...r,__css:l})}));$B.displayName="ModalHeader";var UB=lk(iM.div),GB=ok(((e,t)=>{const{className:n,transition:r,motionProps:o,...i}=e,a=EB("chakra-modal__overlay",n),s={pos:"fixed",left:"0",top:"0",w:"100vw",h:"100vh",...TB().overlay},{motionPreset:l}=IB();return ld(UB,{...o||("none"===l?{}:RM),__css:s,ref:t,className:a,...i})}));function qB(e){const{leastDestructiveRef:t,...n}=e;return ld(RB,{...n,initialFocusRef:t})}GB.displayName="ModalOverlay";var YB=ok(((e,t)=>ld(WB,{ref:t,role:"alertdialog",...e}))),[ZB,XB]=ck(),KB=lk(HM),QB=ok(((e,t)=>{const{className:n,children:r,motionProps:o,containerProps:i,...a}=e,{getDialogProps:s,getDialogContainerProps:l,isOpen:c}=IB(),u=s(a,t),d=l(i),h=EB("chakra-modal__content",n),f=TB(),p={display:"flex",flexDirection:"column",position:"relative",width:"100%",outline:0,...f.dialog},g={display:"flex",width:"100vw",height:"$100vh",position:"fixed",left:0,top:0,...f.dialogContainer},{placement:m}=XB();return H.createElement(zB,null,H.createElement(lk.div,{...d,className:"chakra-modal__content-container",__css:g},ld(KB,{motionProps:o,direction:m,in:c,className:h,...u,__css:p,children:r})))}));QB.displayName="DrawerContent";var JB=(...e)=>e.filter(Boolean).join(" "),ej=e=>!!e||void 0;function tj(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var nj=e=>ld(kk,{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M21,5H3C2.621,5,2.275,5.214,2.105,5.553C1.937,5.892,1.973,6.297,2.2,6.6l9,12 c0.188,0.252,0.485,0.4,0.8,0.4s0.611-0.148,0.8-0.4l9-12c0.228-0.303,0.264-0.708,0.095-1.047C21.725,5.214,21.379,5,21,5z"})}),rj=e=>ld(kk,{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M12.8,5.4c-0.377-0.504-1.223-0.504-1.6,0l-9,12c-0.228,0.303-0.264,0.708-0.095,1.047 C2.275,18.786,2.621,19,3,19h18c0.379,0,0.725-0.214,0.895-0.553c0.169-0.339,0.133-0.744-0.095-1.047L12.8,5.4z"})});function oj(e,t,n,r){a.exports.useEffect((()=>{if(!e.current||!r)return;const o=e.current.ownerDocument.defaultView??window,i=Array.isArray(t)?t:[t],a=new o.MutationObserver((e=>{for(const t of e)"attributes"===t.type&&t.attributeName&&i.includes(t.attributeName)&&n(t)}));return a.observe(e.current,{attributes:!0,attributeFilter:i}),()=>a.disconnect()}))}function ij(e,t){const[n,r]=a.exports.useState(!1),[o,i]=a.exports.useState(null),[s,l]=a.exports.useState(!0),c=a.exports.useRef(null),u=()=>clearTimeout(c.current);!function(e,t){const n=Ck(e);a.exports.useEffect((()=>{let e=null;const r=()=>n();return null!==t&&(e=window.setInterval(r,t)),()=>{e&&window.clearInterval(e)}}),[t,n])}((()=>{"increment"===o&&e(),"decrement"===o&&t()}),n?50:null);const d=a.exports.useCallback((()=>{s&&e(),c.current=setTimeout((()=>{l(!1),r(!0),i("increment")}),300)}),[e,s]),h=a.exports.useCallback((()=>{s&&t(),c.current=setTimeout((()=>{l(!1),r(!0),i("decrement")}),300)}),[t,s]),f=a.exports.useCallback((()=>{l(!0),r(!1),u()}),[]);return a.exports.useEffect((()=>()=>u()),[]),{up:d,down:h,stop:f,isSpinning:n}}var aj=/^[Ee0-9+\-.]$/;function sj(e){return aj.test(e)}function lj(e={}){const{focusInputOnChange:t=!0,clampValueOnBlur:n=!0,keepWithinRange:r=!0,min:o=Number.MIN_SAFE_INTEGER,max:i=Number.MAX_SAFE_INTEGER,step:s=1,isReadOnly:l,isDisabled:c,isRequired:u,isInvalid:d,pattern:h="[0-9]*(.[0-9]+)?",inputMode:f="decimal",allowMouseWheel:p,id:g,onChange:m,precision:v,name:y,"aria-describedby":b,"aria-label":x,"aria-labelledby":w,onFocus:k,onBlur:S,onInvalid:C,getAriaValueText:_,isValidCharacter:E,format:P,parse:L,...O}=e,M=Ck(k),T=Ck(S),A=Ck(C),I=Ck(E??sj),R=Ck(_),N=function(e={}){const{onChange:t,precision:n,defaultValue:r,value:o,step:i=1,min:s=Number.MIN_SAFE_INTEGER,max:l=Number.MAX_SAFE_INTEGER,keepWithinRange:c=!0}=e,u=Ck(t),[d,h]=a.exports.useState((()=>null==r?"":WA(r,i,n)??"")),f=void 0!==o,p=f?o:d,g=HA(FA(p),i),m=n??g,v=a.exports.useCallback((e=>{e!==p&&(f||h(e.toString()),null==u||u(e.toString(),FA(e)))}),[u,f,p]),y=a.exports.useCallback((e=>{let t=e;return c&&(t=jA(t,s,l)),RA(t,m)}),[m,c,l,s]),b=a.exports.useCallback(((e=i)=>{let t;t=""===p?FA(e):FA(p)+e,t=y(t),v(t)}),[y,i,v,p]),x=a.exports.useCallback(((e=i)=>{let t;t=""===p?FA(-e):FA(p)-e,t=y(t),v(t)}),[y,i,v,p]),w=a.exports.useCallback((()=>{let e;e=null==r?"":WA(r,i,n)??s,v(e)}),[r,n,i,v,s]),k=a.exports.useCallback((e=>{const t=WA(e,i,m)??s;v(t)}),[m,i,v,s]),S=FA(p);return{isOutOfRange:S>l||Se.split("").filter(I).join("")),[I]),q=a.exports.useCallback((e=>(null==L?void 0:L(e))??e),[L]),Y=a.exports.useCallback((e=>((null==P?void 0:P(e))??e).toString()),[P]);nA((()=>{(N.valueAsNumber>i||N.valueAsNumber{if(!W.current)return;if(W.current.value!=N.value){const e=q(W.current.value);N.setValue(G(e))}}),[q,G]);const Z=a.exports.useCallback(((e=s)=>{H&&z(e)}),[z,H,s]),X=a.exports.useCallback(((e=s)=>{H&&B(e)}),[B,H,s]),K=ij(Z,X);oj($,"disabled",K.stop,K.isSpinning),oj(U,"disabled",K.stop,K.isSpinning);const Q=a.exports.useCallback((e=>{if(e.nativeEvent.isComposing)return;const t=q(e.currentTarget.value);D(G(t)),V.current={start:e.currentTarget.selectionStart,end:e.currentTarget.selectionEnd}}),[D,G,q]),J=a.exports.useCallback((e=>{var t;null==M||M(e),V.current&&(e.target.selectionStart=V.current.start??(null==(t=e.currentTarget.value)?void 0:t.length),e.currentTarget.selectionEnd=V.current.end??e.currentTarget.selectionStart)}),[M]),ee=a.exports.useCallback((e=>{if(e.nativeEvent.isComposing)return;(function(e,t){if(null==e.key)return!0;const n=e.ctrlKey||e.altKey||e.metaKey;return!(1===e.key.length&&!n)||t(e.key)})(e,I)||e.preventDefault();const t=te(e)*s,n={ArrowUp:()=>Z(t),ArrowDown:()=>X(t),Home:()=>D(o),End:()=>D(i)}[e.key];n&&(e.preventDefault(),n(e))}),[I,s,Z,X,D,o,i]),te=e=>{let t=1;return(e.metaKey||e.ctrlKey)&&(t=.1),e.shiftKey&&(t=10),t},ne=a.exports.useMemo((()=>{const e=null==R?void 0:R(N.value);if(null!=e)return e;const t=N.value.toString();return t||void 0}),[N.value,R]),re=a.exports.useCallback((()=>{let e=N.value;if(""===N.value)return;/^[eE]/.test(N.value.toString())?N.setValue(""):(N.valueAsNumberi&&(e=i),N.cast(e))}),[N,i,o]),oe=a.exports.useCallback((()=>{F(!1),n&&re()}),[n,F,re]),ie=a.exports.useCallback((()=>{t&&requestAnimationFrame((()=>{var e;null==(e=W.current)||e.focus()}))}),[t]),ae=a.exports.useCallback((e=>{e.preventDefault(),K.up(),ie()}),[ie,K]),se=a.exports.useCallback((e=>{e.preventDefault(),K.down(),ie()}),[ie,K]);GA((()=>W.current),"wheel",(e=>{var t;const n=((null==(t=W.current)?void 0:t.ownerDocument)??document).activeElement===W.current;if(!p||!n)return;e.preventDefault();const r=te(e)*s,o=Math.sign(e.deltaY);-1===o?Z(r):1===o&&X(r)}),{passive:!1});const le=a.exports.useCallback(((e={},t=null)=>{const n=c||r&&N.isAtMax;return{...e,ref:uk(t,$),role:"button",tabIndex:-1,onPointerDown:tj(e.onPointerDown,(e=>{0!==e.button||n||ae(e)})),onPointerLeave:tj(e.onPointerLeave,K.stop),onPointerUp:tj(e.onPointerUp,K.stop),disabled:n,"aria-disabled":ej(n)}}),[N.isAtMax,r,ae,K.stop,c]),ce=a.exports.useCallback(((e={},t=null)=>{const n=c||r&&N.isAtMin;return{...e,ref:uk(t,U),role:"button",tabIndex:-1,onPointerDown:tj(e.onPointerDown,(e=>{0!==e.button||n||se(e)})),onPointerLeave:tj(e.onPointerLeave,K.stop),onPointerUp:tj(e.onPointerUp,K.stop),disabled:n,"aria-disabled":ej(n)}}),[N.isAtMin,r,se,K.stop,c]),ue=a.exports.useCallback(((e={},t=null)=>({name:y,inputMode:f,type:"text",pattern:h,"aria-labelledby":w,"aria-label":x,"aria-describedby":b,id:g,disabled:c,...e,readOnly:e.readOnly??l,"aria-readonly":e.readOnly??l,"aria-required":e.required??u,required:e.required??u,ref:uk(W,t),value:Y(N.value),role:"spinbutton","aria-valuemin":o,"aria-valuemax":i,"aria-valuenow":Number.isNaN(N.valueAsNumber)?void 0:N.valueAsNumber,"aria-invalid":ej(d??N.isOutOfRange),"aria-valuetext":ne,autoComplete:"off",autoCorrect:"off",onChange:tj(e.onChange,Q),onKeyDown:tj(e.onKeyDown,ee),onFocus:tj(e.onFocus,J,(()=>F(!0))),onBlur:tj(e.onBlur,T,oe)})),[y,f,h,w,x,Y,b,g,c,u,l,d,N.value,N.valueAsNumber,N.isOutOfRange,o,i,ne,Q,ee,J,T,oe]);return{value:Y(N.value),valueAsNumber:N.valueAsNumber,isFocused:j,isDisabled:c,isReadOnly:l,getIncrementButtonProps:le,getDecrementButtonProps:ce,getInputProps:ue,htmlProps:O}}var[cj,uj]=ck({name:"NumberInputStylesContext",errorMessage:"useNumberInputStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),[dj,hj]=ck({name:"NumberInputContext",errorMessage:"useNumberInputContext: `context` is undefined. Seems you forgot to wrap number-input's components within "}),fj=ok((function(e,t){const n=sk("NumberInput",e),r=ZT(hf(e)),{htmlProps:o,...i}=lj(r),s=a.exports.useMemo((()=>i),[i]);return H.createElement(dj,{value:s},H.createElement(cj,{value:n},H.createElement(lk.div,{...o,ref:t,className:JB("chakra-numberinput",e.className),__css:{position:"relative",zIndex:0,...n.root}})))}));fj.displayName="NumberInput";var pj=ok((function(e,t){const n=uj();return H.createElement(lk.div,{"aria-hidden":!0,ref:t,...e,__css:{display:"flex",flexDirection:"column",position:"absolute",top:"0",insetEnd:"0px",margin:"1px",height:"calc(100% - 2px)",zIndex:1,...n.stepperGroup}})}));pj.displayName="NumberInputStepper";var gj=ok((function(e,t){const{getInputProps:n}=hj(),r=n(e,t),o=uj();return H.createElement(lk.input,{...r,className:JB("chakra-numberinput__field",e.className),__css:{width:"100%",...o.field}})}));gj.displayName="NumberInputField";var mj=lk("div",{baseStyle:{display:"flex",justifyContent:"center",alignItems:"center",flex:1,transitionProperty:"common",transitionDuration:"normal",userSelect:"none",cursor:"pointer",lineHeight:"normal"}}),vj=ok((function(e,t){const n=uj(),{getDecrementButtonProps:r}=hj(),o=r(e,t);return ld(mj,{...o,__css:n.stepper,children:e.children??ld(nj,{})})}));vj.displayName="NumberDecrementStepper";var yj=ok((function(e,t){const{getIncrementButtonProps:n}=hj(),r=n(e,t),o=uj();return ld(mj,{...r,__css:o.stepper,children:e.children??ld(rj,{})})}));yj.displayName="NumberIncrementStepper";var bj=(...e)=>e.filter(Boolean).join(" ");function xj(e,...t){return wj(e)?e(...t):e}var wj=e=>"function"==typeof e;function kj(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}function Sj(...e){return function(t){e.forEach((e=>{null==e||e(t)}))}}var[Cj,_j]=ck({name:"PopoverContext",errorMessage:"usePopoverContext: `context` is undefined. Seems you forgot to wrap all popover components within ``"}),[Ej,Pj]=ck({name:"PopoverStylesContext",errorMessage:"usePopoverStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),Lj={click:"click",hover:"hover"};function Oj(e={}){const{closeOnBlur:t=!0,closeOnEsc:n=!0,initialFocusRef:r,id:o,returnFocusOnClose:i=!0,autoFocus:s=!0,arrowSize:l,arrowShadowColor:c,trigger:u=Lj.click,openDelay:d=200,closeDelay:h=200,isLazy:f,lazyBehavior:p="unmount",computePositionOnMount:g,...m}=e,{isOpen:v,onClose:y,onOpen:b,onToggle:x}=ZN(e),w=a.exports.useRef(null),k=a.exports.useRef(null),S=a.exports.useRef(null),C=a.exports.useRef(!1),_=a.exports.useRef(!1);v&&(_.current=!0);const[E,P]=a.exports.useState(!1),[L,O]=a.exports.useState(!1),M=a.exports.useId(),T=o??M,[A,I,R,N]=["popover-trigger","popover-content","popover-header","popover-body"].map((e=>`${e}-${T}`)),{referenceRef:D,getArrowProps:z,getPopperProps:B,getArrowInnerProps:j,forceUpdate:F}=qN({...m,enabled:v||!!g}),H=XN({isOpen:v,ref:S});!function(e){const{ref:t,elements:n,enabled:r}=e,o=()=>{var e;return(null==(e=t.current)?void 0:e.ownerDocument)??document};GA(o,"pointerdown",(e=>{if(!ZA()||!r)return;const i=e.target,a=(n??[t]).some((e=>{const t="current"in e?e.current:e;return(null==t?void 0:t.contains(i))||t===i}));o().activeElement!==i&&a&&(e.preventDefault(),i.focus())}))}({enabled:v,ref:k}),function(e,t){const{shouldFocus:n,visible:r,focusRef:o}=t,i=n&&!r;nA((()=>{if(!i)return;if(uR(e))return;const t=(null==o?void 0:o.current)||e.current;t&&requestAnimationFrame((()=>{t.focus()}))}),[i,e,o])}(S,{focusRef:k,visible:v,shouldFocus:i&&u===Lj.click}),function(e,t=dR){const{focusRef:n,preventScroll:r,shouldFocus:o,visible:i}=t,s="current"in e?e.current:e,l=o&&i,c=a.exports.useRef(l),u=a.exports.useRef(i);Ku((()=>{!u.current&&i&&(c.current=l),u.current=i}),[i,l]);const d=a.exports.useCallback((()=>{if(i&&s&&c.current&&(c.current=!1,!s.contains(document.activeElement)))if(null==n?void 0:n.current)requestAnimationFrame((()=>{var e;null==(e=n.current)||e.focus({preventScroll:r})}));else{const e=cR(s);e.length>0&&requestAnimationFrame((()=>{e[0].focus({preventScroll:r})}))}}),[i,r,s,n]);nA((()=>{d()}),[d]),GA(s,"transitionend",d)}(S,{focusRef:r,visible:v,shouldFocus:s&&u===Lj.click});const W=KN({wasSelected:_.current,enabled:f,mode:p,isSelected:H.present}),V=a.exports.useCallback(((e={},r=null)=>{const o={...e,style:{...e.style,transformOrigin:IN.transformOrigin.varRef,[IN.arrowSize.var]:l?`${l}px`:void 0,[IN.arrowShadowColor.var]:c},ref:uk(S,r),children:W?e.children:null,id:I,tabIndex:-1,role:"dialog",onKeyDown:kj(e.onKeyDown,(e=>{n&&"Escape"===e.key&&y()})),onBlur:kj(e.onBlur,(e=>{const n=Tj(e),r=Mj(S.current,n),o=Mj(k.current,n);v&&t&&(!r&&!o)&&y()})),"aria-labelledby":E?R:void 0,"aria-describedby":L?N:void 0};return u===Lj.hover&&(o.role="tooltip",o.onMouseEnter=kj(e.onMouseEnter,(()=>{C.current=!0})),o.onMouseLeave=kj(e.onMouseLeave,(e=>{null!==e.nativeEvent.relatedTarget&&(C.current=!1,setTimeout((()=>y()),h))}))),o}),[W,I,E,R,L,N,u,n,y,v,t,h,c,l]),$=a.exports.useCallback(((e={},t=null)=>B({...e,style:{visibility:v?"visible":"hidden",...e.style}},t)),[v,B]),U=a.exports.useCallback(((e,t=null)=>({...e,ref:uk(t,w,D)})),[w,D]),G=a.exports.useRef(),q=a.exports.useRef(),Y=a.exports.useCallback((e=>{null==w.current&&D(e)}),[D]),Z=a.exports.useCallback(((e={},n=null)=>{const r={...e,ref:uk(k,n,Y),id:A,"aria-haspopup":"dialog","aria-expanded":v,"aria-controls":I};return u===Lj.click&&(r.onClick=kj(e.onClick,x)),u===Lj.hover&&(r.onFocus=kj(e.onFocus,(()=>{void 0===G.current&&b()})),r.onBlur=kj(e.onBlur,(e=>{const n=Tj(e),r=!Mj(S.current,n);v&&t&&r&&y()})),r.onKeyDown=kj(e.onKeyDown,(e=>{"Escape"===e.key&&y()})),r.onMouseEnter=kj(e.onMouseEnter,(()=>{C.current=!0,G.current=window.setTimeout((()=>b()),d)})),r.onMouseLeave=kj(e.onMouseLeave,(()=>{C.current=!1,G.current&&(clearTimeout(G.current),G.current=void 0),q.current=window.setTimeout((()=>{!1===C.current&&y()}),h)}))),r}),[A,v,I,u,Y,x,b,t,y,d,h]);a.exports.useEffect((()=>()=>{G.current&&clearTimeout(G.current),q.current&&clearTimeout(q.current)}),[]);const X=a.exports.useCallback(((e={},t=null)=>({...e,id:R,ref:uk(t,(e=>{P(!!e)}))})),[R]),K=a.exports.useCallback(((e={},t=null)=>({...e,id:N,ref:uk(t,(e=>{O(!!e)}))})),[N]);return{forceUpdate:F,isOpen:v,onAnimationComplete:H.onComplete,onClose:y,getAnchorProps:U,getArrowProps:z,getArrowInnerProps:j,getPopoverPositionerProps:$,getPopoverProps:V,getTriggerProps:Z,getHeaderProps:X,getBodyProps:K}}function Mj(e,t){return e===t||(null==e?void 0:e.contains(t))}function Tj(e){const t=e.currentTarget.ownerDocument.activeElement;return e.relatedTarget??t}function Aj(e){const t=sk("Popover",e),{children:n,...r}=hf(e),o=Oj({...r,direction:Zw().direction});return ld(Cj,{value:o,children:ld(Ej,{value:t,children:xj(n,{isOpen:o.isOpen,onClose:o.onClose,forceUpdate:o.forceUpdate})})})}function Ij(e){const{bg:t,bgColor:n,backgroundColor:r}=e,{getArrowProps:o,getArrowInnerProps:i}=_j(),a=Pj(),s=t??n??r;return H.createElement(lk.div,{...o(),className:"chakra-popover__arrow-positioner"},H.createElement(lk.div,{className:bj("chakra-popover__arrow",e.className),...i(e),__css:{...a.arrow,"--popper-arrow-bg":s?`colors.${s}, ${s}`:void 0}}))}Aj.displayName="Popover",Ij.displayName="PopoverArrow";var Rj=ok((function(e,t){const{getBodyProps:n}=_j(),r=Pj();return H.createElement(lk.div,{...n(e,t),className:bj("chakra-popover__body",e.className),__css:r.body})}));Rj.displayName="PopoverBody";var Nj=ok((function(e,t){const{onClose:n}=_j(),r=Pj();return ld(IA,{size:"sm",onClick:n,className:bj("chakra-popover__close-btn",e.className),__css:r.closeButton,ref:t,...e})}));function Dj(e){if(e)return{enter:{...e.enter,visibility:"visible"},exit:{...e.exit,transitionEnd:{visibility:"hidden"}}}}Nj.displayName="PopoverCloseButton";var zj={exit:{opacity:0,scale:.95,transition:{duration:.1,ease:[.4,0,1,1]}},enter:{scale:1,opacity:1,transition:{duration:.15,ease:[0,0,.2,1]}}},Bj=lk(iM.section),jj=ok((function(e,t){const{variants:n=zj,...r}=e,{isOpen:o}=_j();return H.createElement(Bj,{ref:t,variants:Dj(n),initial:!1,animate:o?"enter":"exit",...r})}));jj.displayName="PopoverTransition";var Fj=ok((function(e,t){const{rootProps:n,motionProps:r,...o}=e,{getPopoverProps:i,getPopoverPositionerProps:a,onAnimationComplete:s}=_j(),l=Pj(),c={position:"relative",display:"flex",flexDirection:"column",...l.content};return H.createElement(lk.div,{...a(n),__css:l.popper,className:"chakra-popover__popper"},ld(jj,{...r,...i(o,t),onAnimationComplete:Sj(s,o.onAnimationComplete),className:bj("chakra-popover__content",e.className),__css:c}))}));Fj.displayName="PopoverContent";var Hj=ok((function(e,t){const{getHeaderProps:n}=_j(),r=Pj();return H.createElement(lk.header,{...n(e,t),className:bj("chakra-popover__header",e.className),__css:r.header})}));function Wj(e){const t=a.exports.Children.only(e.children),{getTriggerProps:n}=_j();return a.exports.cloneElement(t,n(t.props,t.ref))}Hj.displayName="PopoverHeader",Wj.displayName="PopoverTrigger";var Vj=pg({"0%":{strokeDasharray:"1, 400",strokeDashoffset:"0"},"50%":{strokeDasharray:"400, 400",strokeDashoffset:"-100"},"100%":{strokeDasharray:"400, 400",strokeDashoffset:"-260"}}),$j=pg({"0%":{transform:"rotate(0deg)"},"100%":{transform:"rotate(360deg)"}}),Uj=pg({"0%":{left:"-40%"},"100%":{left:"100%"}}),Gj=pg({from:{backgroundPosition:"1rem 0"},to:{backgroundPosition:"0 0"}});function qj(e){const{value:t=0,min:n,max:r,valueText:o,getValueText:i,isIndeterminate:a,role:s="progressbar"}=e,l=function(e,t,n){return 100*(e-t)/(n-t)}(t,n,r);return{bind:{"data-indeterminate":a?"":void 0,"aria-valuemax":r,"aria-valuemin":n,"aria-valuenow":a?void 0:t,"aria-valuetext":(()=>{if(null!=t)return"function"==typeof i?i(t,l):o})(),role:s},percent:l,value:t}}var Yj=e=>{const{size:t,isIndeterminate:n,...r}=e;return H.createElement(lk.svg,{viewBox:"0 0 100 100",__css:{width:t,height:t,animation:n?`${$j} 2s linear infinite`:void 0},...r})};Yj.displayName="Shape";var Zj=e=>H.createElement(lk.circle,{cx:50,cy:50,r:42,fill:"transparent",...e});Zj.displayName="Circle";var Xj=ok(((e,t)=>{const{size:n="48px",max:r=100,min:o=0,valueText:i,getValueText:a,value:s,capIsRound:l,children:c,thickness:u="10px",color:d="#0078d4",trackColor:h="#edebe9",isIndeterminate:f,...p}=e,g=qj({min:o,max:r,value:s,valueText:i,getValueText:a,isIndeterminate:f}),m=f?void 0:2.64*(g.percent??0),v=f?{css:{animation:`${Vj} 1.5s linear infinite`}}:{strokeDashoffset:66,strokeDasharray:null==m?void 0:`${m} ${264-m}`,transitionProperty:"stroke-dasharray, stroke",transitionDuration:"0.6s",transitionTimingFunction:"ease"},y={display:"inline-block",position:"relative",verticalAlign:"middle",fontSize:n};return H.createElement(lk.div,{ref:t,className:"chakra-progress",...g.bind,...p,__css:y},cd(Yj,{size:n,isIndeterminate:f,children:[ld(Zj,{stroke:h,strokeWidth:u,className:"chakra-progress__track"}),ld(Zj,{stroke:d,strokeWidth:u,className:"chakra-progress__indicator",strokeLinecap:l?"round":void 0,opacity:0!==g.value||f?void 0:0,...v})]}),c)}));Xj.displayName="CircularProgress";var[Kj,Qj]=ck({name:"ProgressStylesContext",errorMessage:"useProgressStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),Jj=ok(((e,t)=>{const{min:n,max:r,value:o,isIndeterminate:i,role:a,...s}=e,l=qj({value:o,min:n,max:r,isIndeterminate:i,role:a}),c={height:"100%",...Qj().filledTrack};return H.createElement(lk.div,{ref:t,style:{width:`${l.percent}%`,...s.style},...l.bind,...s,__css:c})})),eF=ok(((e,t)=>{var n;const{value:r,min:o=0,max:i=100,hasStripe:a,isAnimated:s,children:l,borderRadius:c,isIndeterminate:u,"aria-label":d,"aria-labelledby":h,title:f,role:p,...g}=hf(e),m=sk("Progress",e),v=c??(null==(n=m.track)?void 0:n.borderRadius),y={...!u&&a&&s&&{animation:`${Gj} 1s linear infinite`},...u&&{position:"absolute",willChange:"left",minWidth:"50%",animation:`${Uj} 1s ease infinite normal none running`}},b={overflow:"hidden",position:"relative",...m.track};return H.createElement(lk.div,{ref:t,borderRadius:v,__css:b,...g},cd(Kj,{value:m,children:[ld(Jj,{"aria-label":d,"aria-labelledby":h,min:o,max:i,value:r,isIndeterminate:u,css:y,borderRadius:v,title:f,role:p}),l]}))}));eF.displayName="Progress",lk("div",{baseStyle:{fontSize:"0.24em",top:"50%",left:"50%",width:"100%",textAlign:"center",position:"absolute",transform:"translate(-50%, -50%)"}}).displayName="CircularProgressLabel";var tF=(...e)=>e.filter(Boolean).join(" ");var nF=ok((function(e,t){const{children:n,placeholder:r,className:o,...i}=e;return H.createElement(lk.select,{...i,ref:t,className:tF("chakra-select",o)},r&&ld("option",{value:"",children:r}),n)}));nF.displayName="SelectField";var rF=ok(((e,t)=>{var n;const r=sk("Select",e),{rootProps:o,placeholder:i,icon:a,color:s,height:l,h:c,minH:u,minHeight:d,iconColor:h,iconSize:f,...p}=hf(e),[g,m]=function(e,t){const n={},r={};for(const[o,i]of Object.entries(e))t.includes(o)?n[o]=i:r[o]=i;return[n,r]}(p,ef),v=YT(m),y={width:"100%",height:"fit-content",position:"relative",color:s},b={paddingEnd:"2rem",...r.field,_focus:{zIndex:"unset",...null==(n=r.field)?void 0:n._focus}};return H.createElement(lk.div,{className:"chakra-select__wrapper",__css:y,...g,...o},ld(nF,{ref:t,height:c??l,minH:u??d,placeholder:i,...v,__css:b,children:e.children}),ld(aF,{"data-disabled":(x=v.disabled,x?"":void 0),...(h||s)&&{color:h||s},__css:r.icon,...f&&{fontSize:f},children:a}));var x}));rF.displayName="Select";var oF=e=>ld("svg",{viewBox:"0 0 24 24",...e,children:ld("path",{fill:"currentColor",d:"M16.59 8.59L12 13.17 7.41 8.59 6 10l6 6 6-6z"})}),iF=lk("div",{baseStyle:{position:"absolute",display:"inline-flex",alignItems:"center",justifyContent:"center",pointerEvents:"none",top:"50%",transform:"translateY(-50%)"}}),aF=e=>{const{children:t=ld(oF,{}),...n}=e,r=a.exports.cloneElement(t,{role:"presentation",className:"chakra-select__icon",focusable:!1,"aria-hidden":!0,style:{width:"1em",height:"1em",color:"currentColor"}});return ld(iF,{...n,className:"chakra-select__icon-wrapper",children:a.exports.isValidElement(t)?r:null})};function sF(e){const t=function(e){return e.view??window}(e);return void 0!==t.PointerEvent&&e instanceof t.PointerEvent?!("mouse"!==e.pointerType):e instanceof t.MouseEvent}function lF(e){return!!e.touches}function cF(e,t="page"){return lF(e)?function(e,t="page"){const n=e.touches[0]||e.changedTouches[0];return{x:n[`${t}X`],y:n[`${t}Y`]}}(e,t):function(e,t="page"){return{x:e[`${t}X`],y:e[`${t}Y`]}}(e,t)}function uF(e,t=!1){function n(t){e(t,{point:cF(t)})}const r=t?function(e){return t=>{const n=sF(t);(!n||n&&0===t.button)&&e(t)}}(n):n;return r}function dF(e,t,n,r){return function(e,t,n,r){return e.addEventListener(t,n,r),()=>{e.removeEventListener(t,n,r)}}(e,t,uF(n,"pointerdown"===t),r)}function hF(e){const t=a.exports.useRef(null);return t.current=e,t}aF.displayName="SelectIcon";function fF(e,t){return{x:e.x-t.x,y:e.y-t.y}}function pF(e,t){return{point:e.point,delta:fF(e.point,t[t.length-1]),offset:fF(e.point,t[0]),velocity:mF(t,.1)}}var gF=e=>1e3*e;function mF(e,t){if(e.length<2)return{x:0,y:0};let n=e.length-1,r=null;const o=e[e.length-1];for(;n>=0&&(r=e[n],!(o.timestamp-r.timestamp>gF(t)));)n--;if(!r)return{x:0,y:0};const i=(o.timestamp-r.timestamp)/1e3;if(0===i)return{x:0,y:0};const a={x:(o.x-r.x)/i,y:(o.y-r.y)/i};return a.x===1/0&&(a.x=0),a.y===1/0&&(a.y=0),a}function vF(e,t){return Math.abs(e-t)}function yF(e){return"x"in e&&"y"in e}function bF(t,n){const{onPan:r,onPanStart:o,onPanEnd:i,onPanSessionStart:s,onPanSessionEnd:l,threshold:c}=n,u=Boolean(r||o||i||s||l),d=a.exports.useRef(null),h=hF({onSessionStart:s,onSessionEnd:l,onStart:o,onMove:r,onEnd(e,t){d.current=null,null==i||i(e,t)}});a.exports.useEffect((()=>{var e;null==(e=d.current)||e.updateHandlers(h.current)})),a.exports.useEffect((()=>{const n=t.current;if(n&&u)return dF(n,"pointerdown",(function(t){d.current=new class{constructor(t,n,r){if(e(this,"history",[]),e(this,"startEvent",null),e(this,"lastEvent",null),e(this,"lastEventInfo",null),e(this,"handlers",{}),e(this,"removeListeners",(()=>{})),e(this,"threshold",3),e(this,"win",void 0),e(this,"updatePoint",(()=>{if(!this.lastEvent||!this.lastEventInfo)return;const e=pF(this.lastEventInfo,this.history),t=null!==this.startEvent,n=function(e,t){if("number"==typeof e&&"number"==typeof t)return vF(e,t);if(yF(e)&&yF(t)){const n=vF(e.x,t.x),r=vF(e.y,t.y);return Math.sqrt(n**2+r**2)}return 0}(e.offset,{x:0,y:0})>=this.threshold;if(!t&&!n)return;const{timestamp:r}=Og();this.history.push({...e.point,timestamp:r});const{onStart:o,onMove:i}=this.handlers;t||(null==o||o(this.lastEvent,e),this.startEvent=this.lastEvent),null==i||i(this.lastEvent,e)})),e(this,"onPointerMove",((e,t)=>{this.lastEvent=e,this.lastEventInfo=t,Cg.update(this.updatePoint,!0)})),e(this,"onPointerUp",((e,t)=>{const n=pF(t,this.history),{onEnd:r,onSessionEnd:o}=this.handlers;null==o||o(e,n),this.end(),r&&this.startEvent&&(null==r||r(e,n))})),this.win=t.view??window,lF(o=t)&&o.touches.length>1)return;var o;this.handlers=n,r&&(this.threshold=r),t.stopPropagation(),t.preventDefault();const i={point:cF(t)},{timestamp:a}=Og();this.history=[{...i.point,timestamp:a}];const{onSessionStart:s}=n;null==s||s(t,pF(i,this.history)),this.removeListeners=function(...e){return t=>e.reduce(((e,t)=>t(e)),t)}(dF(this.win,"pointermove",this.onPointerMove),dF(this.win,"pointerup",this.onPointerUp),dF(this.win,"pointercancel",this.onPointerUp))}updateHandlers(e){this.handlers=e}end(){var e;null==(e=this.removeListeners)||e.call(this),_g.update(this.updatePoint)}}(t,h.current,c)}))}),[t,u,h,c]),a.exports.useEffect((()=>()=>{var e;null==(e=d.current)||e.end(),d.current=null}),[])}var xF=Boolean(null==globalThis?void 0:globalThis.document)?a.exports.useLayoutEffect:a.exports.useEffect;function wF({getNodes:e,observeMutation:t=!0}){const[n,r]=a.exports.useState([]),[o,i]=a.exports.useState(0);return xF((()=>{const n=e(),o=n.map(((e,t)=>function(e,t){if(!e)return void t(void 0);t({width:e.offsetWidth,height:e.offsetHeight});const n=new(e.ownerDocument.defaultView??window).ResizeObserver((n=>{if(!Array.isArray(n)||!n.length)return;const[r]=n;let o,i;if("borderBoxSize"in r){const e=r.borderBoxSize,t=Array.isArray(e)?e[0]:e;o=t.inlineSize,i=t.blockSize}else o=e.offsetWidth,i=e.offsetHeight;t({width:o,height:i})}));return n.observe(e,{box:"border-box"}),()=>n.unobserve(e)}(e,(e=>{r((n=>[...n.slice(0,t),e,...n.slice(t+1)]))}))));if(t){const e=n[0];o.push(function(e,t){var n;if(!e||!e.parentElement)return;const r=new((null==(n=e.ownerDocument)?void 0:n.defaultView)??window).MutationObserver((()=>{t()}));return r.observe(e.parentElement,{childList:!0}),()=>{r.disconnect()}}(e,(()=>{i((e=>e+1))})))}return()=>{o.forEach((e=>{null==e||e()}))}}),[o]),n}var kF=Object.getOwnPropertyNames,SF=((e,t)=>function(){return e&&(t=(0,e[kF(e)[0]])(e=0)),t})({"../../../react-shim.js"(){}});SF(),SF(),SF();var CF=e=>e?"":void 0,_F=e=>!!e||void 0,EF=(...e)=>e.filter(Boolean).join(" ");function PF(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}function LF(e){const{orientation:t,vertical:n,horizontal:r}=e;return"vertical"===t?n:r}SF(),SF(),SF();var OF={width:0,height:0},MF=e=>e||OF;function TF(e){const{orientation:t,thumbPercents:n,thumbRects:r,isReversed:o}=e,i="vertical"===t?r.reduce(((e,t)=>MF(e).height>MF(t).height?e:t),OF):r.reduce(((e,t)=>MF(e).width>MF(t).width?e:t),OF),a={position:"relative",touchAction:"none",WebkitTapHighlightColor:"rgba(0,0,0,0)",userSelect:"none",outline:0,...LF({orientation:t,vertical:i?{paddingLeft:i.width/2,paddingRight:i.width/2}:{},horizontal:i?{paddingTop:i.height/2,paddingBottom:i.height/2}:{}})},s={position:"absolute",...LF({orientation:t,vertical:{left:"50%",transform:"translateX(-50%)",height:"100%"},horizontal:{top:"50%",transform:"translateY(-50%)",width:"100%"}})},l=1===n.length,c=[0,o?100-n[0]:n[0]],u=l?c:n;let d=u[0];!l&&o&&(d=100-d);const h=Math.abs(u[u.length-1]-u[0]);return{trackStyle:s,innerTrackStyle:{...s,...LF({orientation:t,vertical:o?{height:`${h}%`,top:`${d}%`}:{height:`${h}%`,bottom:`${d}%`},horizontal:o?{width:`${h}%`,right:`${d}%`}:{width:`${h}%`,left:`${d}%`}})},rootStyle:a,getThumbStyle:e=>{const o=r[e]??OF;return{position:"absolute",userSelect:"none",WebkitUserSelect:"none",MozUserSelect:"none",msUserSelect:"none",touchAction:"none",...LF({orientation:t,vertical:{bottom:`calc(${n[e]}% - ${o.height/2}px)`},horizontal:{left:`calc(${n[e]}% - ${o.width/2}px)`}})}}}}function AF(e){const{isReversed:t,direction:n,orientation:r}=e;return"ltr"===n||"vertical"===r?t:!t}function IF(e){const{min:t=0,max:n=100,onChange:r,value:o,defaultValue:i,isReversed:s,direction:l="ltr",orientation:c="horizontal",id:u,isDisabled:d,isReadOnly:h,onChangeStart:f,onChangeEnd:p,step:g=1,getAriaValueText:m,"aria-valuetext":v,"aria-label":y,"aria-labelledby":b,name:x,focusThumbOnChange:w=!0,minStepsBetweenThumbs:k=0,...S}=e,C=Ck(f),_=Ck(p),E=Ck(m),P=AF({isReversed:s,direction:l,orientation:c}),[L,O]=_k({value:o,defaultValue:i??[25,75],onChange:r});if(!Array.isArray(L))throw new TypeError(`[range-slider] You passed an invalid value for \`value\` or \`defaultValue\`, expected \`Array\` but got \`${typeof L}\``);const[M,T]=a.exports.useState(!1),[A,I]=a.exports.useState(!1),[R,N]=a.exports.useState(-1),D=!(d||h),z=a.exports.useRef(L),B=L.map((e=>jA(e,t,n))),j=function(e,t,n,r){return e.map(((o,i)=>({min:0===i?t:e[i-1]+r,max:i===e.length-1?n:e[i+1]-r})))}(B,t,n,k*g),F=a.exports.useRef({eventSource:null,value:[],valueBounds:[]});F.current.value=B,F.current.valueBounds=j;const H=B.map((e=>n-e+t)),W=(P?H:B).map((e=>DA(e,t,n))),V="vertical"===c,$=a.exports.useRef(null),U=a.exports.useRef(null),G=wF({getNodes(){const e=U.current,t=null==e?void 0:e.querySelectorAll("[role=slider]");return t?Array.from(t):[]}}),q=a.exports.useId(),Y=function(e){return{root:`slider-root-${e}`,getThumb:t=>`slider-thumb-${e}-${t}`,getInput:t=>`slider-input-${e}-${t}`,track:`slider-track-${e}`,innerTrack:`slider-filled-track-${e}`,getMarker:t=>`slider-marker-${e}-${t}`,output:`slider-output-${e}`}}(u??q),Z=a.exports.useCallback((e=>{var r;if(!$.current)return;F.current.eventSource="pointer";const o=$.current.getBoundingClientRect(),{clientX:i,clientY:a}=(null==(r=e.touches)?void 0:r[0])??e;let s=(V?o.bottom-a:i-o.left)/(V?o.height:o.width);return P&&(s=1-s),zA(s,t,n)}),[V,P,n,t]),X=(n-t)/10,K=g||(n-t)/100,Q=a.exports.useMemo((()=>({setValueAtIndex(e,t){if(!D)return;const n=F.current.valueBounds[e];t=jA(t=parseFloat(BA(t,n.min,K)),n.min,n.max);const r=[...F.current.value];r[e]=t,O(r)},setActiveIndex:N,stepUp(e,t=K){const n=F.current.value[e],r=P?n-t:n+t;Q.setValueAtIndex(e,r)},stepDown(e,t=K){const n=F.current.value[e],r=P?n+t:n-t;Q.setValueAtIndex(e,r)},reset(){O(z.current)}})),[K,P,O,D]),J=a.exports.useCallback((e=>{const t={ArrowRight:()=>Q.stepUp(R),ArrowUp:()=>Q.stepUp(R),ArrowLeft:()=>Q.stepDown(R),ArrowDown:()=>Q.stepDown(R),PageUp:()=>Q.stepUp(R,X),PageDown:()=>Q.stepDown(R,X),Home:()=>{const{min:e}=j[R];Q.setValueAtIndex(R,e)},End:()=>{const{max:e}=j[R];Q.setValueAtIndex(R,e)}}[e.key];t&&(e.preventDefault(),e.stopPropagation(),t(e),F.current.eventSource="keyboard")}),[Q,R,X,j]),{getThumbStyle:ee,rootStyle:te,trackStyle:ne,innerTrackStyle:re}=a.exports.useMemo((()=>TF({isReversed:P,orientation:c,thumbRects:G,thumbPercents:W})),[P,c,W,G]),oe=a.exports.useCallback((e=>{var t;const n=e??R;if(-1!==n&&w){const e=Y.getThumb(n),r=null==(t=U.current)?void 0:t.ownerDocument.getElementById(e);r&&setTimeout((()=>r.focus()))}}),[w,R,Y]);nA((()=>{"keyboard"===F.current.eventSource&&(null==_||_(F.current.value))}),[B,_]);bF(U,{onPanSessionStart(e){D&&(T(!0),(e=>{const t=Z(e)||0,n=F.current.value.map((e=>Math.abs(e-t))),r=Math.min(...n);let o=n.indexOf(r);const i=n.filter((e=>e===r));i.length>1&&t>F.current.value[o]&&(o=o+i.length-1),N(o),Q.setValueAtIndex(o,t),oe(o)})(e),null==C||C(F.current.value))},onPanSessionEnd(){D&&(T(!1),null==_||_(F.current.value))},onPan(e){D&&(e=>{if(-1==R)return;const t=Z(e)||0;N(R),Q.setValueAtIndex(R,t),oe(R)})(e)}});const ie=a.exports.useCallback(((e={},t=null)=>({...e,...S,id:Y.root,ref:uk(t,U),tabIndex:-1,"aria-disabled":_F(d),"data-focused":CF(A),style:{...e.style,...te}})),[S,d,A,te,Y]),ae=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(t,$),id:Y.track,"data-disabled":CF(d),style:{...e.style,...ne}})),[d,ne,Y]),se=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,id:Y.innerTrack,style:{...e.style,...re}})),[re,Y]),le=a.exports.useCallback(((e,t=null)=>{const{index:n,...r}=e,o=B[n];if(null==o)throw new TypeError(`[range-slider > thumb] Cannot find value at index \`${n}\`. The \`value\` or \`defaultValue\` length is : ${B.length}`);const i=j[n];return{...r,ref:t,role:"slider",tabIndex:D?0:void 0,id:Y.getThumb(n),"data-active":CF(M&&R===n),"aria-valuetext":(null==E?void 0:E(o))??(null==v?void 0:v[n]),"aria-valuemin":i.min,"aria-valuemax":i.max,"aria-valuenow":o,"aria-orientation":c,"aria-disabled":_F(d),"aria-readonly":_F(h),"aria-label":null==y?void 0:y[n],"aria-labelledby":(null==y?void 0:y[n])||null==b?void 0:b[n],style:{...e.style,...ee(n)},onKeyDown:PF(e.onKeyDown,J),onFocus:PF(e.onFocus,(()=>{I(!0),N(n)})),onBlur:PF(e.onBlur,(()=>{I(!1),N(-1)}))}}),[Y,B,j,D,M,R,E,v,c,d,h,y,b,ee,J,I]),ce=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,id:Y.output,htmlFor:B.map(((e,t)=>Y.getThumb(t))).join(" "),"aria-live":"off"})),[Y,B]),ue=a.exports.useCallback(((e,r=null)=>{const{value:o,...i}=e,a=!(on),s=o>=B[0]&&o<=B[B.length-1];let l=DA(o,t,n);l=P?100-l:l;const u={position:"absolute",pointerEvents:"none",...LF({orientation:c,vertical:{bottom:`${l}%`},horizontal:{left:`${l}%`}})};return{...i,ref:r,id:Y.getMarker(e.value),role:"presentation","aria-hidden":!0,"data-disabled":CF(d),"data-invalid":CF(!a),"data-highlighted":CF(s),style:{...e.style,...u}}}),[d,P,n,t,c,B,Y]),de=a.exports.useCallback(((e,t=null)=>{const{index:n,...r}=e;return{...r,ref:t,id:Y.getInput(n),type:"hidden",value:B[n],name:Array.isArray(x)?x[n]:`${x}-${n}`}}),[x,B,Y]);return{state:{value:B,isFocused:A,isDragging:M,getThumbPercent:e=>W[e],getThumbMinValue:e=>j[e].min,getThumbMaxValue:e=>j[e].max},actions:Q,getRootProps:ie,getTrackProps:ae,getInnerTrackProps:se,getThumbProps:le,getMarkerProps:ue,getInputProps:de,getOutputProps:ce}}var[RF,NF]=ck({name:"SliderContext",errorMessage:"useSliderContext: `context` is undefined. Seems you forgot to wrap all slider components within "}),[DF,zF]=ck({name:"RangeSliderStylesContext",errorMessage:"useRangeSliderStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),BF=ok((function(e,t){const n=sk("Slider",e),r=hf(e),{direction:o}=Zw();r.direction=o;const{getRootProps:i,...s}=IF(r),l=a.exports.useMemo((()=>({...s,name:e.name})),[s,e.name]);return H.createElement(RF,{value:l},H.createElement(DF,{value:n},H.createElement(lk.div,{...i({},t),className:"chakra-slider",__css:n.container},e.children)))}));BF.defaultProps={orientation:"horizontal"},BF.displayName="RangeSlider";var jF=ok((function(e,t){const{getThumbProps:n,getInputProps:r,name:o}=NF(),i=zF(),a=n(e,t);return H.createElement(lk.div,{...a,className:EF("chakra-slider__thumb",e.className),__css:i.thumb},a.children,o&&ld("input",{...r({index:e.index})}))}));jF.displayName="RangeSliderThumb";var FF=ok((function(e,t){const{getTrackProps:n}=NF(),r=zF(),o=n(e,t);return H.createElement(lk.div,{...o,className:EF("chakra-slider__track",e.className),__css:r.track,"data-testid":"chakra-range-slider-track"})}));FF.displayName="RangeSliderTrack";var HF=ok((function(e,t){const{getInnerTrackProps:n}=NF(),r=zF(),o=n(e,t);return H.createElement(lk.div,{...o,className:"chakra-slider__filled-track",__css:r.filledTrack})}));function WF(e){const{min:t=0,max:n=100,onChange:r,value:o,defaultValue:i,isReversed:s,direction:l="ltr",orientation:c="horizontal",id:u,isDisabled:d,isReadOnly:h,onChangeStart:f,onChangeEnd:p,step:g=1,getAriaValueText:m,"aria-valuetext":v,"aria-label":y,"aria-labelledby":b,name:x,focusThumbOnChange:w=!0,...k}=e,S=Ck(f),C=Ck(p),_=Ck(m),E=AF({isReversed:s,direction:l,orientation:c}),[P,L]=_k({value:o,defaultValue:i??$F(t,n),onChange:r}),[O,M]=a.exports.useState(!1),[T,A]=a.exports.useState(!1),I=!(d||h),R=(n-t)/10,N=g||(n-t)/100,D=jA(P,t,n),z=DA(E?n-D+t:D,t,n),B="vertical"===c,j=hF({min:t,max:n,step:g,isDisabled:d,value:D,isInteractive:I,isReversed:E,isVertical:B,eventSource:null,focusThumbOnChange:w,orientation:c}),F=a.exports.useRef(null),H=a.exports.useRef(null),W=a.exports.useRef(null),V=a.exports.useId(),$=u??V,[U,G]=[`slider-thumb-${$}`,`slider-track-${$}`],q=a.exports.useCallback((e=>{var t;if(!F.current)return;const n=j.current;n.eventSource="pointer";const r=F.current.getBoundingClientRect(),{clientX:o,clientY:i}=(null==(t=e.touches)?void 0:t[0])??e;let a=(B?r.bottom-i:o-r.left)/(B?r.height:r.width);E&&(a=1-a);let s=zA(a,n.min,n.max);return n.step&&(s=parseFloat(BA(s,n.min,n.step))),s=jA(s,n.min,n.max),s}),[B,E,j]),Y=a.exports.useCallback((e=>{const t=j.current;t.isInteractive&&(e=jA(e=parseFloat(BA(e,t.min,N)),t.min,t.max),L(e))}),[N,L,j]),Z=a.exports.useMemo((()=>({stepUp(e=N){Y(E?D-e:D+e)},stepDown(e=N){Y(E?D+e:D-e)},reset(){Y(i||0)},stepTo(e){Y(e)}})),[Y,E,D,N,i]),X=a.exports.useCallback((e=>{const t=j.current,n={ArrowRight:()=>Z.stepUp(),ArrowUp:()=>Z.stepUp(),ArrowLeft:()=>Z.stepDown(),ArrowDown:()=>Z.stepDown(),PageUp:()=>Z.stepUp(R),PageDown:()=>Z.stepDown(R),Home:()=>Y(t.min),End:()=>Y(t.max)}[e.key];n&&(e.preventDefault(),e.stopPropagation(),n(e),t.eventSource="keyboard")}),[Z,Y,R,j]),K=(null==_?void 0:_(D))??v,Q=function(e){const[t]=wF({observeMutation:!1,getNodes(){var t;return["object"==typeof(t=e)&&null!==t&&"current"in t?e.current:e]}});return t}(H),{getThumbStyle:J,rootStyle:ee,trackStyle:te,innerTrackStyle:ne}=a.exports.useMemo((()=>{const e=j.current,t=Q??{width:0,height:0};return TF({isReversed:E,orientation:e.orientation,thumbRects:[t],thumbPercents:[z]})}),[E,Q,z,j]),re=a.exports.useCallback((()=>{j.current.focusThumbOnChange&&setTimeout((()=>{var e;return null==(e=H.current)?void 0:e.focus()}))}),[j]);function oe(e){const t=q(e);null!=t&&t!==j.current.value&&L(t)}nA((()=>{const e=j.current;re(),"keyboard"===e.eventSource&&(null==C||C(e.value))}),[D,C]),bF(W,{onPanSessionStart(e){const t=j.current;t.isInteractive&&(M(!0),re(),oe(e),null==S||S(t.value))},onPanSessionEnd(){const e=j.current;e.isInteractive&&(M(!1),null==C||C(e.value))},onPan(e){j.current.isInteractive&&oe(e)}});const ie=a.exports.useCallback(((e={},t=null)=>({...e,...k,ref:uk(t,W),tabIndex:-1,"aria-disabled":_F(d),"data-focused":CF(T),style:{...e.style,...ee}})),[k,d,T,ee]),ae=a.exports.useCallback(((e={},t=null)=>({...e,ref:uk(t,F),id:G,"data-disabled":CF(d),style:{...e.style,...te}})),[d,G,te]),se=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,style:{...e.style,...ne}})),[ne]),le=a.exports.useCallback(((e={},r=null)=>({...e,ref:uk(r,H),role:"slider",tabIndex:I?0:void 0,id:U,"data-active":CF(O),"aria-valuetext":K,"aria-valuemin":t,"aria-valuemax":n,"aria-valuenow":D,"aria-orientation":c,"aria-disabled":_F(d),"aria-readonly":_F(h),"aria-label":y,"aria-labelledby":y?void 0:b,style:{...e.style,...J(0)},onKeyDown:PF(e.onKeyDown,X),onFocus:PF(e.onFocus,(()=>A(!0))),onBlur:PF(e.onBlur,(()=>A(!1)))})),[I,U,O,K,t,n,D,c,d,h,y,b,J,X]),ce=a.exports.useCallback(((e,r=null)=>{const o=!(e.valuen),i=D>=e.value,a=DA(e.value,t,n),s={position:"absolute",pointerEvents:"none",...VF({orientation:c,vertical:{bottom:E?100-a+"%":`${a}%`},horizontal:{left:E?100-a+"%":`${a}%`}})};return{...e,ref:r,role:"presentation","aria-hidden":!0,"data-disabled":CF(d),"data-invalid":CF(!o),"data-highlighted":CF(i),style:{...e.style,...s}}}),[d,E,n,t,c,D]),ue=a.exports.useCallback(((e={},t=null)=>({...e,ref:t,type:"hidden",value:D,name:x})),[x,D]);return{state:{value:D,isFocused:T,isDragging:O},actions:Z,getRootProps:ie,getTrackProps:ae,getInnerTrackProps:se,getThumbProps:le,getMarkerProps:ce,getInputProps:ue}}function VF(e){const{orientation:t,vertical:n,horizontal:r}=e;return"vertical"===t?n:r}function $F(e,t){return t"}),[qF,YF]=ck({name:"SliderStylesContext",hookName:"useSliderStyles",providerName:""}),ZF=ok(((e,t)=>{const n=sk("Slider",e),r=hf(e),{direction:o}=Zw();r.direction=o;const{getInputProps:i,getRootProps:a,...s}=WF(r),l=a(),c=i({},t);return H.createElement(UF,{value:s},H.createElement(qF,{value:n},H.createElement(lk.div,{...l,className:EF("chakra-slider",e.className),__css:n.container},e.children,ld("input",{...c}))))}));ZF.defaultProps={orientation:"horizontal"},ZF.displayName="Slider";var XF=ok(((e,t)=>{const{getThumbProps:n}=GF(),r=YF(),o=n(e,t);return H.createElement(lk.div,{...o,className:EF("chakra-slider__thumb",e.className),__css:r.thumb})}));XF.displayName="SliderThumb";var KF=ok(((e,t)=>{const{getTrackProps:n}=GF(),r=YF(),o=n(e,t);return H.createElement(lk.div,{...o,className:EF("chakra-slider__track",e.className),__css:r.track})}));KF.displayName="SliderTrack";var QF=ok(((e,t)=>{const{getInnerTrackProps:n}=GF(),r=YF(),o=n(e,t);return H.createElement(lk.div,{...o,className:EF("chakra-slider__filled-track",e.className),__css:r.filledTrack})}));QF.displayName="SliderFilledTrack";var JF=ok(((e,t)=>{const{getMarkerProps:n}=GF(),r=YF(),o=n(e,t);return H.createElement(lk.div,{...o,className:EF("chakra-slider__marker",e.className),__css:r.mark})}));JF.displayName="SliderMark";var eH=(...e)=>e.filter(Boolean).join(" "),tH=e=>e?"":void 0,nH=ok((function(e,t){const n=sk("Switch",e),{spacing:r="0.5rem",children:o,...i}=hf(e),{state:s,getInputProps:l,getCheckboxProps:c,getRootProps:u,getLabelProps:d}=CA(i),h=a.exports.useMemo((()=>({display:"inline-block",position:"relative",verticalAlign:"middle",lineHeight:0,...n.container})),[n.container]),f=a.exports.useMemo((()=>({display:"inline-flex",flexShrink:0,justifyContent:"flex-start",boxSizing:"content-box",cursor:"pointer",...n.track})),[n.track]),p=a.exports.useMemo((()=>({userSelect:"none",marginStart:r,...n.label})),[r,n.label]);return H.createElement(lk.label,{...u(),className:eH("chakra-switch",e.className),__css:h},ld("input",{className:"chakra-switch__input",...l({},t)}),H.createElement(lk.span,{...c(),className:"chakra-switch__track",__css:f},H.createElement(lk.span,{__css:n.thumb,className:"chakra-switch__thumb","data-checked":tH(s.isChecked),"data-hover":tH(s.isHovered)})),o&&H.createElement(lk.span,{className:"chakra-switch__label",...d(),__css:p},o))}));nH.displayName="Switch";var rH=(...e)=>e.filter(Boolean).join(" ");function oH(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var[iH,aH,sH,lH]=bk();var[cH,uH]=ck({name:"TabsContext",errorMessage:"useTabsContext: `context` is undefined. Seems you forgot to wrap all tabs components within "});var[dH,hH]=ck({});function fH(e,t){return`${e}--tab-${t}`}function pH(e,t){return`${e}--tabpanel-${t}`}var[gH,mH]=ck({name:"TabsStylesContext",errorMessage:"useTabsStyles returned is 'undefined'. Seems you forgot to wrap the components in \"\" "}),vH=ok((function(e,t){const n=sk("Tabs",e),{children:r,className:o,...i}=hf(e),{htmlProps:s,descendants:l,...c}=function(e){const{defaultIndex:t,onChange:n,index:r,isManual:o,isLazy:i,lazyBehavior:s="unmount",orientation:l="horizontal",direction:c="ltr",...u}=e,[d,h]=a.exports.useState(t??0),[f,p]=_k({defaultValue:t??0,value:r,onChange:n});a.exports.useEffect((()=>{null!=r&&h(r)}),[r]);const g=sH(),m=a.exports.useId();return{id:`tabs-${e.id??m}`,selectedIndex:f,focusedIndex:d,setSelectedIndex:p,setFocusedIndex:h,isManual:o,isLazy:i,lazyBehavior:s,orientation:l,descendants:g,direction:c,htmlProps:u}}(i),u=a.exports.useMemo((()=>c),[c]),{isFitted:d,...h}=s;return H.createElement(iH,{value:l},H.createElement(cH,{value:u},H.createElement(gH,{value:n},H.createElement(lk.div,{className:rH("chakra-tabs",o),ref:t,...h,__css:n.root},r))))}));vH.displayName="Tabs";var yH=ok((function(e,t){const n=function(){const e=uH(),t=aH(),{selectedIndex:n,orientation:r}=e,o="horizontal"===r,i="vertical"===r,[s,l]=a.exports.useState((()=>o?{left:0,width:0}:i?{top:0,height:0}:void 0)),[c,u]=a.exports.useState(!1);return Ku((()=>{if(null==n)return;const e=t.item(n);if(null==e)return;o&&l({left:e.node.offsetLeft,width:e.node.offsetWidth}),i&&l({top:e.node.offsetTop,height:e.node.offsetHeight});const r=requestAnimationFrame((()=>{u(!0)}));return()=>{r&&cancelAnimationFrame(r)}}),[n,o,i,t]),{position:"absolute",transitionProperty:"left, right, top, bottom, height, width",transitionDuration:c?"200ms":"0ms",transitionTimingFunction:"cubic-bezier(0, 0, 0.2, 1)",...s}}(),r={...e.style,...n},o=mH();return H.createElement(lk.div,{ref:t,...e,className:rH("chakra-tabs__tab-indicator",e.className),style:r,__css:o.indicator})}));yH.displayName="TabIndicator";var bH=ok((function(e,t){const n=function(e){const{focusedIndex:t,orientation:n,direction:r}=uH(),o=aH(),i=a.exports.useCallback((e=>{const i=()=>{var e;const n=o.nextEnabled(t);n&&(null==(e=n.node)||e.focus())},a=()=>{var e;const n=o.prevEnabled(t);n&&(null==(e=n.node)||e.focus())},s="horizontal"===n,l="vertical"===n,c=e.key,u={["ltr"===r?"ArrowLeft":"ArrowRight"]:()=>s&&a(),["ltr"===r?"ArrowRight":"ArrowLeft"]:()=>s&&i(),ArrowDown:()=>l&&i(),ArrowUp:()=>l&&a(),Home:()=>{var e;const t=o.firstEnabled();t&&(null==(e=t.node)||e.focus())},End:()=>{var e;const t=o.lastEnabled();t&&(null==(e=t.node)||e.focus())}},d=u[c];d&&(e.preventDefault(),d(e))}),[o,t,n,r]);return{...e,role:"tablist","aria-orientation":n,onKeyDown:oH(e.onKeyDown,i)}}({...e,ref:t}),r={display:"flex",...mH().tablist};return H.createElement(lk.div,{...n,className:rH("chakra-tabs__tablist",e.className),__css:r})}));bH.displayName="TabList";var xH=ok((function(e,t){const n=function(e){const{children:t,...n}=e,{isLazy:r,lazyBehavior:o}=uH(),{isSelected:i,id:s,tabId:l}=hH(),c=a.exports.useRef(!1);return i&&(c.current=!0),{tabIndex:0,...n,children:KN({wasSelected:c.current,isSelected:i,enabled:r,mode:o})?t:null,role:"tabpanel","aria-labelledby":l,hidden:!i,id:s}}({...e,ref:t}),r=mH();return H.createElement(lk.div,{outline:"0",...n,className:rH("chakra-tabs__tab-panel",e.className),__css:r.tabpanel})}));xH.displayName="TabPanel";var wH=ok((function(e,t){const n=function(e){const t=uH(),{id:n,selectedIndex:r}=t,o=PT(e.children).map(((e,t)=>a.exports.createElement(dH,{key:t,value:{isSelected:t===r,id:pH(n,t),tabId:fH(n,t),selectedIndex:r}},e)));return{...e,children:o}}(e),r=mH();return H.createElement(lk.div,{...n,width:"100%",ref:t,className:rH("chakra-tabs__tab-panels",e.className),__css:r.tabpanels})}));wH.displayName="TabPanels";var kH=ok((function(e,t){const n=mH(),r=function(e){const{isDisabled:t,isFocusable:n,...r}=e,{setSelectedIndex:o,isManual:i,id:a,setFocusedIndex:s,selectedIndex:l}=uH(),{index:c,register:u}=lH({disabled:t&&!n}),d=c===l;return{...eR({...r,ref:uk(u,e.ref),isDisabled:t,isFocusable:n,onClick:oH(e.onClick,(()=>{o(c)}))}),id:fH(a,c),role:"tab",tabIndex:d?0:-1,type:"button","aria-selected":d,"aria-controls":pH(a,c),onFocus:t?void 0:oH(e.onFocus,(()=>{s(c),!i&&(!t||!n)&&o(c)}))}}({...e,ref:t}),o={outline:"0",display:"flex",alignItems:"center",justifyContent:"center",...n.tab};return H.createElement(lk.button,{...r,className:rH("chakra-tabs__tab",e.className),__css:o})}));kH.displayName="Tab";var SH=(...e)=>e.filter(Boolean).join(" ");var CH=["h","minH","height","minHeight"],_H=ok(((e,t)=>{const n=ak("Textarea",e),{className:r,rows:o,...i}=hf(e),a=YT(i),s=o?function(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}(n,CH):n;return H.createElement(lk.textarea,{ref:t,rows:o,...a,className:SH("chakra-textarea",r),__css:s})}));function EH(e,...t){return PH(e)?e(...t):e}_H.displayName="Textarea";var PH=e=>"function"==typeof e;function LH(e,t){const n=e??"bottom",r={"top-start":{ltr:"top-left",rtl:"top-right"},"top-end":{ltr:"top-right",rtl:"top-left"},"bottom-start":{ltr:"bottom-left",rtl:"bottom-right"},"bottom-end":{ltr:"bottom-right",rtl:"bottom-left"}}[n];return(null==r?void 0:r[t])??n}var OH=(e,t)=>e.find((e=>e.id===t));function MH(e,t){const n=TH(e,t);return{position:n,index:n?e[n].findIndex((e=>e.id===t)):-1}}function TH(e,t){for(const[n,r]of Object.entries(e))if(OH(r,t))return n}function AH(e){return{position:"fixed",zIndex:5500,pointerEvents:"none",display:"flex",flexDirection:"column",margin:"top"===e||"bottom"===e?"0 auto":void 0,top:e.includes("top")?"env(safe-area-inset-top, 0px)":void 0,bottom:e.includes("bottom")?"env(safe-area-inset-bottom, 0px)":void 0,right:e.includes("left")?void 0:"env(safe-area-inset-right, 0px)",left:e.includes("right")?void 0:"env(safe-area-inset-left, 0px)"}}var IH=function(e){let t=e;const n=new Set,r=e=>{t=e(t),n.forEach((e=>e()))};return{getState:()=>t,subscribe:t=>(n.add(t),()=>{r((()=>e)),n.delete(t)}),removeToast:(e,t)=>{r((n=>({...n,[t]:n[t].filter((t=>t.id!=e))})))},notify:(e,t)=>{const n=function(e,t={}){RH+=1;const n=t.id??RH,r=t.position??"bottom";return{id:n,message:e,position:r,duration:t.duration,onCloseComplete:t.onCloseComplete,onRequestRemove:()=>IH.removeToast(String(n),r),status:t.status,requestClose:!1,containerStyle:t.containerStyle}}(e,t),{position:o,id:i}=n;return r((e=>{const t=o.includes("top")?[n,...e[o]??[]]:[...e[o]??[],n];return{...e,[o]:t}})),i},update:(e,t)=>{e&&r((n=>{const r={...n},{position:o,index:i}=MH(r,e);return o&&-1!==i&&(r[o][i]={...r[o][i],...t,message:DH(t)}),r}))},closeAll:({positions:e}={})=>{r((t=>(e??["bottom","bottom-right","bottom-left","top","top-left","top-right"]).reduce(((e,n)=>(e[n]=t[n].map((e=>({...e,requestClose:!0}))),e)),{...t})))},close:e=>{r((t=>{const n=TH(t,e);return n?{...t,[n]:t[n].map((t=>t.id==e?{...t,requestClose:!0}:t))}:t}))},isActive:e=>Boolean(MH(IH.getState(),e).position)}}({top:[],"top-left":[],"top-right":[],"bottom-left":[],bottom:[],"bottom-right":[]});var RH=0;var NH=e=>{const{status:t,variant:n="solid",id:r,title:o,isClosable:i,onClose:a,description:s,icon:l}=e,c=r?{root:`toast-${r}`,title:`toast-${r}-title`,description:`toast-${r}-description`}:void 0;return H.createElement(xT,{addRole:!1,status:t,variant:n,id:null==c?void 0:c.root,alignItems:"start",borderRadius:"md",boxShadow:"lg",paddingEnd:8,textAlign:"start",width:"auto"},ld(kT,{children:l}),H.createElement(lk.div,{flex:"1",maxWidth:"100%"},o&&ld(ST,{id:null==c?void 0:c.title,children:o}),s&&ld(wT,{id:null==c?void 0:c.description,display:"block",children:s})),i&&ld(IA,{size:"sm",onClick:a,position:"absolute",insetEnd:1,top:1}))};function DH(e={}){const{render:t,toastComponent:n=NH}=e;return r=>"function"==typeof t?t({...r,...e}):ld(n,{...r,...e})}function zH(e){const{theme:t}=Xw();return a.exports.useMemo((()=>function(e,t){const n=n=>({...t,...n,position:LH((null==n?void 0:n.position)??(null==t?void 0:t.position),e)}),r=e=>{const t=n(e),r=DH(t);return IH.notify(r,t)};return r.update=(e,t)=>{IH.update(e,n(t))},r.promise=(e,t)=>{const n=r({...t.loading,status:"loading",duration:null});e.then((e=>r.update(n,{status:"success",duration:5e3,...EH(t.success,e)}))).catch((e=>r.update(n,{status:"error",duration:5e3,...EH(t.error,e)})))},r.closeAll=IH.closeAll,r.close=IH.close,r.isActive=IH.isActive,r}(t.direction,e)),[e,t.direction])}var BH={initial:e=>{const{position:t}=e,n=["top","bottom"].includes(t)?"y":"x";let r=["top-right","bottom-right"].includes(t)?1:-1;return"bottom"===t&&(r=1),{opacity:0,[n]:24*r}},animate:{opacity:1,y:0,x:0,scale:1,transition:{duration:.4,ease:[.4,0,.2,1]}},exit:{opacity:0,scale:.85,transition:{duration:.2,ease:[.4,0,1,1]}}},jH=a.exports.memo((e=>{const{id:t,message:n,onCloseComplete:r,onRequestRemove:o,requestClose:i=!1,position:s="bottom",duration:l=5e3,containerStyle:c,motionVariants:u=BH,toastSpacing:d="0.5rem"}=e,[h,f]=a.exports.useState(l),p=AE();nA((()=>{p||null==r||r()}),[p]),nA((()=>{f(l)}),[l]);const g=()=>{p&&o()};a.exports.useEffect((()=>{p&&i&&o()}),[p,i,o]),function(e,t){const n=Ck(e);a.exports.useEffect((()=>{if(null==t)return;let e=null;return e=window.setTimeout((()=>{n()}),t),()=>{e&&window.clearTimeout(e)}}),[t,n])}(g,h);const m=a.exports.useMemo((()=>({pointerEvents:"auto",maxWidth:560,minWidth:300,margin:d,...c})),[c,d]),v=a.exports.useMemo((()=>function(e){let t="center";return e.includes("right")&&(t="flex-end"),e.includes("left")&&(t="flex-start"),{display:"flex",flexDirection:"column",alignItems:t}}(s)),[s]);return H.createElement(iM.li,{layout:!0,className:"chakra-toast",variants:u,initial:"initial",animate:"animate",exit:"exit",onHoverStart:()=>f(null),onHoverEnd:()=>f(l),custom:{position:s},style:v},H.createElement(lk.div,{role:"status","aria-atomic":"true",className:"chakra-toast__inner",__css:m},EH(n,{id:t,onClose:g})))}));jH.displayName="ToastComponent";var FH=e=>{const t=a.exports.useSyncExternalStore(IH.subscribe,IH.getState,IH.getState),{children:n,motionVariants:r,component:o=jH,portalProps:i}=e,s=Object.keys(t).map((e=>{const n=t[e];return ld("ul",{role:"region","aria-live":"polite",id:`chakra-toast-manager-${e}`,style:AH(e),children:ld(hM,{initial:!1,children:n.map((e=>ld(o,{motionVariants:r,...e},e.id)))})},e)}));return cd(sd,{children:[n,ld(sD,{...i,children:s})]})};var HH={exit:{scale:.85,opacity:0,transition:{opacity:{duration:.15,easings:"easeInOut"},scale:{duration:.2,easings:"easeInOut"}}},enter:{scale:1,opacity:1,transition:{opacity:{easings:"easeOut",duration:.2},scale:{duration:.2,ease:[.175,.885,.4,1.1]}}}};function WH(...e){return function(t){e.some((e=>(null==e||e(t),null==t?void 0:t.defaultPrevented)))}}var VH=e=>{var t;return(null==(t=e.current)?void 0:t.ownerDocument)||document},$H=e=>{var t,n;return(null==(n=null==(t=e.current)?void 0:t.ownerDocument)?void 0:n.defaultView)||window};function UH(e={}){const{openDelay:t=0,closeDelay:n=0,closeOnClick:r=!0,closeOnMouseDown:o,closeOnScroll:i,closeOnPointerDown:s=o,closeOnEsc:l=!0,onOpen:c,onClose:u,placement:d,id:h,isOpen:f,defaultIsOpen:p,arrowSize:g=10,arrowShadowColor:m,arrowPadding:v,modifiers:y,isDisabled:b,gutter:x,offset:w,direction:k,...S}=e,{isOpen:C,onOpen:_,onClose:E}=ZN({isOpen:f,defaultIsOpen:p,onOpen:c,onClose:u}),{referenceRef:P,getPopperProps:L,getArrowInnerProps:O,getArrowProps:M}=qN({enabled:C,placement:d,arrowPadding:v,modifiers:y,gutter:x,offset:w,direction:k}),T=a.exports.useId(),A=`tooltip-${h??T}`,I=a.exports.useRef(null),R=a.exports.useRef(),N=a.exports.useCallback((()=>{R.current&&(clearTimeout(R.current),R.current=void 0)}),[]),D=a.exports.useRef(),z=a.exports.useCallback((()=>{D.current&&(clearTimeout(D.current),D.current=void 0)}),[]),B=a.exports.useCallback((()=>{z(),E()}),[E,z]),j=function(e,t){return a.exports.useEffect((()=>{const n=VH(e);return n.addEventListener(GH,t),()=>n.removeEventListener(GH,t)}),[t,e]),()=>{const t=VH(e),n=$H(e);t.dispatchEvent(new n.CustomEvent(GH))}}(I,B),F=a.exports.useCallback((()=>{if(!b&&!R.current){j();const e=$H(I);R.current=e.setTimeout(_,t)}}),[j,b,_,t]),H=a.exports.useCallback((()=>{N();const e=$H(I);D.current=e.setTimeout(B,n)}),[n,B,N]),W=a.exports.useCallback((()=>{C&&r&&H()}),[r,H,C]),V=a.exports.useCallback((()=>{C&&s&&H()}),[s,H,C]),$=a.exports.useCallback((e=>{C&&"Escape"===e.key&&H()}),[C,H]);GA((()=>VH(I)),"keydown",l?$:void 0),GA((()=>VH(I)),"scroll",(()=>{C&&i&&B()})),a.exports.useEffect((()=>{b&&(N(),C&&E())}),[b,C,E,N]),a.exports.useEffect((()=>()=>{N(),z()}),[N,z]),GA((()=>I.current),"pointerleave",H);const U=a.exports.useCallback(((e={},t=null)=>{const n={...e,ref:uk(I,t,P),onPointerEnter:WH(e.onPointerEnter,(e=>{"touch"!==e.pointerType&&F()})),onClick:WH(e.onClick,W),onPointerDown:WH(e.onPointerDown,V),onFocus:WH(e.onFocus,F),onBlur:WH(e.onBlur,H),"aria-describedby":C?A:void 0};return n}),[F,H,V,C,A,W,P]),G=a.exports.useCallback(((e={},t=null)=>L({...e,style:{...e.style,[IN.arrowSize.var]:g?`${g}px`:void 0,[IN.arrowShadowColor.var]:m}},t)),[L,g,m]),q=a.exports.useCallback(((e={},t=null)=>{const n={...e.style,position:"relative",transformOrigin:IN.transformOrigin.varRef};return{ref:t,...S,...e,id:A,role:"tooltip",style:n}}),[S,A]);return{isOpen:C,show:F,hide:H,getTriggerProps:U,getTooltipProps:q,getTooltipPositionerProps:G,getArrowProps:M,getArrowInnerProps:O}}var GH="chakra-ui:close-tooltip";var qH=lk(iM.div),YH=ok(((e,t)=>{const n=ak("Tooltip",e),r=hf(e),o=Zw(),{children:i,label:s,shouldWrapChildren:l,"aria-label":c,hasArrow:u,bg:d,portalProps:h,background:f,backgroundColor:p,bgColor:g,motionProps:m,...v}=r,y=f??p??d??g;if(y){n.bg=y;const e=function(e,t,n){var r,o;return(null==(o=null==(r=e.__cssMap)?void 0:r[`${t}.${n}`])?void 0:o.varRef)??n}(o,"colors",y);n[IN.arrowBg.var]=e}const b=UH({...v,direction:o.direction});let x;if("string"==typeof i||l)x=H.createElement(lk.span,{display:"inline-block",tabIndex:0,...b.getTriggerProps()},i);else{const e=a.exports.Children.only(i);x=a.exports.cloneElement(e,b.getTriggerProps(e.props,e.ref))}const w=!!c,k=b.getTooltipProps({},t),S=w?function(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}(k,["role","id"]):k,C=function(e,t){const n={};for(const r of t)r in e&&(n[r]=e[r]);return n}(k,["role","id"]);return s?cd(sd,{children:[x,ld(hM,{children:b.isOpen&&H.createElement(sD,{...h},H.createElement(lk.div,{...b.getTooltipPositionerProps(),__css:{zIndex:n.zIndex,pointerEvents:"none"}},cd(qH,{variants:HH,initial:"exit",animate:"enter",exit:"exit",...m,...S,__css:n,children:[s,w&&H.createElement(lk.span,{srOnly:!0,...C},c),u&&H.createElement(lk.div,{"data-popper-arrow":!0,className:"chakra-tooltip__arrow-wrapper"},H.createElement(lk.div,{"data-popper-arrow-inner":!0,className:"chakra-tooltip__arrow",__css:{bg:n.bg}}))]})))})]}):ld(sd,{children:i})}));YH.displayName="Tooltip";var ZH=e=>{const{children:t,colorModeManager:n,portalZIndex:r,resetCSS:o=!0,theme:i={},environment:a,cssVarsRoot:s}=e,l=ld(QI,{environment:a,children:t});return ld(Kw,{theme:i,cssVarsRoot:s,children:cd(yd,{colorModeManager:n,options:i.config,children:[ld(o?UA:$A,{}),ld(Jw,{}),r?ld(eD,{zIndex:r,children:l}):l]})})};function XH({children:e,theme:t=Ww,toastOptions:n,...r}){return cd(ZH,{theme:t,...r,children:[e,ld(FH,{...n})]})}function KH(e){for(var t=arguments.length,n=Array(t>1?t-1:0),r=1;r3?t.i-4:t.i:Array.isArray(e)?1:iW(e)?2:aW(e)?3:0}function nW(e,t){return 2===tW(e)?e.has(t):Object.prototype.hasOwnProperty.call(e,t)}function rW(e,t,n){var r=tW(e);2===r?e.set(t,n):3===r?(e.delete(t),e.add(n)):e[t]=n}function oW(e,t){return e===t?0!==e||1/e==1/t:e!=e&&t!=t}function iW(e){return IW&&e instanceof Map}function aW(e){return RW&&e instanceof Set}function sW(e){return e.o||e.t}function lW(e){if(Array.isArray(e))return Array.prototype.slice.call(e);var t=HW(e);delete t[BW];for(var n=FW(t),r=0;r1&&(e.set=e.add=e.clear=e.delete=uW),Object.freeze(e),t&&eW(e,(function(e,t){return cW(t,!0)}),!0)),e}function uW(){KH(2)}function dW(e){return null==e||"object"!=typeof e||Object.isFrozen(e)}function hW(e){var t=WW[e];return t||KH(18,e),t}function fW(){return TW}function pW(e,t){t&&(hW("Patches"),e.u=[],e.s=[],e.v=t)}function gW(e){mW(e),e.p.forEach(yW),e.p=null}function mW(e){e===TW&&(TW=e.l)}function vW(e){return TW={p:[],l:TW,h:e,m:!0,_:0}}function yW(e){var t=e[BW];0===t.i||1===t.i?t.j():t.O=!0}function bW(e,t){t._=t.p.length;var n=t.p[0],r=void 0!==e&&e!==n;return t.h.g||hW("ES5").S(t,e,r),r?(n[BW].P&&(gW(t),KH(4)),JH(e)&&(e=xW(t,e),t.l||kW(t,e)),t.u&&hW("Patches").M(n[BW].t,e,t.u,t.s)):e=xW(t,n,[]),gW(t),t.u&&t.v(t.u,t.s),e!==DW?e:void 0}function xW(e,t,n){if(dW(t))return t;var r=t[BW];if(!r)return eW(t,(function(o,i){return wW(e,r,t,o,i,n)}),!0),t;if(r.A!==e)return t;if(!r.P)return kW(e,r.t,!0),r.t;if(!r.I){r.I=!0,r.A._--;var o=4===r.i||5===r.i?r.o=lW(r.k):r.o;eW(3===r.i?new Set(o):o,(function(t,i){return wW(e,r,o,t,i,n)})),kW(e,o,!1),n&&e.u&&hW("Patches").R(r,n,e.u,e.s)}return r.o}function wW(e,t,n,r,o,i){if(QH(o)){var a=xW(e,o,i&&t&&3!==t.i&&!nW(t.D,r)?i.concat(r):void 0);if(rW(n,r,a),!QH(a))return;e.m=!1}if(JH(o)&&!dW(o)){if(!e.h.F&&e._<1)return;xW(e,o),t&&t.A.l||kW(e,o)}}function kW(e,t,n){void 0===n&&(n=!1),e.h.F&&e.m&&cW(t,n)}function SW(e,t){var n=e[BW];return(n?sW(n):e)[t]}function CW(e,t){if(t in e)for(var n=Object.getPrototypeOf(e);n;){var r=Object.getOwnPropertyDescriptor(n,t);if(r)return r;n=Object.getPrototypeOf(n)}}function _W(e){e.P||(e.P=!0,e.l&&_W(e.l))}function EW(e){e.o||(e.o=lW(e.t))}function PW(e,t,n){var r=iW(t)?hW("MapSet").N(t,n):aW(t)?hW("MapSet").T(t,n):e.g?function(e,t){var n=Array.isArray(e),r={i:n?1:0,A:t?t.A:fW(),P:!1,I:!1,D:{},l:t,t:e,k:null,o:null,j:null,C:!1},o=r,i=VW;n&&(o=[r],i=$W);var a=Proxy.revocable(o,i),s=a.revoke,l=a.proxy;return r.k=l,r.j=s,l}(t,n):hW("ES5").J(t,n);return(n?n.A:fW()).p.push(r),r}function LW(e){return QH(e)||KH(22,e),function e(t){if(!JH(t))return t;var n,r=t[BW],o=tW(t);if(r){if(!r.P&&(r.i<4||!hW("ES5").K(r)))return r.t;r.I=!0,n=OW(t,o),r.I=!1}else n=OW(t,o);return eW(n,(function(t,o){r&&function(e,t){return 2===tW(e)?e.get(t):e[t]}(r.t,t)===o||rW(n,t,e(o))})),3===o?new Set(n):n}(e)}function OW(e,t){switch(t){case 2:return new Map(e);case 3:return Array.from(e)}return lW(e)}var MW,TW,AW="undefined"!=typeof Symbol&&"symbol"==typeof Symbol("x"),IW="undefined"!=typeof Map,RW="undefined"!=typeof Set,NW="undefined"!=typeof Proxy&&void 0!==Proxy.revocable&&"undefined"!=typeof Reflect,DW=AW?Symbol.for("immer-nothing"):((MW={})["immer-nothing"]=!0,MW),zW=AW?Symbol.for("immer-draftable"):"__$immer_draftable",BW=AW?Symbol.for("immer-state"):"__$immer_state",jW=""+Object.prototype.constructor,FW="undefined"!=typeof Reflect&&Reflect.ownKeys?Reflect.ownKeys:void 0!==Object.getOwnPropertySymbols?function(e){return Object.getOwnPropertyNames(e).concat(Object.getOwnPropertySymbols(e))}:Object.getOwnPropertyNames,HW=Object.getOwnPropertyDescriptors||function(e){var t={};return FW(e).forEach((function(n){t[n]=Object.getOwnPropertyDescriptor(e,n)})),t},WW={},VW={get:function(e,t){if(t===BW)return e;var n=sW(e);if(!nW(n,t))return function(e,t,n){var r,o=CW(t,n);return o?"value"in o?o.value:null===(r=o.get)||void 0===r?void 0:r.call(e.k):void 0}(e,n,t);var r=n[t];return e.I||!JH(r)?r:r===SW(e.t,t)?(EW(e),e.o[t]=PW(e.A.h,r,e)):r},has:function(e,t){return t in sW(e)},ownKeys:function(e){return Reflect.ownKeys(sW(e))},set:function(e,t,n){var r=CW(sW(e),t);if(null==r?void 0:r.set)return r.set.call(e.k,n),!0;if(!e.P){var o=SW(sW(e),t),i=null==o?void 0:o[BW];if(i&&i.t===n)return e.o[t]=n,e.D[t]=!1,!0;if(oW(n,o)&&(void 0!==n||nW(e.t,t)))return!0;EW(e),_W(e)}return e.o[t]===n&&"number"!=typeof n&&(void 0!==n||t in e.o)||(e.o[t]=n,e.D[t]=!0,!0)},deleteProperty:function(e,t){return void 0!==SW(e.t,t)||t in e.t?(e.D[t]=!1,EW(e),_W(e)):delete e.D[t],e.o&&delete e.o[t],!0},getOwnPropertyDescriptor:function(e,t){var n=sW(e),r=Reflect.getOwnPropertyDescriptor(n,t);return r?{writable:!0,configurable:1!==e.i||"length"!==t,enumerable:r.enumerable,value:n[t]}:r},defineProperty:function(){KH(11)},getPrototypeOf:function(e){return Object.getPrototypeOf(e.t)},setPrototypeOf:function(){KH(12)}},$W={};eW(VW,(function(e,t){$W[e]=function(){return arguments[0]=arguments[0][0],t.apply(this,arguments)}})),$W.deleteProperty=function(e,t){return $W.set.call(this,e,t,void 0)},$W.set=function(e,t,n){return VW.set.call(this,e[0],t,n,e[0])};var UW=function(){function e(e){var t=this;this.g=NW,this.F=!0,this.produce=function(e,n,r){if("function"==typeof e&&"function"!=typeof n){var o=n;n=e;var i=t;return function(e){var t=this;void 0===e&&(e=o);for(var r=arguments.length,a=Array(r>1?r-1:0),s=1;s1?r-1:0),i=1;i=0;n--){var r=t[n];if(0===r.path.length&&"replace"===r.op){e=r.value;break}}n>-1&&(t=t.slice(n+1));var o=hW("Patches").$;return QH(e)?o(e,t):this.produce(e,(function(e){return o(e,t)}))},e}(),GW=new UW,qW=GW.produce;function YW(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),n.push.apply(n,r)}return n}function ZW(e){for(var t=1;t-1){var o=n[r];return r>0&&(n.splice(r,1),n.unshift(o)),o.value}return iV}return{get:r,put:function(t,o){r(t)===iV&&(n.unshift({key:t,value:o}),n.length>e&&n.pop())},getEntries:function(){return n},clear:function(){n=[]}}}(l,u);function h(){var t=d.get(arguments);if(t===iV){if(t=e.apply(null,arguments),c){var n=d.getEntries(),r=n.find((function(e){return c(e.value,t)}));r&&(t=r.value)}d.put(arguments,t)}return t}return h.clearCache=function(){return d.clear()},h}function lV(e){var t=Array.isArray(e[0])?e[0]:e;if(!t.every((function(e){return"function"==typeof e}))){var n=t.map((function(e){return"function"==typeof e?"function "+(e.name||"unnamed")+"()":typeof e})).join(", ");throw new Error("createSelector expects all input-selectors to be functions, but received the following types: ["+n+"]")}return t}function cV(e){for(var t=arguments.length,n=new Array(t>1?t-1:0),r=1;r0&&o[o.length-1])||6!==i[0]&&2!==i[0])){a=0;continue}if(3===i[0]&&(!o||i[1]>o[0]&&i[1]=0;t--){var o=e[t][BW];if(!o.P)switch(o.i){case 5:r(o)&&_W(o);break;case 4:n(o)&&_W(o)}}}function n(e){for(var t=e.t,n=e.k,r=FW(n),o=r.length-1;o>=0;o--){var i=r[o];if(i!==BW){var a=t[i];if(void 0===a&&!nW(t,i))return!0;var s=n[i],l=s&&s[BW];if(l?l.t!==a:!oW(s,a))return!0}}var c=!!t[BW];return r.length!==FW(t).length+(c?0:1)}function r(e){var t=e.k;if(t.length!==e.t.length)return!0;var n=Object.getOwnPropertyDescriptor(t,t.length-1);if(n&&!n.get)return!0;for(var r=0;r{Object.keys(e).forEach((function(t){v(t)&&u[t]!==e[t]&&-1===h.indexOf(t)&&h.push(t)})),Object.keys(u).forEach((function(t){void 0===e[t]&&v(t)&&-1===h.indexOf(t)&&void 0!==u[t]&&h.push(t)})),null===f&&(f=setInterval(m,i)),u=e}),a)},flush:function(){for(;0!==h.length;)m();return p||Promise.resolve()}}}function KV(e){return JSON.stringify(e)}function QV(e){var t,n=e.transforms||[],r="".concat(void 0!==e.keyPrefix?e.keyPrefix:jV).concat(e.key),o=e.storage;return e.debug,t=!1===e.deserialize?function(e){return e}:"function"==typeof e.deserialize?e.deserialize:JV,o.getItem(r).then((function(e){if(e)try{var r={},o=t(e);return Object.keys(o).forEach((function(e){r[e]=n.reduceRight((function(t,n){return n.out(t,e,o)}),t(o[e]))})),r}catch(Vhe){throw Vhe}}))}function JV(e){return JSON.parse(e)}function e$(e){0}function t$(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),n.push.apply(n,r)}return n}function n$(e){for(var t=1;t=0||(o[n]=e[n]);return o}(e,t);if(Object.getOwnPropertySymbols){var i=Object.getOwnPropertySymbols(e);for(r=0;r=0||Object.prototype.propertyIsEnumerable.call(e,n)&&(o[n]=e[n])}return o}function i$(e){return function(e){if(Array.isArray(e)){for(var t=0,n=new Array(e.length);t0&&void 0!==arguments[0]?arguments[0]:c$,t=arguments.length>1?arguments[1]:void 0;switch(t.type){case UV:return s$({},e,{registry:[].concat(i$(e.registry),[t.key])});case HV:var n=e.registry.indexOf(t.key),r=i$(e.registry);return r.splice(n,1),s$({},e,{registry:r,bootstrapped:0===r.length});default:return e}};var d$={},h$={};function f$(e){return f$="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},f$(e)}function p$(){}h$.__esModule=!0,h$.default=function(e){var t="".concat(e,"Storage");return function(e){if("object"!==("undefined"==typeof self?"undefined":f$(self))||!(e in self))return!1;try{var t=self[e],n="redux-persist ".concat(e," test");t.setItem(n,"test"),t.getItem(n),t.removeItem(n)}catch(B2){return!1}return!0}(t)?self[t]:g$};var g$={getItem:p$,setItem:p$,removeItem:p$};d$.__esModule=!0,d$.default=function(e){var t=(0,v$.default)(e);return{getItem:function(e){return new Promise((function(n,r){n(t.getItem(e))}))},setItem:function(e,n){return new Promise((function(r,o){r(t.setItem(e,n))}))},removeItem:function(e){return new Promise((function(n,r){n(t.removeItem(e))}))}}};var m$,v$=(m$=h$)&&m$.__esModule?m$:{default:m$};var y$,b$=function(e){return e&&e.__esModule?e:{default:e}}(d$);y$=(0,b$.default)("local");var x$={},w$={},k$={};Object.defineProperty(k$,"__esModule",{value:!0}),k$.PLACEHOLDER_UNDEFINED=k$.PACKAGE_NAME=void 0,k$.PACKAGE_NAME="redux-deep-persist",k$.PLACEHOLDER_UNDEFINED="@@placeholder/undefined";var S$={};!function(e){var t;Object.defineProperty(e,"__esModule",{value:!0}),e.ConfigType=void 0,(t=e.ConfigType||(e.ConfigType={}))[t.WHITELIST=0]="WHITELIST",t[t.BLACKLIST=1]="BLACKLIST"}(S$),function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.getRootKeysGroup=e.throwError=e.configValidator=e.transformsValidator=e.singleTransformValidator=e.findDuplicatesAndSubsets=e.unique=e.preserveUndefined=e.mergeDeep=e.dissocPath=e.assocPath=e.path=e.difference=e.cloneDeep=e._cloneDeep=e.getCircularPath=e.isEmpty=e.isDate=e.isString=e.isIntegerString=e.isPlainObject=e.isArray=e.isLength=e.isObjectLike=void 0;const t=k$,n=S$;e.isObjectLike=function(e){return"object"==typeof e&&null!==e};e.isLength=function(e){return"number"==typeof e&&e>-1&&e%1==0&&e<=Number.MAX_SAFE_INTEGER},e.isArray=Array.isArray||function(t){return(0,e.isLength)(t&&t.length)&&"[object Array]"===Object.prototype.toString.call(t)};e.isPlainObject=function(t){return!!t&&"object"==typeof t&&!(0,e.isArray)(t)};e.isIntegerString=function(e){return String(~~e)===e&&Number(e)>=0};e.isString=function(e){return"[object String]"===Object.prototype.toString.call(e)};e.isDate=function(e){return"[object Date]"===Object.prototype.toString.call(e)};e.isEmpty=function(e){return 0===Object.keys(e).length};const r=Object.prototype.hasOwnProperty;e.getCircularPath=function(t,n,r){r||(r=new Set([t])),n||(n="");for(const o in t){const i=n?`${n}.${o}`:o,a=t[o];if((0,e.isObjectLike)(a))return r.has(a)?`${n}.${o}:`:(r.add(a),(0,e.getCircularPath)(a,i,r))}return null};e._cloneDeep=function(t){if(!(0,e.isObjectLike)(t))return t;if((0,e.isDate)(t))return new Date(+t);const n=(0,e.isArray)(t)?[]:{};for(const r in t){const o=t[r];n[r]=(0,e._cloneDeep)(o)}return n};e.cloneDeep=function(n){const r=(0,e.getCircularPath)(n);if(r)throw new Error(`${t.PACKAGE_NAME}: circular dependency detected under the path '${r}' of object you're trying to persist: ${n}`);return(0,e._cloneDeep)(n)};e.difference=function(t,n){if(t===n)return{};if(!(0,e.isObjectLike)(t)||!(0,e.isObjectLike)(n))return n;const o=(0,e.cloneDeep)(t),i=(0,e.cloneDeep)(n),a=Object.keys(o).reduce(((e,t)=>(r.call(i,t)||(e[t]=void 0),e)),{});if((0,e.isDate)(o)||(0,e.isDate)(i))return o.valueOf()===i.valueOf()?{}:i;const s=Object.keys(i).reduce(((t,n)=>{if(!r.call(o,n))return t[n]=i[n],t;const a=(0,e.difference)(o[n],i[n]);return(0,e.isObjectLike)(a)&&(0,e.isEmpty)(a)&&!(0,e.isDate)(a)?(0,e.isArray)(o)&&!(0,e.isArray)(i)||!(0,e.isArray)(o)&&(0,e.isArray)(i)?i:t:(t[n]=a,t)}),a);return delete s._persist,s};e.path=function(t,n){return n.reduce(((t,n)=>{if(t){const r=parseInt(n,10),o=(0,e.isIntegerString)(n)&&r<0?t.length+r:n;return(0,e.isString)(t)?t.charAt(o):t[o]}}),t)};e.assocPath=function(t,n){const r=[...t].reverse().reduce(((t,r,o)=>{const i=(0,e.isIntegerString)(r)?[]:{};return i[r]=0===o?n:t,i}),{});return r};e.dissocPath=function(t,n){const r=(0,e.cloneDeep)(t);return n.reduce(((t,r,o)=>(o===n.length-1&&t&&(0,e.isObjectLike)(t)&&delete t[r],t&&t[r])),r),r};const o=function(n,r,...i){if(!i||!i.length)return r;const a=i.shift(),{preservePlaceholder:s,preserveUndefined:l}=n;if((0,e.isObjectLike)(r)&&(0,e.isObjectLike)(a))for(const c in a)if((0,e.isObjectLike)(a[c])&&(0,e.isObjectLike)(r[c]))r[c]||(r[c]={}),o(n,r[c],a[c]);else if((0,e.isArray)(r)){let e=a[c];const n=s?t.PLACEHOLDER_UNDEFINED:void 0;l||(e=void 0!==e?e:r[parseInt(c,10)]),e=e!==t.PLACEHOLDER_UNDEFINED?e:n,r[parseInt(c,10)]=e}else{const e=a[c]!==t.PLACEHOLDER_UNDEFINED?a[c]:void 0;r[c]=e}return o(n,r,...i)};e.mergeDeep=function(t,n,r){return o({preservePlaceholder:null==r?void 0:r.preservePlaceholder,preserveUndefined:null==r?void 0:r.preserveUndefined},(0,e.cloneDeep)(t),(0,e.cloneDeep)(n))};const i=function(r,o=[],a,s,l){if(!(0,e.isObjectLike)(r))return r;for(const c in r){const u=r[c],d=(0,e.isArray)(r),h=s?s+"."+c:c;null===u&&(a===n.ConfigType.WHITELIST&&-1===o.indexOf(h)||a===n.ConfigType.BLACKLIST&&-1!==o.indexOf(h))&&d&&(r[parseInt(c,10)]=void 0),void 0===u&&l&&a===n.ConfigType.BLACKLIST&&-1===o.indexOf(h)&&d&&(r[parseInt(c,10)]=t.PLACEHOLDER_UNDEFINED),i(u,o,a,h,l)}};e.preserveUndefined=function(t,n,r,o){const a=(0,e.cloneDeep)(t);return i(a,n,r,"",o),a};e.unique=function(e,t,n){return n.indexOf(e)===t};e.findDuplicatesAndSubsets=function(t){return t.reduce(((n,r)=>{const o=t.filter((e=>e===r)),i=t.filter((e=>0===(r+".").indexOf(e+"."))),{duplicates:a,subsets:s}=n,l=o.length>1&&-1===a.indexOf(r),c=i.length>1;return{duplicates:[...a,...l?o:[]],subsets:[...s,...c?i:[]].filter(e.unique).sort()}}),{duplicates:[],subsets:[]})};e.singleTransformValidator=function(r,o,i){const a=i===n.ConfigType.WHITELIST?"whitelist":"blacklist",s=`${t.PACKAGE_NAME}: incorrect ${a} configuration.`,l=`Check your create${i===n.ConfigType.WHITELIST?"White":"Black"}list arguments.\n\n`;if(!(0,e.isString)(o)||o.length<1)throw new Error(`${s} Name (key) of reducer is required. ${l}`);if(!r||!r.length)return;const{duplicates:c,subsets:u}=(0,e.findDuplicatesAndSubsets)(r);if(c.length>1)throw new Error(`${s} Duplicated paths.\n\n ${JSON.stringify(c)}\n\n ${l}`);if(u.length>1)throw new Error(`${s} You are trying to persist an entire property and also some of its subset.\n\n${JSON.stringify(u)}\n\n ${l}`)};e.transformsValidator=function(n){if(!(0,e.isArray)(n))return;const r=(null==n?void 0:n.map((e=>e.deepPersistKey)).filter((e=>e)))||[];if(r.length){const e=r.filter(((e,t)=>r.indexOf(e)!==t));if(e.length)throw new Error(`${t.PACKAGE_NAME}: found duplicated keys in transforms creators. You can createWhitelist or createBlacklist for a specific root reducer key only once. Duplicated keys among createWhitelist and createBlacklist transforms are not allowed.\n\n Duplicates: ${JSON.stringify(e)}`)}};e.configValidator=function({whitelist:n,blacklist:r}){if(n&&n.length&&r&&r.length)throw new Error(`${t.PACKAGE_NAME}: you should not define a whitelist and blacklist in parallel. It is allowed to use only one of these lists per config.`);if(n){const{duplicates:t,subsets:r}=(0,e.findDuplicatesAndSubsets)(n);(0,e.throwError)({duplicates:t,subsets:r},"whitelist")}if(r){const{duplicates:t,subsets:n}=(0,e.findDuplicatesAndSubsets)(r);(0,e.throwError)({duplicates:t,subsets:n},"blacklist")}};e.throwError=function({duplicates:e,subsets:n},r){if(e.length)throw new Error(`${t.PACKAGE_NAME}: duplicates of paths found in your ${r}.\n\n ${JSON.stringify(e)}`);if(n.length)throw new Error(`${t.PACKAGE_NAME}: subsets of some parent keys found in your ${r}. You must decide if you want to persist an entire path or its specific subset.\n\n ${JSON.stringify(n)}`)};e.getRootKeysGroup=function(t){return(0,e.isArray)(t)?t.filter(e.unique).reduce(((e,t)=>{const n=t.split("."),r=n[0],o=n.slice(1).join(".")||void 0,i=e.filter((e=>Object.keys(e)[0]===r))[0],a=i?Object.values(i)[0]:void 0;return i||e.push({[r]:o?[o]:void 0}),i&&!a&&o&&(i[r]=[o]),i&&a&&o&&a.push(o),e}),[]):[]}}(w$),function(e){var t=o&&o.__rest||function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols){var o=0;for(r=Object.getOwnPropertySymbols(e);o!i(n)&&e?e(t,n,r):t,out:(e,n,r)=>!i(n)&&t?t(e,n,r):e,deepPersistKey:r&&r[0]}};e.autoMergeDeep=(e,t,o,{debug:i,whitelist:a,blacklist:s,transforms:l})=>{if(a||s)throw new Error("State reconciler autoMergeDeep uses custom transforms instead of old whitelist or blacklist config properties. Please use createWhitelist or createBlacklist transforms.");(0,n.transformsValidator)(l);const c=(0,n.cloneDeep)(o);let u=e;if(u&&(0,n.isObjectLike)(u)){const a=(0,n.difference)(t,o);(0,n.isEmpty)(a)||(u=(0,n.mergeDeep)(e,a,{preserveUndefined:!0}),i&&console.log(`${r.PACKAGE_NAME}/autoMergeDeep: sub state of your state was modified by reducer during rehydration. Values from reducer will be kept: ${JSON.stringify(a)}`)),Object.keys(u).forEach((e=>{"_persist"!==e&&((0,n.isObjectLike)(c[e])?c[e]=(0,n.mergeDeep)(c[e],u[e]):c[e]=u[e])}))}return i&&u&&(0,n.isObjectLike)(u)&&console.log(`${r.PACKAGE_NAME}/autoMergeDeep: rehydrated keys ${JSON.stringify(u)}`),c};e.createWhitelist=(e,t)=>((0,n.singleTransformValidator)(t,e,i.ConfigType.WHITELIST),a((e=>{if(!t||!t.length)return e;let o,i=null;return t.forEach((t=>{const a=t.split(".");o=(0,n.path)(e,a),void 0===o&&(0,n.isIntegerString)(a[a.length-1])&&(o=r.PLACEHOLDER_UNDEFINED);const s=(0,n.assocPath)(a,o),l=(0,n.isArray)(s)?[]:{};i=(0,n.mergeDeep)(i||l,s,{preservePlaceholder:!0})})),i||e}),(e=>(0,n.preserveUndefined)(e,t,i.ConfigType.WHITELIST)),{whitelist:[e]}));e.createBlacklist=(e,t)=>((0,n.singleTransformValidator)(t,e,i.ConfigType.BLACKLIST),a((e=>{if(!t||!t.length)return;const r=(0,n.preserveUndefined)(e,t,i.ConfigType.BLACKLIST,!0);return t.map((e=>e.split("."))).reduce(((e,t)=>(0,n.dissocPath)(e,t)),r)}),(e=>(0,n.preserveUndefined)(e,t,i.ConfigType.BLACKLIST)),{whitelist:[e]}));e.getTransforms=function(t,n){return n.map((n=>{const r=Object.keys(n)[0],o=n[r];return t===i.ConfigType.WHITELIST?(0,e.createWhitelist)(r,o):(0,e.createBlacklist)(r,o)}))};e.getPersistConfig=r=>{var{key:o,whitelist:a,blacklist:s,storage:l,transforms:c,rootReducer:u}=r,d=t(r,["key","whitelist","blacklist","storage","transforms","rootReducer"]);(0,n.configValidator)({whitelist:a,blacklist:s});const h=(0,n.getRootKeysGroup)(a),f=(0,n.getRootKeysGroup)(s),p=Object.keys(u(void 0,{type:""})),g=h.map((e=>Object.keys(e)[0])),m=f.map((e=>Object.keys(e)[0])),v=p.filter((e=>-1===g.indexOf(e)&&-1===m.indexOf(e))),y=(0,e.getTransforms)(i.ConfigType.WHITELIST,h),b=(0,e.getTransforms)(i.ConfigType.BLACKLIST,f),x=(0,n.isArray)(a)?v.map((t=>(0,e.createBlacklist)(t))):[];return Object.assign(Object.assign({},d),{key:o,storage:l,transforms:[...y,...b,...x,...c||[]],stateReconciler:e.autoMergeDeep})}}(x$);const C$=e=>1===e.length?e[0].prompt:e.map((e=>`${e.prompt}:${e.weight}`)).join(" "),_$=e=>"string"==typeof e?Boolean((e=>{const t=e.split(",").map((e=>e.split(":"))),n=t.map((e=>({seed:Number(e[0]),weight:Number(e[1])})));return!!_$(n)&&n})(e)):Boolean(e.length&&!e.some((e=>{const{seed:t,weight:n}=e,r=!isNaN(parseInt(t.toString(),10)),o=!isNaN(parseInt(n.toString(),10))&&n>=0&&n<=1;return!(r&&o)}))),E$=e=>e.reduce(((e,t,n,r)=>{const{seed:o,weight:i}=t;return e+=`${o}:${i}`,n!==r.length-1&&(e+=","),e}),""),P$=["txt2img","img2img","unifiedCanvas","nodes","postprocess","training"],L$={activeTab:0,cfgScale:7.5,codeformerFidelity:.75,currentTheme:"dark",facetoolStrength:.8,facetoolType:"gfpgan",height:512,hiresFix:!1,img2imgStrength:.75,infillMethod:"patchmatch",isLightBoxOpen:!1,iterations:1,maskPath:"",optionsPanelScrollPosition:0,perlin:0,prompt:"",sampler:"k_lms",seamBlur:16,seamless:!1,seamSize:96,seamSteps:10,seamStrength:.7,seed:0,seedWeights:"",shouldFitToWidthHeight:!0,shouldGenerateVariations:!1,shouldHoldOptionsPanelOpen:!1,shouldLoopback:!1,shouldPinOptionsPanel:!0,shouldRandomizeSeed:!0,shouldRunESRGAN:!1,shouldRunFacetool:!1,shouldShowImageDetails:!1,shouldShowOptionsPanel:!0,showAdvancedOptions:!0,showDualDisplay:!0,steps:50,threshold:0,tileSize:32,upscalingLevel:4,upscalingStrength:.75,variationAmount:.1,width:512,shouldUseCanvasBetaLayout:!1,shouldShowExistingModelsInSearch:!1},O$=AV({name:"options",initialState:L$,reducers:{setPrompt:(e,t)=>{const n=t.payload;e.prompt="string"==typeof n?n:C$(n)},setIterations:(e,t)=>{e.iterations=t.payload},setSteps:(e,t)=>{e.steps=t.payload},setCfgScale:(e,t)=>{e.cfgScale=t.payload},setThreshold:(e,t)=>{e.threshold=t.payload},setPerlin:(e,t)=>{e.perlin=t.payload},setHeight:(e,t)=>{e.height=t.payload},setWidth:(e,t)=>{e.width=t.payload},setSampler:(e,t)=>{e.sampler=t.payload},setSeed:(e,t)=>{e.seed=t.payload,e.shouldRandomizeSeed=!1},setImg2imgStrength:(e,t)=>{e.img2imgStrength=t.payload},setFacetoolStrength:(e,t)=>{e.facetoolStrength=t.payload},setCodeformerFidelity:(e,t)=>{e.codeformerFidelity=t.payload},setUpscalingLevel:(e,t)=>{e.upscalingLevel=t.payload},setUpscalingStrength:(e,t)=>{e.upscalingStrength=t.payload},setMaskPath:(e,t)=>{e.maskPath=t.payload},setSeamless:(e,t)=>{e.seamless=t.payload},setHiresFix:(e,t)=>{e.hiresFix=t.payload},setShouldFitToWidthHeight:(e,t)=>{e.shouldFitToWidthHeight=t.payload},resetSeed:e=>{e.seed=-1},setParameter:(e,t)=>{const{key:n,value:r}=t.payload,o={...e,[n]:r};return"seed"===n&&(o.shouldRandomizeSeed=!1),o},setShouldGenerateVariations:(e,t)=>{e.shouldGenerateVariations=t.payload},setVariationAmount:(e,t)=>{e.variationAmount=t.payload},setSeedWeights:(e,t)=>{e.seedWeights=t.payload,e.shouldGenerateVariations=!0,e.variationAmount=0},setAllTextToImageParameters:(e,t)=>{const{sampler:n,prompt:r,seed:o,variations:i,steps:a,cfg_scale:s,threshold:l,perlin:c,seamless:u,hires_fix:d,width:h,height:f}=t.payload.image;i&&i.length>0?(e.seedWeights=E$(i),e.shouldGenerateVariations=!0,e.variationAmount=0):e.shouldGenerateVariations=!1,o&&(e.seed=o,e.shouldRandomizeSeed=!1),r&&(e.prompt=C$(r)),n&&(e.sampler=n),a&&(e.steps=a),s&&(e.cfgScale=s),e.threshold=void 0===l?0:l,c&&(e.perlin=c),void 0===c&&(e.perlin=0),"boolean"==typeof u&&(e.seamless=u),"boolean"==typeof d&&(e.hiresFix=d),h&&(e.width=h),f&&(e.height=f)},setAllImageToImageParameters:(e,t)=>{const{type:n,strength:r,fit:o,init_image_path:i,mask_image_path:a}=t.payload.image;"img2img"===n&&(i&&(e.initialImage=i),a&&(e.maskPath=a),r&&(e.img2imgStrength=r),"boolean"==typeof o&&(e.shouldFitToWidthHeight=o))},setAllParameters:(e,t)=>{const{type:n,sampler:r,prompt:o,seed:i,variations:a,steps:s,cfg_scale:l,threshold:c,perlin:u,seamless:d,hires_fix:h,width:f,height:p,strength:g,fit:m,init_image_path:v,mask_image_path:y}=t.payload.image;"img2img"===n&&(v&&(e.initialImage=v),y&&(e.maskPath=y),g&&(e.img2imgStrength=g),"boolean"==typeof m&&(e.shouldFitToWidthHeight=m)),a&&a.length>0?(e.seedWeights=E$(a),e.shouldGenerateVariations=!0,e.variationAmount=0):e.shouldGenerateVariations=!1,i&&(e.seed=i,e.shouldRandomizeSeed=!1),o&&(e.prompt=C$(o)),r&&(e.sampler=r),s&&(e.steps=s),l&&(e.cfgScale=l),c&&(e.threshold=c),void 0===c&&(e.threshold=0),u&&(e.perlin=u),void 0===u&&(e.perlin=0),"boolean"==typeof d&&(e.seamless=d),"boolean"==typeof h&&(e.hiresFix=h),f&&(e.width=f),p&&(e.height=p),e.shouldRunESRGAN=!1,e.shouldRunFacetool=!1},resetOptionsState:e=>({...e,...L$}),setShouldRunFacetool:(e,t)=>{e.shouldRunFacetool=t.payload},setFacetoolType:(e,t)=>{e.facetoolType=t.payload},setShouldRunESRGAN:(e,t)=>{e.shouldRunESRGAN=t.payload},setShouldRandomizeSeed:(e,t)=>{e.shouldRandomizeSeed=t.payload},setShowAdvancedOptions:(e,t)=>{e.showAdvancedOptions=t.payload},setActiveTab:(e,t)=>{"number"==typeof t.payload?e.activeTab=t.payload:e.activeTab=P$.indexOf(t.payload)},setShouldShowImageDetails:(e,t)=>{e.shouldShowImageDetails=t.payload},setShowDualDisplay:(e,t)=>{e.showDualDisplay=t.payload},setInitialImage:(e,t)=>{e.initialImage=t.payload},clearInitialImage:e=>{e.initialImage=void 0},setShouldPinOptionsPanel:(e,t)=>{e.shouldPinOptionsPanel=t.payload},setShouldShowOptionsPanel:(e,t)=>{e.shouldShowOptionsPanel=t.payload},setOptionsPanelScrollPosition:(e,t)=>{e.optionsPanelScrollPosition=t.payload},setShouldHoldOptionsPanelOpen:(e,t)=>{e.shouldHoldOptionsPanelOpen=t.payload},setShouldLoopback:(e,t)=>{e.shouldLoopback=t.payload},setCurrentTheme:(e,t)=>{e.currentTheme=t.payload},setIsLightBoxOpen:(e,t)=>{e.isLightBoxOpen=t.payload},setSeamSize:(e,t)=>{e.seamSize=t.payload},setSeamBlur:(e,t)=>{e.seamBlur=t.payload},setSeamStrength:(e,t)=>{e.seamStrength=t.payload},setSeamSteps:(e,t)=>{e.seamSteps=t.payload},setTileSize:(e,t)=>{e.tileSize=t.payload},setInfillMethod:(e,t)=>{e.infillMethod=t.payload},setShouldUseCanvasBetaLayout:(e,t)=>{e.shouldUseCanvasBetaLayout=t.payload},setShouldShowExistingModelsInSearch:(e,t)=>{e.shouldShowExistingModelsInSearch=t.payload}}}),{clearInitialImage:M$,resetOptionsState:T$,resetSeed:A$,setActiveTab:I$,setAllImageToImageParameters:R$,setAllParameters:N$,setAllTextToImageParameters:D$,setCfgScale:z$,setCodeformerFidelity:B$,setCurrentTheme:j$,setFacetoolStrength:F$,setFacetoolType:H$,setHeight:W$,setHiresFix:V$,setImg2imgStrength:$$,setInfillMethod:U$,setInitialImage:G$,setIsLightBoxOpen:q$,setIterations:Y$,setMaskPath:Z$,setOptionsPanelScrollPosition:X$,setParameter:K$,setPerlin:Q$,setPrompt:J$,setSampler:eU,setSeamBlur:tU,setSeamless:nU,setSeamSize:rU,setSeamSteps:oU,setSeamStrength:iU,setSeed:aU,setSeedWeights:sU,setShouldFitToWidthHeight:lU,setShouldGenerateVariations:cU,setShouldHoldOptionsPanelOpen:uU,setShouldLoopback:dU,setShouldPinOptionsPanel:hU,setShouldRandomizeSeed:fU,setShouldRunESRGAN:pU,setShouldRunFacetool:gU,setShouldShowImageDetails:mU,setShouldShowOptionsPanel:vU,setShowAdvancedOptions:yU,setShowDualDisplay:bU,setSteps:xU,setThreshold:wU,setTileSize:kU,setUpscalingLevel:SU,setUpscalingStrength:CU,setVariationAmount:_U,setWidth:EU,setShouldUseCanvasBetaLayout:PU,setShouldShowExistingModelsInSearch:LU}=O$.actions,OU=O$.reducer;var MU={exports:{}};
/**
* @license
* Lodash
@@ -26,7 +26,7 @@ var Y=a.exports,Z=G.exports;function X(e){for(var t="https://reactjs.org/docs/er
* Released under MIT license
* Based on Underscore.js 1.8.3
* Copyright Jeremy Ashkenas, DocumentCloud and Investigative Reporters & Editors
- */!function(e,t){(function(){var n,r="Expected a function",i="__lodash_hash_undefined__",a="__lodash_placeholder__",s=16,l=32,c=64,u=128,d=256,h=1/0,f=9007199254740991,p=NaN,g=4294967295,m=[["ary",u],["bind",1],["bindKey",2],["curry",8],["curryRight",s],["flip",512],["partial",l],["partialRight",c],["rearg",d]],v="[object Arguments]",y="[object Array]",b="[object Boolean]",x="[object Date]",w="[object Error]",k="[object Function]",S="[object GeneratorFunction]",C="[object Map]",_="[object Number]",E="[object Object]",P="[object Promise]",L="[object RegExp]",O="[object Set]",M="[object String]",T="[object Symbol]",A="[object WeakMap]",I="[object ArrayBuffer]",R="[object DataView]",N="[object Float32Array]",D="[object Float64Array]",z="[object Int8Array]",B="[object Int16Array]",j="[object Int32Array]",F="[object Uint8Array]",H="[object Uint8ClampedArray]",W="[object Uint16Array]",V="[object Uint32Array]",$=/\b__p \+= '';/g,U=/\b(__p \+=) '' \+/g,G=/(__e\(.*?\)|\b__t\)) \+\n'';/g,q=/&(?:amp|lt|gt|quot|#39);/g,Y=/[&<>"']/g,Z=RegExp(q.source),X=RegExp(Y.source),K=/<%-([\s\S]+?)%>/g,Q=/<%([\s\S]+?)%>/g,J=/<%=([\s\S]+?)%>/g,ee=/\.|\[(?:[^[\]]*|(["'])(?:(?!\1)[^\\]|\\.)*?\1)\]/,te=/^\w*$/,ne=/[^.[\]]+|\[(?:(-?\d+(?:\.\d+)?)|(["'])((?:(?!\2)[^\\]|\\.)*?)\2)\]|(?=(?:\.|\[\])(?:\.|\[\]|$))/g,re=/[\\^$.*+?()[\]{}|]/g,oe=RegExp(re.source),ie=/^\s+/,ae=/\s/,se=/\{(?:\n\/\* \[wrapped with .+\] \*\/)?\n?/,le=/\{\n\/\* \[wrapped with (.+)\] \*/,ce=/,? & /,ue=/[^\x00-\x2f\x3a-\x40\x5b-\x60\x7b-\x7f]+/g,de=/[()=,{}\[\]\/\s]/,he=/\\(\\)?/g,fe=/\$\{([^\\}]*(?:\\.[^\\}]*)*)\}/g,pe=/\w*$/,ge=/^[-+]0x[0-9a-f]+$/i,me=/^0b[01]+$/i,ve=/^\[object .+?Constructor\]$/,ye=/^0o[0-7]+$/i,be=/^(?:0|[1-9]\d*)$/,xe=/[\xc0-\xd6\xd8-\xf6\xf8-\xff\u0100-\u017f]/g,we=/($^)/,ke=/['\n\r\u2028\u2029\\]/g,Se="\\ud800-\\udfff",Ce="\\u0300-\\u036f\\ufe20-\\ufe2f\\u20d0-\\u20ff",_e="\\u2700-\\u27bf",Ee="a-z\\xdf-\\xf6\\xf8-\\xff",Pe="A-Z\\xc0-\\xd6\\xd8-\\xde",Le="\\ufe0e\\ufe0f",Oe="\\xac\\xb1\\xd7\\xf7\\x00-\\x2f\\x3a-\\x40\\x5b-\\x60\\x7b-\\xbf\\u2000-\\u206f \\t\\x0b\\f\\xa0\\ufeff\\n\\r\\u2028\\u2029\\u1680\\u180e\\u2000\\u2001\\u2002\\u2003\\u2004\\u2005\\u2006\\u2007\\u2008\\u2009\\u200a\\u202f\\u205f\\u3000",Me="['โ]",Te="["+Se+"]",Ae="["+Oe+"]",Ie="["+Ce+"]",Re="\\d+",Ne="["+_e+"]",De="["+Ee+"]",ze="[^"+Se+Oe+Re+_e+Ee+Pe+"]",Be="\\ud83c[\\udffb-\\udfff]",je="[^"+Se+"]",Fe="(?:\\ud83c[\\udde6-\\uddff]){2}",He="[\\ud800-\\udbff][\\udc00-\\udfff]",We="["+Pe+"]",Ve="\\u200d",$e="(?:"+De+"|"+ze+")",Ue="(?:"+We+"|"+ze+")",Ge="(?:['โ](?:d|ll|m|re|s|t|ve))?",qe="(?:['โ](?:D|LL|M|RE|S|T|VE))?",Ye="(?:"+Ie+"|"+Be+")"+"?",Ze="["+Le+"]?",Xe=Ze+Ye+("(?:"+Ve+"(?:"+[je,Fe,He].join("|")+")"+Ze+Ye+")*"),Ke="(?:"+[Ne,Fe,He].join("|")+")"+Xe,Qe="(?:"+[je+Ie+"?",Ie,Fe,He,Te].join("|")+")",Je=RegExp(Me,"g"),et=RegExp(Ie,"g"),tt=RegExp(Be+"(?="+Be+")|"+Qe+Xe,"g"),nt=RegExp([We+"?"+De+"+"+Ge+"(?="+[Ae,We,"$"].join("|")+")",Ue+"+"+qe+"(?="+[Ae,We+$e,"$"].join("|")+")",We+"?"+$e+"+"+Ge,We+"+"+qe,"\\d*(?:1ST|2ND|3RD|(?![123])\\dTH)(?=\\b|[a-z_])","\\d*(?:1st|2nd|3rd|(?![123])\\dth)(?=\\b|[A-Z_])",Re,Ke].join("|"),"g"),rt=RegExp("["+Ve+Se+Ce+Le+"]"),ot=/[a-z][A-Z]|[A-Z]{2}[a-z]|[0-9][a-zA-Z]|[a-zA-Z][0-9]|[^a-zA-Z0-9 ]/,it=["Array","Buffer","DataView","Date","Error","Float32Array","Float64Array","Function","Int8Array","Int16Array","Int32Array","Map","Math","Object","Promise","RegExp","Set","String","Symbol","TypeError","Uint8Array","Uint8ClampedArray","Uint16Array","Uint32Array","WeakMap","_","clearTimeout","isFinite","parseInt","setTimeout"],at=-1,st={};st[N]=st[D]=st[z]=st[B]=st[j]=st[F]=st[H]=st[W]=st[V]=!0,st[v]=st[y]=st[I]=st[b]=st[R]=st[x]=st[w]=st[k]=st[C]=st[_]=st[E]=st[L]=st[O]=st[M]=st[A]=!1;var lt={};lt[v]=lt[y]=lt[I]=lt[R]=lt[b]=lt[x]=lt[N]=lt[D]=lt[z]=lt[B]=lt[j]=lt[C]=lt[_]=lt[E]=lt[L]=lt[O]=lt[M]=lt[T]=lt[F]=lt[H]=lt[W]=lt[V]=!0,lt[w]=lt[k]=lt[A]=!1;var ct={"\\":"\\","'":"'","\n":"n","\r":"r","\u2028":"u2028","\u2029":"u2029"},ut=parseFloat,dt=parseInt,ht="object"==typeof o&&o&&o.Object===Object&&o,ft="object"==typeof self&&self&&self.Object===Object&&self,pt=ht||ft||Function("return this")(),gt=t&&!t.nodeType&&t,mt=gt&&e&&!e.nodeType&&e,vt=mt&&mt.exports===gt,yt=vt&&ht.process,bt=function(){try{var e=mt&&mt.require&&mt.require("util").types;return e||yt&&yt.binding&&yt.binding("util")}catch(B2){}}(),xt=bt&&bt.isArrayBuffer,wt=bt&&bt.isDate,kt=bt&&bt.isMap,St=bt&&bt.isRegExp,Ct=bt&&bt.isSet,_t=bt&&bt.isTypedArray;function Et(e,t,n){switch(n.length){case 0:return e.call(t);case 1:return e.call(t,n[0]);case 2:return e.call(t,n[0],n[1]);case 3:return e.call(t,n[0],n[1],n[2])}return e.apply(t,n)}function Pt(e,t,n,r){for(var o=-1,i=null==e?0:e.length;++o-1}function It(e,t,n){for(var r=-1,o=null==e?0:e.length;++r-1;);return n}function nn(e,t){for(var n=e.length;n--&&Wt(t,e[n],0)>-1;);return n}function rn(e,t){for(var n=e.length,r=0;n--;)e[n]===t&&++r;return r}var on=qt({"ร":"A","ร":"A","ร":"A","ร":"A","ร":"A","ร
":"A","ร ":"a","รก":"a","รข":"a","รฃ":"a","รค":"a","รฅ":"a","ร":"C","รง":"c","ร":"D","รฐ":"d","ร":"E","ร":"E","ร":"E","ร":"E","รจ":"e","รฉ":"e","รช":"e","รซ":"e","ร":"I","ร":"I","ร":"I","ร":"I","รฌ":"i","รญ":"i","รฎ":"i","รฏ":"i","ร":"N","รฑ":"n","ร":"O","ร":"O","ร":"O","ร":"O","ร":"O","ร":"O","รฒ":"o","รณ":"o","รด":"o","รต":"o","รถ":"o","รธ":"o","ร":"U","ร":"U","ร":"U","ร":"U","รน":"u","รบ":"u","รป":"u","รผ":"u","ร":"Y","รฝ":"y","รฟ":"y","ร":"Ae","รฆ":"ae","ร":"Th","รพ":"th","ร":"ss","ฤ":"A","ฤ":"A","ฤ":"A","ฤ":"a","ฤ":"a","ฤ
":"a","ฤ":"C","ฤ":"C","ฤ":"C","ฤ":"C","ฤ":"c","ฤ":"c","ฤ":"c","ฤ":"c","ฤ":"D","ฤ":"D","ฤ":"d","ฤ":"d","ฤ":"E","ฤ":"E","ฤ":"E","ฤ":"E","ฤ":"E","ฤ":"e","ฤ":"e","ฤ":"e","ฤ":"e","ฤ":"e","ฤ":"G","ฤ":"G","ฤ ":"G","ฤข":"G","ฤ":"g","ฤ":"g","ฤก":"g","ฤฃ":"g","ฤค":"H","ฤฆ":"H","ฤฅ":"h","ฤง":"h","ฤจ":"I","ฤช":"I","ฤฌ":"I","ฤฎ":"I","ฤฐ":"I","ฤฉ":"i","ฤซ":"i","ฤญ":"i","ฤฏ":"i","ฤฑ":"i","ฤด":"J","ฤต":"j","ฤถ":"K","ฤท":"k","ฤธ":"k","ฤน":"L","ฤป":"L","ฤฝ":"L","ฤฟ":"L","ล":"L","ฤบ":"l","ฤผ":"l","ฤพ":"l","ล":"l","ล":"l","ล":"N","ล
":"N","ล":"N","ล":"N","ล":"n","ล":"n","ล":"n","ล":"n","ล":"O","ล":"O","ล":"O","ล":"o","ล":"o","ล":"o","ล":"R","ล":"R","ล":"R","ล":"r","ล":"r","ล":"r","ล":"S","ล":"S","ล":"S","ล ":"S","ล":"s","ล":"s","ล":"s","ลก":"s","ลข":"T","ลค":"T","ลฆ":"T","ลฃ":"t","ลฅ":"t","ลง":"t","ลจ":"U","ลช":"U","ลฌ":"U","ลฎ":"U","ลฐ":"U","ลฒ":"U","ลฉ":"u","ลซ":"u","ลญ":"u","ลฏ":"u","ลฑ":"u","ลณ":"u","ลด":"W","ลต":"w","ลถ":"Y","ลท":"y","ลธ":"Y","ลน":"Z","ลป":"Z","ลฝ":"Z","ลบ":"z","ลผ":"z","ลพ":"z","ฤฒ":"IJ","ฤณ":"ij","ล":"Oe","ล":"oe","ล":"'n","ลฟ":"s"}),an=qt({"&":"&","<":"<",">":">",'"':""","'":"'"});function sn(e){return"\\"+ct[e]}function ln(e){return rt.test(e)}function cn(e){var t=-1,n=Array(e.size);return e.forEach((function(e,r){n[++t]=[r,e]})),n}function un(e,t){return function(n){return e(t(n))}}function dn(e,t){for(var n=-1,r=e.length,o=0,i=[];++n",""":'"',"'":"'"});var yn=function e(t){var o,ae=(t=null==t?pt:yn.defaults(pt.Object(),t,yn.pick(pt,it))).Array,Se=t.Date,Ce=t.Error,_e=t.Function,Ee=t.Math,Pe=t.Object,Le=t.RegExp,Oe=t.String,Me=t.TypeError,Te=ae.prototype,Ae=_e.prototype,Ie=Pe.prototype,Re=t["__core-js_shared__"],Ne=Ae.toString,De=Ie.hasOwnProperty,ze=0,Be=(o=/[^.]+$/.exec(Re&&Re.keys&&Re.keys.IE_PROTO||""))?"Symbol(src)_1."+o:"",je=Ie.toString,Fe=Ne.call(Pe),He=pt._,We=Le("^"+Ne.call(De).replace(re,"\\$&").replace(/hasOwnProperty|(function).*?(?=\\\()| for .+?(?=\\\])/g,"$1.*?")+"$"),Ve=vt?t.Buffer:n,$e=t.Symbol,Ue=t.Uint8Array,Ge=Ve?Ve.allocUnsafe:n,qe=un(Pe.getPrototypeOf,Pe),Ye=Pe.create,Ze=Ie.propertyIsEnumerable,Xe=Te.splice,Ke=$e?$e.isConcatSpreadable:n,Qe=$e?$e.iterator:n,tt=$e?$e.toStringTag:n,rt=function(){try{var e=pi(Pe,"defineProperty");return e({},"",{}),e}catch(B2){}}(),ct=t.clearTimeout!==pt.clearTimeout&&t.clearTimeout,ht=Se&&Se.now!==pt.Date.now&&Se.now,ft=t.setTimeout!==pt.setTimeout&&t.setTimeout,gt=Ee.ceil,mt=Ee.floor,yt=Pe.getOwnPropertySymbols,bt=Ve?Ve.isBuffer:n,jt=t.isFinite,qt=Te.join,bn=un(Pe.keys,Pe),xn=Ee.max,wn=Ee.min,kn=Se.now,Sn=t.parseInt,Cn=Ee.random,_n=Te.reverse,En=pi(t,"DataView"),Pn=pi(t,"Map"),Ln=pi(t,"Promise"),On=pi(t,"Set"),Mn=pi(t,"WeakMap"),Tn=pi(Pe,"create"),An=Mn&&new Mn,In={},Rn=Hi(En),Nn=Hi(Pn),Dn=Hi(Ln),zn=Hi(On),Bn=Hi(Mn),jn=$e?$e.prototype:n,Fn=jn?jn.valueOf:n,Hn=jn?jn.toString:n;function Wn(e){if(os(e)&&!qa(e)&&!(e instanceof Gn)){if(e instanceof Un)return e;if(De.call(e,"__wrapped__"))return Wi(e)}return new Un(e)}var Vn=function(){function e(){}return function(t){if(!rs(t))return{};if(Ye)return Ye(t);e.prototype=t;var r=new e;return e.prototype=n,r}}();function $n(){}function Un(e,t){this.__wrapped__=e,this.__actions__=[],this.__chain__=!!t,this.__index__=0,this.__values__=n}function Gn(e){this.__wrapped__=e,this.__actions__=[],this.__dir__=1,this.__filtered__=!1,this.__iteratees__=[],this.__takeCount__=g,this.__views__=[]}function qn(e){var t=-1,n=null==e?0:e.length;for(this.clear();++t=t?e:t)),e}function ur(e,t,r,o,i,a){var s,l=1&t,c=2&t,u=4&t;if(r&&(s=i?r(e,o,i,a):r(e)),s!==n)return s;if(!rs(e))return e;var d=qa(e);if(d){if(s=function(e){var t=e.length,n=new e.constructor(t);t&&"string"==typeof e[0]&&De.call(e,"index")&&(n.index=e.index,n.input=e.input);return n}(e),!l)return Ao(e,s)}else{var h=vi(e),f=h==k||h==S;if(Ka(e))return Eo(e,l);if(h==E||h==v||f&&!i){if(s=c||f?{}:bi(e),!l)return c?function(e,t){return Io(e,mi(e),t)}(e,function(e,t){return e&&Io(t,Ns(t),e)}(s,e)):function(e,t){return Io(e,gi(e),t)}(e,ar(s,e))}else{if(!lt[h])return i?e:{};s=function(e,t,n){var r=e.constructor;switch(t){case I:return Po(e);case b:case x:return new r(+e);case R:return function(e,t){var n=t?Po(e.buffer):e.buffer;return new e.constructor(n,e.byteOffset,e.byteLength)}(e,n);case N:case D:case z:case B:case j:case F:case H:case W:case V:return Lo(e,n);case C:return new r;case _:case M:return new r(e);case L:return function(e){var t=new e.constructor(e.source,pe.exec(e));return t.lastIndex=e.lastIndex,t}(e);case O:return new r;case T:return o=e,Fn?Pe(Fn.call(o)):{}}var o}(e,h,l)}}a||(a=new Kn);var p=a.get(e);if(p)return p;a.set(e,s),cs(e)?e.forEach((function(n){s.add(ur(n,t,r,n,e,a))})):is(e)&&e.forEach((function(n,o){s.set(o,ur(n,t,r,o,e,a))}));var g=d?n:(u?c?si:ai:c?Ns:Rs)(e);return Lt(g||e,(function(n,o){g&&(n=e[o=n]),rr(s,o,ur(n,t,r,o,e,a))})),s}function dr(e,t,r){var o=r.length;if(null==e)return!o;for(e=Pe(e);o--;){var i=r[o],a=t[i],s=e[i];if(s===n&&!(i in e)||!a(s))return!1}return!0}function hr(e,t,o){if("function"!=typeof e)throw new Me(r);return Ri((function(){e.apply(n,o)}),t)}function fr(e,t,n,r){var o=-1,i=At,a=!0,s=e.length,l=[],c=t.length;if(!s)return l;n&&(t=Rt(t,Qt(n))),r?(i=It,a=!1):t.length>=200&&(i=en,a=!1,t=new Xn(t));e:for(;++o-1},Yn.prototype.set=function(e,t){var n=this.__data__,r=or(n,e);return r<0?(++this.size,n.push([e,t])):n[r][1]=t,this},Zn.prototype.clear=function(){this.size=0,this.__data__={hash:new qn,map:new(Pn||Yn),string:new qn}},Zn.prototype.delete=function(e){var t=hi(this,e).delete(e);return this.size-=t?1:0,t},Zn.prototype.get=function(e){return hi(this,e).get(e)},Zn.prototype.has=function(e){return hi(this,e).has(e)},Zn.prototype.set=function(e,t){var n=hi(this,e),r=n.size;return n.set(e,t),this.size+=n.size==r?0:1,this},Xn.prototype.add=Xn.prototype.push=function(e){return this.__data__.set(e,i),this},Xn.prototype.has=function(e){return this.__data__.has(e)},Kn.prototype.clear=function(){this.__data__=new Yn,this.size=0},Kn.prototype.delete=function(e){var t=this.__data__,n=t.delete(e);return this.size=t.size,n},Kn.prototype.get=function(e){return this.__data__.get(e)},Kn.prototype.has=function(e){return this.__data__.has(e)},Kn.prototype.set=function(e,t){var n=this.__data__;if(n instanceof Yn){var r=n.__data__;if(!Pn||r.length<199)return r.push([e,t]),this.size=++n.size,this;n=this.__data__=new Zn(r)}return n.set(e,t),this.size=n.size,this};var pr=Do(kr),gr=Do(Sr,!0);function mr(e,t){var n=!0;return pr(e,(function(e,r,o){return n=!!t(e,r,o)})),n}function vr(e,t,r){for(var o=-1,i=e.length;++o0&&n(s)?t>1?br(s,t-1,n,r,o):Nt(o,s):r||(o[o.length]=s)}return o}var xr=zo(),wr=zo(!0);function kr(e,t){return e&&xr(e,t,Rs)}function Sr(e,t){return e&&wr(e,t,Rs)}function Cr(e,t){return Tt(t,(function(t){return es(e[t])}))}function _r(e,t){for(var r=0,o=(t=ko(t,e)).length;null!=e&&rt}function Or(e,t){return null!=e&&De.call(e,t)}function Mr(e,t){return null!=e&&t in Pe(e)}function Tr(e,t,r){for(var o=r?It:At,i=e[0].length,a=e.length,s=a,l=ae(a),c=1/0,u=[];s--;){var d=e[s];s&&t&&(d=Rt(d,Qt(t))),c=wn(d.length,c),l[s]=!r&&(t||i>=120&&d.length>=120)?new Xn(s&&d):n}d=e[0];var h=-1,f=l[0];e:for(;++h=s?l:l*("desc"==n[r]?-1:1)}return e.index-t.index}(e,t,n)}))}function qr(e,t,n){for(var r=-1,o=t.length,i={};++r-1;)s!==e&&Xe.call(s,l,1),Xe.call(e,l,1);return e}function Zr(e,t){for(var n=e?t.length:0,r=n-1;n--;){var o=t[n];if(n==r||o!==i){var i=o;wi(o)?Xe.call(e,o,1):po(e,o)}}return e}function Xr(e,t){return e+mt(Cn()*(t-e+1))}function Kr(e,t){var n="";if(!e||t<1||t>f)return n;do{t%2&&(n+=e),(t=mt(t/2))&&(e+=e)}while(t);return n}function Qr(e,t){return Ni(Oi(e,t,al),e+"")}function Jr(e){return Jn(Vs(e))}function eo(e,t){var n=Vs(e);return Bi(n,cr(t,0,n.length))}function to(e,t,r,o){if(!rs(e))return e;for(var i=-1,a=(t=ko(t,e)).length,s=a-1,l=e;null!=l&&++io?0:o+t),(n=n>o?o:n)<0&&(n+=o),o=t>n?0:n-t>>>0,t>>>=0;for(var i=ae(o);++r>>1,a=e[i];null!==a&&!ds(a)&&(n?a<=t:a=200){var c=t?null:Qo(e);if(c)return hn(c);a=!1,o=en,l=new Xn}else l=t?[]:s;e:for(;++r=o?e:io(e,t,r)}var _o=ct||function(e){return pt.clearTimeout(e)};function Eo(e,t){if(t)return e.slice();var n=e.length,r=Ge?Ge(n):new e.constructor(n);return e.copy(r),r}function Po(e){var t=new e.constructor(e.byteLength);return new Ue(t).set(new Ue(e)),t}function Lo(e,t){var n=t?Po(e.buffer):e.buffer;return new e.constructor(n,e.byteOffset,e.length)}function Oo(e,t){if(e!==t){var r=e!==n,o=null===e,i=e==e,a=ds(e),s=t!==n,l=null===t,c=t==t,u=ds(t);if(!l&&!u&&!a&&e>t||a&&s&&c&&!l&&!u||o&&s&&c||!r&&c||!i)return 1;if(!o&&!a&&!u&&e1?r[i-1]:n,s=i>2?r[2]:n;for(a=e.length>3&&"function"==typeof a?(i--,a):n,s&&ki(r[0],r[1],s)&&(a=i<3?n:a,i=1),t=Pe(t);++o-1?i[a?t[s]:s]:n}}function Wo(e){return ii((function(t){var o=t.length,i=o,a=Un.prototype.thru;for(e&&t.reverse();i--;){var s=t[i];if("function"!=typeof s)throw new Me(r);if(a&&!l&&"wrapper"==ci(s))var l=new Un([],!0)}for(i=l?i:o;++i1&&y.reverse(),h&&cl))return!1;var u=a.get(e),d=a.get(t);if(u&&d)return u==t&&d==e;var h=-1,f=!0,p=2&r?new Xn:n;for(a.set(e,t),a.set(t,e);++h-1&&e%1==0&&e1?"& ":"")+t[r],t=t.join(n>2?", ":" "),e.replace(se,"{\n/* [wrapped with "+t+"] */\n")}(r,function(e,t){return Lt(m,(function(n){var r="_."+n[0];t&n[1]&&!At(e,r)&&e.push(r)})),e.sort()}(function(e){var t=e.match(le);return t?t[1].split(ce):[]}(r),n)))}function zi(e){var t=0,r=0;return function(){var o=kn(),i=16-(o-r);if(r=o,i>0){if(++t>=800)return arguments[0]}else t=0;return e.apply(n,arguments)}}function Bi(e,t){var r=-1,o=e.length,i=o-1;for(t=t===n?o:t;++r1?e[t-1]:n;return r="function"==typeof r?(e.pop(),r):n,la(e,r)}));function ga(e){var t=Wn(e);return t.__chain__=!0,t}function ma(e,t){return t(e)}var va=ii((function(e){var t=e.length,r=t?e[0]:0,o=this.__wrapped__,i=function(t){return lr(t,e)};return!(t>1||this.__actions__.length)&&o instanceof Gn&&wi(r)?((o=o.slice(r,+r+(t?1:0))).__actions__.push({func:ma,args:[i],thisArg:n}),new Un(o,this.__chain__).thru((function(e){return t&&!e.length&&e.push(n),e}))):this.thru(i)}));var ya=Ro((function(e,t,n){De.call(e,n)?++e[n]:sr(e,n,1)}));var ba=Ho(Gi),xa=Ho(qi);function wa(e,t){return(qa(e)?Lt:pr)(e,di(t,3))}function ka(e,t){return(qa(e)?Ot:gr)(e,di(t,3))}var Sa=Ro((function(e,t,n){De.call(e,n)?e[n].push(t):sr(e,n,[t])}));var Ca=Qr((function(e,t,n){var r=-1,o="function"==typeof t,i=Za(e)?ae(e.length):[];return pr(e,(function(e){i[++r]=o?Et(t,e,n):Ar(e,t,n)})),i})),_a=Ro((function(e,t,n){sr(e,n,t)}));function Ea(e,t){return(qa(e)?Rt:Hr)(e,di(t,3))}var Pa=Ro((function(e,t,n){e[n?0:1].push(t)}),(function(){return[[],[]]}));var La=Qr((function(e,t){if(null==e)return[];var n=t.length;return n>1&&ki(e,t[0],t[1])?t=[]:n>2&&ki(t[0],t[1],t[2])&&(t=[t[0]]),Gr(e,br(t,1),[])})),Oa=ht||function(){return pt.Date.now()};function Ma(e,t,r){return t=r?n:t,t=e&&null==t?e.length:t,ei(e,u,n,n,n,n,t)}function Ta(e,t){var o;if("function"!=typeof t)throw new Me(r);return e=vs(e),function(){return--e>0&&(o=t.apply(this,arguments)),e<=1&&(t=n),o}}var Aa=Qr((function(e,t,n){var r=1;if(n.length){var o=dn(n,ui(Aa));r|=l}return ei(e,r,t,n,o)})),Ia=Qr((function(e,t,n){var r=3;if(n.length){var o=dn(n,ui(Ia));r|=l}return ei(t,r,e,n,o)}));function Ra(e,t,o){var i,a,s,l,c,u,d=0,h=!1,f=!1,p=!0;if("function"!=typeof e)throw new Me(r);function g(t){var r=i,o=a;return i=a=n,d=t,l=e.apply(o,r)}function m(e){return d=e,c=Ri(y,t),h?g(e):l}function v(e){var r=e-u;return u===n||r>=t||r<0||f&&e-d>=s}function y(){var e=Oa();if(v(e))return b(e);c=Ri(y,function(e){var n=t-(e-u);return f?wn(n,s-(e-d)):n}(e))}function b(e){return c=n,p&&i?g(e):(i=a=n,l)}function x(){var e=Oa(),r=v(e);if(i=arguments,a=this,u=e,r){if(c===n)return m(u);if(f)return _o(c),c=Ri(y,t),g(u)}return c===n&&(c=Ri(y,t)),l}return t=bs(t)||0,rs(o)&&(h=!!o.leading,s=(f="maxWait"in o)?xn(bs(o.maxWait)||0,t):s,p="trailing"in o?!!o.trailing:p),x.cancel=function(){c!==n&&_o(c),d=0,i=u=a=c=n},x.flush=function(){return c===n?l:b(Oa())},x}var Na=Qr((function(e,t){return hr(e,1,t)})),Da=Qr((function(e,t,n){return hr(e,bs(t)||0,n)}));function za(e,t){if("function"!=typeof e||null!=t&&"function"!=typeof t)throw new Me(r);var n=function(){var r=arguments,o=t?t.apply(this,r):r[0],i=n.cache;if(i.has(o))return i.get(o);var a=e.apply(this,r);return n.cache=i.set(o,a)||i,a};return n.cache=new(za.Cache||Zn),n}function Ba(e){if("function"!=typeof e)throw new Me(r);return function(){var t=arguments;switch(t.length){case 0:return!e.call(this);case 1:return!e.call(this,t[0]);case 2:return!e.call(this,t[0],t[1]);case 3:return!e.call(this,t[0],t[1],t[2])}return!e.apply(this,t)}}za.Cache=Zn;var ja=So((function(e,t){var n=(t=1==t.length&&qa(t[0])?Rt(t[0],Qt(di())):Rt(br(t,1),Qt(di()))).length;return Qr((function(r){for(var o=-1,i=wn(r.length,n);++o=t})),Ga=Ir(function(){return arguments}())?Ir:function(e){return os(e)&&De.call(e,"callee")&&!Ze.call(e,"callee")},qa=ae.isArray,Ya=xt?Qt(xt):function(e){return os(e)&&Pr(e)==I};function Za(e){return null!=e&&ns(e.length)&&!es(e)}function Xa(e){return os(e)&&Za(e)}var Ka=bt||bl,Qa=wt?Qt(wt):function(e){return os(e)&&Pr(e)==x};function Ja(e){if(!os(e))return!1;var t=Pr(e);return t==w||"[object DOMException]"==t||"string"==typeof e.message&&"string"==typeof e.name&&!ss(e)}function es(e){if(!rs(e))return!1;var t=Pr(e);return t==k||t==S||"[object AsyncFunction]"==t||"[object Proxy]"==t}function ts(e){return"number"==typeof e&&e==vs(e)}function ns(e){return"number"==typeof e&&e>-1&&e%1==0&&e<=f}function rs(e){var t=typeof e;return null!=e&&("object"==t||"function"==t)}function os(e){return null!=e&&"object"==typeof e}var is=kt?Qt(kt):function(e){return os(e)&&vi(e)==C};function as(e){return"number"==typeof e||os(e)&&Pr(e)==_}function ss(e){if(!os(e)||Pr(e)!=E)return!1;var t=qe(e);if(null===t)return!0;var n=De.call(t,"constructor")&&t.constructor;return"function"==typeof n&&n instanceof n&&Ne.call(n)==Fe}var ls=St?Qt(St):function(e){return os(e)&&Pr(e)==L};var cs=Ct?Qt(Ct):function(e){return os(e)&&vi(e)==O};function us(e){return"string"==typeof e||!qa(e)&&os(e)&&Pr(e)==M}function ds(e){return"symbol"==typeof e||os(e)&&Pr(e)==T}var hs=_t?Qt(_t):function(e){return os(e)&&ns(e.length)&&!!st[Pr(e)]};var fs=Zo(Fr),ps=Zo((function(e,t){return e<=t}));function gs(e){if(!e)return[];if(Za(e))return us(e)?gn(e):Ao(e);if(Qe&&e[Qe])return function(e){for(var t,n=[];!(t=e.next()).done;)n.push(t.value);return n}(e[Qe]());var t=vi(e);return(t==C?cn:t==O?hn:Vs)(e)}function ms(e){return e?(e=bs(e))===h||e===-1/0?17976931348623157e292*(e<0?-1:1):e==e?e:0:0===e?e:0}function vs(e){var t=ms(e),n=t%1;return t==t?n?t-n:t:0}function ys(e){return e?cr(vs(e),0,g):0}function bs(e){if("number"==typeof e)return e;if(ds(e))return p;if(rs(e)){var t="function"==typeof e.valueOf?e.valueOf():e;e=rs(t)?t+"":t}if("string"!=typeof e)return 0===e?e:+e;e=Kt(e);var n=me.test(e);return n||ye.test(e)?dt(e.slice(2),n?2:8):ge.test(e)?p:+e}function xs(e){return Io(e,Ns(e))}function ws(e){return null==e?"":ho(e)}var ks=No((function(e,t){if(Ei(t)||Za(t))Io(t,Rs(t),e);else for(var n in t)De.call(t,n)&&rr(e,n,t[n])})),Ss=No((function(e,t){Io(t,Ns(t),e)})),Cs=No((function(e,t,n,r){Io(t,Ns(t),e,r)})),_s=No((function(e,t,n,r){Io(t,Rs(t),e,r)})),Es=ii(lr);var Ps=Qr((function(e,t){e=Pe(e);var r=-1,o=t.length,i=o>2?t[2]:n;for(i&&ki(t[0],t[1],i)&&(o=1);++r1),t})),Io(e,si(e),n),r&&(n=ur(n,7,ri));for(var o=t.length;o--;)po(n,t[o]);return n}));var js=ii((function(e,t){return null==e?{}:function(e,t){return qr(e,t,(function(t,n){return Ms(e,n)}))}(e,t)}));function Fs(e,t){if(null==e)return{};var n=Rt(si(e),(function(e){return[e]}));return t=di(t),qr(e,n,(function(e,n){return t(e,n[0])}))}var Hs=Jo(Rs),Ws=Jo(Ns);function Vs(e){return null==e?[]:Jt(e,Rs(e))}var $s=jo((function(e,t,n){return t=t.toLowerCase(),e+(n?Us(t):t)}));function Us(e){return Js(ws(e).toLowerCase())}function Gs(e){return(e=ws(e))&&e.replace(xe,on).replace(et,"")}var qs=jo((function(e,t,n){return e+(n?"-":"")+t.toLowerCase()})),Ys=jo((function(e,t,n){return e+(n?" ":"")+t.toLowerCase()})),Zs=Bo("toLowerCase");var Xs=jo((function(e,t,n){return e+(n?"_":"")+t.toLowerCase()}));var Ks=jo((function(e,t,n){return e+(n?" ":"")+Js(t)}));var Qs=jo((function(e,t,n){return e+(n?" ":"")+t.toUpperCase()})),Js=Bo("toUpperCase");function el(e,t,r){return e=ws(e),(t=r?n:t)===n?function(e){return ot.test(e)}(e)?function(e){return e.match(nt)||[]}(e):function(e){return e.match(ue)||[]}(e):e.match(t)||[]}var tl=Qr((function(e,t){try{return Et(e,n,t)}catch(B2){return Ja(B2)?B2:new Ce(B2)}})),nl=ii((function(e,t){return Lt(t,(function(t){t=Fi(t),sr(e,t,Aa(e[t],e))})),e}));function rl(e){return function(){return e}}var ol=Wo(),il=Wo(!0);function al(e){return e}function sl(e){return zr("function"==typeof e?e:ur(e,1))}var ll=Qr((function(e,t){return function(n){return Ar(n,e,t)}})),cl=Qr((function(e,t){return function(n){return Ar(e,n,t)}}));function ul(e,t,n){var r=Rs(t),o=Cr(t,r);null!=n||rs(t)&&(o.length||!r.length)||(n=t,t=e,e=this,o=Cr(t,Rs(t)));var i=!(rs(n)&&"chain"in n&&!n.chain),a=es(e);return Lt(o,(function(n){var r=t[n];e[n]=r,a&&(e.prototype[n]=function(){var t=this.__chain__;if(i||t){var n=e(this.__wrapped__),o=n.__actions__=Ao(this.__actions__);return o.push({func:r,args:arguments,thisArg:e}),n.__chain__=t,n}return r.apply(e,Nt([this.value()],arguments))})})),e}function dl(){}var hl=Go(Rt),fl=Go(Mt),pl=Go(Bt);function gl(e){return Si(e)?Gt(Fi(e)):function(e){return function(t){return _r(t,e)}}(e)}var ml=Yo(),vl=Yo(!0);function yl(){return[]}function bl(){return!1}var xl=Uo((function(e,t){return e+t}),0),wl=Ko("ceil"),kl=Uo((function(e,t){return e/t}),1),Sl=Ko("floor");var Cl,_l=Uo((function(e,t){return e*t}),1),El=Ko("round"),Pl=Uo((function(e,t){return e-t}),0);return Wn.after=function(e,t){if("function"!=typeof t)throw new Me(r);return e=vs(e),function(){if(--e<1)return t.apply(this,arguments)}},Wn.ary=Ma,Wn.assign=ks,Wn.assignIn=Ss,Wn.assignInWith=Cs,Wn.assignWith=_s,Wn.at=Es,Wn.before=Ta,Wn.bind=Aa,Wn.bindAll=nl,Wn.bindKey=Ia,Wn.castArray=function(){if(!arguments.length)return[];var e=arguments[0];return qa(e)?e:[e]},Wn.chain=ga,Wn.chunk=function(e,t,r){t=(r?ki(e,t,r):t===n)?1:xn(vs(t),0);var o=null==e?0:e.length;if(!o||t<1)return[];for(var i=0,a=0,s=ae(gt(o/t));ii?0:i+r),(o=o===n||o>i?i:vs(o))<0&&(o+=i),o=r>o?0:ys(o);r>>0)?(e=ws(e))&&("string"==typeof t||null!=t&&!ls(t))&&!(t=ho(t))&&ln(e)?Co(gn(e),0,r):e.split(t,r):[]},Wn.spread=function(e,t){if("function"!=typeof e)throw new Me(r);return t=null==t?0:xn(vs(t),0),Qr((function(n){var r=n[t],o=Co(n,0,t);return r&&Nt(o,r),Et(e,this,o)}))},Wn.tail=function(e){var t=null==e?0:e.length;return t?io(e,1,t):[]},Wn.take=function(e,t,r){return e&&e.length?io(e,0,(t=r||t===n?1:vs(t))<0?0:t):[]},Wn.takeRight=function(e,t,r){var o=null==e?0:e.length;return o?io(e,(t=o-(t=r||t===n?1:vs(t)))<0?0:t,o):[]},Wn.takeRightWhile=function(e,t){return e&&e.length?mo(e,di(t,3),!1,!0):[]},Wn.takeWhile=function(e,t){return e&&e.length?mo(e,di(t,3)):[]},Wn.tap=function(e,t){return t(e),e},Wn.throttle=function(e,t,n){var o=!0,i=!0;if("function"!=typeof e)throw new Me(r);return rs(n)&&(o="leading"in n?!!n.leading:o,i="trailing"in n?!!n.trailing:i),Ra(e,t,{leading:o,maxWait:t,trailing:i})},Wn.thru=ma,Wn.toArray=gs,Wn.toPairs=Hs,Wn.toPairsIn=Ws,Wn.toPath=function(e){return qa(e)?Rt(e,Fi):ds(e)?[e]:Ao(ji(ws(e)))},Wn.toPlainObject=xs,Wn.transform=function(e,t,n){var r=qa(e),o=r||Ka(e)||hs(e);if(t=di(t,4),null==n){var i=e&&e.constructor;n=o?r?new i:[]:rs(e)&&es(i)?Vn(qe(e)):{}}return(o?Lt:kr)(e,(function(e,r,o){return t(n,e,r,o)})),n},Wn.unary=function(e){return Ma(e,1)},Wn.union=oa,Wn.unionBy=ia,Wn.unionWith=aa,Wn.uniq=function(e){return e&&e.length?fo(e):[]},Wn.uniqBy=function(e,t){return e&&e.length?fo(e,di(t,2)):[]},Wn.uniqWith=function(e,t){return t="function"==typeof t?t:n,e&&e.length?fo(e,n,t):[]},Wn.unset=function(e,t){return null==e||po(e,t)},Wn.unzip=sa,Wn.unzipWith=la,Wn.update=function(e,t,n){return null==e?e:go(e,t,wo(n))},Wn.updateWith=function(e,t,r,o){return o="function"==typeof o?o:n,null==e?e:go(e,t,wo(r),o)},Wn.values=Vs,Wn.valuesIn=function(e){return null==e?[]:Jt(e,Ns(e))},Wn.without=ca,Wn.words=el,Wn.wrap=function(e,t){return Fa(wo(t),e)},Wn.xor=ua,Wn.xorBy=da,Wn.xorWith=ha,Wn.zip=fa,Wn.zipObject=function(e,t){return bo(e||[],t||[],rr)},Wn.zipObjectDeep=function(e,t){return bo(e||[],t||[],to)},Wn.zipWith=pa,Wn.entries=Hs,Wn.entriesIn=Ws,Wn.extend=Ss,Wn.extendWith=Cs,ul(Wn,Wn),Wn.add=xl,Wn.attempt=tl,Wn.camelCase=$s,Wn.capitalize=Us,Wn.ceil=wl,Wn.clamp=function(e,t,r){return r===n&&(r=t,t=n),r!==n&&(r=(r=bs(r))==r?r:0),t!==n&&(t=(t=bs(t))==t?t:0),cr(bs(e),t,r)},Wn.clone=function(e){return ur(e,4)},Wn.cloneDeep=function(e){return ur(e,5)},Wn.cloneDeepWith=function(e,t){return ur(e,5,t="function"==typeof t?t:n)},Wn.cloneWith=function(e,t){return ur(e,4,t="function"==typeof t?t:n)},Wn.conformsTo=function(e,t){return null==t||dr(e,t,Rs(t))},Wn.deburr=Gs,Wn.defaultTo=function(e,t){return null==e||e!=e?t:e},Wn.divide=kl,Wn.endsWith=function(e,t,r){e=ws(e),t=ho(t);var o=e.length,i=r=r===n?o:cr(vs(r),0,o);return(r-=t.length)>=0&&e.slice(r,i)==t},Wn.eq=Va,Wn.escape=function(e){return(e=ws(e))&&X.test(e)?e.replace(Y,an):e},Wn.escapeRegExp=function(e){return(e=ws(e))&&oe.test(e)?e.replace(re,"\\$&"):e},Wn.every=function(e,t,r){var o=qa(e)?Mt:mr;return r&&ki(e,t,r)&&(t=n),o(e,di(t,3))},Wn.find=ba,Wn.findIndex=Gi,Wn.findKey=function(e,t){return Ft(e,di(t,3),kr)},Wn.findLast=xa,Wn.findLastIndex=qi,Wn.findLastKey=function(e,t){return Ft(e,di(t,3),Sr)},Wn.floor=Sl,Wn.forEach=wa,Wn.forEachRight=ka,Wn.forIn=function(e,t){return null==e?e:xr(e,di(t,3),Ns)},Wn.forInRight=function(e,t){return null==e?e:wr(e,di(t,3),Ns)},Wn.forOwn=function(e,t){return e&&kr(e,di(t,3))},Wn.forOwnRight=function(e,t){return e&&Sr(e,di(t,3))},Wn.get=Os,Wn.gt=$a,Wn.gte=Ua,Wn.has=function(e,t){return null!=e&&yi(e,t,Or)},Wn.hasIn=Ms,Wn.head=Zi,Wn.identity=al,Wn.includes=function(e,t,n,r){e=Za(e)?e:Vs(e),n=n&&!r?vs(n):0;var o=e.length;return n<0&&(n=xn(o+n,0)),us(e)?n<=o&&e.indexOf(t,n)>-1:!!o&&Wt(e,t,n)>-1},Wn.indexOf=function(e,t,n){var r=null==e?0:e.length;if(!r)return-1;var o=null==n?0:vs(n);return o<0&&(o=xn(r+o,0)),Wt(e,t,o)},Wn.inRange=function(e,t,r){return t=ms(t),r===n?(r=t,t=0):r=ms(r),function(e,t,n){return e>=wn(t,n)&&e=-9007199254740991&&e<=f},Wn.isSet=cs,Wn.isString=us,Wn.isSymbol=ds,Wn.isTypedArray=hs,Wn.isUndefined=function(e){return e===n},Wn.isWeakMap=function(e){return os(e)&&vi(e)==A},Wn.isWeakSet=function(e){return os(e)&&"[object WeakSet]"==Pr(e)},Wn.join=function(e,t){return null==e?"":qt.call(e,t)},Wn.kebabCase=qs,Wn.last=Ji,Wn.lastIndexOf=function(e,t,r){var o=null==e?0:e.length;if(!o)return-1;var i=o;return r!==n&&(i=(i=vs(r))<0?xn(o+i,0):wn(i,o-1)),t==t?function(e,t,n){for(var r=n+1;r--;)if(e[r]===t)return r;return r}(e,t,i):Ht(e,$t,i,!0)},Wn.lowerCase=Ys,Wn.lowerFirst=Zs,Wn.lt=fs,Wn.lte=ps,Wn.max=function(e){return e&&e.length?vr(e,al,Lr):n},Wn.maxBy=function(e,t){return e&&e.length?vr(e,di(t,2),Lr):n},Wn.mean=function(e){return Ut(e,al)},Wn.meanBy=function(e,t){return Ut(e,di(t,2))},Wn.min=function(e){return e&&e.length?vr(e,al,Fr):n},Wn.minBy=function(e,t){return e&&e.length?vr(e,di(t,2),Fr):n},Wn.stubArray=yl,Wn.stubFalse=bl,Wn.stubObject=function(){return{}},Wn.stubString=function(){return""},Wn.stubTrue=function(){return!0},Wn.multiply=_l,Wn.nth=function(e,t){return e&&e.length?Ur(e,vs(t)):n},Wn.noConflict=function(){return pt._===this&&(pt._=He),this},Wn.noop=dl,Wn.now=Oa,Wn.pad=function(e,t,n){e=ws(e);var r=(t=vs(t))?pn(e):0;if(!t||r>=t)return e;var o=(t-r)/2;return qo(mt(o),n)+e+qo(gt(o),n)},Wn.padEnd=function(e,t,n){e=ws(e);var r=(t=vs(t))?pn(e):0;return t&&rt){var o=e;e=t,t=o}if(r||e%1||t%1){var i=Cn();return wn(e+i*(t-e+ut("1e-"+((i+"").length-1))),t)}return Xr(e,t)},Wn.reduce=function(e,t,n){var r=qa(e)?Dt:Yt,o=arguments.length<3;return r(e,di(t,4),n,o,pr)},Wn.reduceRight=function(e,t,n){var r=qa(e)?zt:Yt,o=arguments.length<3;return r(e,di(t,4),n,o,gr)},Wn.repeat=function(e,t,r){return t=(r?ki(e,t,r):t===n)?1:vs(t),Kr(ws(e),t)},Wn.replace=function(){var e=arguments,t=ws(e[0]);return e.length<3?t:t.replace(e[1],e[2])},Wn.result=function(e,t,r){var o=-1,i=(t=ko(t,e)).length;for(i||(i=1,e=n);++of)return[];var n=g,r=wn(e,g);t=di(t),e-=g;for(var o=Xt(r,t);++n=a)return e;var l=r-pn(o);if(l<1)return o;var c=s?Co(s,0,l).join(""):e.slice(0,l);if(i===n)return c+o;if(s&&(l+=c.length-l),ls(i)){if(e.slice(l).search(i)){var u,d=c;for(i.global||(i=Le(i.source,ws(pe.exec(i))+"g")),i.lastIndex=0;u=i.exec(d);)var h=u.index;c=c.slice(0,h===n?l:h)}}else if(e.indexOf(ho(i),l)!=l){var f=c.lastIndexOf(i);f>-1&&(c=c.slice(0,f))}return c+o},Wn.unescape=function(e){return(e=ws(e))&&Z.test(e)?e.replace(q,vn):e},Wn.uniqueId=function(e){var t=++ze;return ws(e)+t},Wn.upperCase=Qs,Wn.upperFirst=Js,Wn.each=wa,Wn.eachRight=ka,Wn.first=Zi,ul(Wn,(Cl={},kr(Wn,(function(e,t){De.call(Wn.prototype,t)||(Cl[t]=e)})),Cl),{chain:!1}),Wn.VERSION="4.17.21",Lt(["bind","bindKey","curry","curryRight","partial","partialRight"],(function(e){Wn[e].placeholder=Wn})),Lt(["drop","take"],(function(e,t){Gn.prototype[e]=function(r){r=r===n?1:xn(vs(r),0);var o=this.__filtered__&&!t?new Gn(this):this.clone();return o.__filtered__?o.__takeCount__=wn(r,o.__takeCount__):o.__views__.push({size:wn(r,g),type:e+(o.__dir__<0?"Right":"")}),o},Gn.prototype[e+"Right"]=function(t){return this.reverse()[e](t).reverse()}})),Lt(["filter","map","takeWhile"],(function(e,t){var n=t+1,r=1==n||3==n;Gn.prototype[e]=function(e){var t=this.clone();return t.__iteratees__.push({iteratee:di(e,3),type:n}),t.__filtered__=t.__filtered__||r,t}})),Lt(["head","last"],(function(e,t){var n="take"+(t?"Right":"");Gn.prototype[e]=function(){return this[n](1).value()[0]}})),Lt(["initial","tail"],(function(e,t){var n="drop"+(t?"":"Right");Gn.prototype[e]=function(){return this.__filtered__?new Gn(this):this[n](1)}})),Gn.prototype.compact=function(){return this.filter(al)},Gn.prototype.find=function(e){return this.filter(e).head()},Gn.prototype.findLast=function(e){return this.reverse().find(e)},Gn.prototype.invokeMap=Qr((function(e,t){return"function"==typeof e?new Gn(this):this.map((function(n){return Ar(n,e,t)}))})),Gn.prototype.reject=function(e){return this.filter(Ba(di(e)))},Gn.prototype.slice=function(e,t){e=vs(e);var r=this;return r.__filtered__&&(e>0||t<0)?new Gn(r):(e<0?r=r.takeRight(-e):e&&(r=r.drop(e)),t!==n&&(r=(t=vs(t))<0?r.dropRight(-t):r.take(t-e)),r)},Gn.prototype.takeRightWhile=function(e){return this.reverse().takeWhile(e).reverse()},Gn.prototype.toArray=function(){return this.take(g)},kr(Gn.prototype,(function(e,t){var r=/^(?:filter|find|map|reject)|While$/.test(t),o=/^(?:head|last)$/.test(t),i=Wn[o?"take"+("last"==t?"Right":""):t],a=o||/^find/.test(t);i&&(Wn.prototype[t]=function(){var t=this.__wrapped__,s=o?[1]:arguments,l=t instanceof Gn,c=s[0],u=l||qa(t),d=function(e){var t=i.apply(Wn,Nt([e],s));return o&&h?t[0]:t};u&&r&&"function"==typeof c&&1!=c.length&&(l=u=!1);var h=this.__chain__,f=!!this.__actions__.length,p=a&&!h,g=l&&!f;if(!a&&u){t=g?t:new Gn(this);var m=e.apply(t,s);return m.__actions__.push({func:ma,args:[d],thisArg:n}),new Un(m,h)}return p&&g?e.apply(this,s):(m=this.thru(d),p?o?m.value()[0]:m.value():m)})})),Lt(["pop","push","shift","sort","splice","unshift"],(function(e){var t=Te[e],n=/^(?:push|sort|unshift)$/.test(e)?"tap":"thru",r=/^(?:pop|shift)$/.test(e);Wn.prototype[e]=function(){var e=arguments;if(r&&!this.__chain__){var o=this.value();return t.apply(qa(o)?o:[],e)}return this[n]((function(n){return t.apply(qa(n)?n:[],e)}))}})),kr(Gn.prototype,(function(e,t){var n=Wn[t];if(n){var r=n.name+"";De.call(In,r)||(In[r]=[]),In[r].push({name:t,func:n})}})),In[Vo(n,2).name]=[{name:"wrapper",func:n}],Gn.prototype.clone=function(){var e=new Gn(this.__wrapped__);return e.__actions__=Ao(this.__actions__),e.__dir__=this.__dir__,e.__filtered__=this.__filtered__,e.__iteratees__=Ao(this.__iteratees__),e.__takeCount__=this.__takeCount__,e.__views__=Ao(this.__views__),e},Gn.prototype.reverse=function(){if(this.__filtered__){var e=new Gn(this);e.__dir__=-1,e.__filtered__=!0}else(e=this.clone()).__dir__*=-1;return e},Gn.prototype.value=function(){var e=this.__wrapped__.value(),t=this.__dir__,n=qa(e),r=t<0,o=n?e.length:0,i=function(e,t,n){var r=-1,o=n.length;for(;++r=this.__values__.length;return{done:e,value:e?n:this.__values__[this.__index__++]}},Wn.prototype.plant=function(e){for(var t,r=this;r instanceof $n;){var o=Wi(r);o.__index__=0,o.__values__=n,t?i.__wrapped__=o:t=o;var i=o;r=r.__wrapped__}return i.__wrapped__=e,t},Wn.prototype.reverse=function(){var e=this.__wrapped__;if(e instanceof Gn){var t=e;return this.__actions__.length&&(t=new Gn(this)),(t=t.reverse()).__actions__.push({func:ma,args:[ra],thisArg:n}),new Un(t,this.__chain__)}return this.thru(ra)},Wn.prototype.toJSON=Wn.prototype.valueOf=Wn.prototype.value=function(){return vo(this.__wrapped__,this.__actions__)},Wn.prototype.first=Wn.prototype.head,Qe&&(Wn.prototype[Qe]=function(){return this}),Wn}();mt?((mt.exports=yn)._=yn,gt._=yn):pt._=yn}).call(o)}(MU,MU.exports);const TU=MU.exports,AU=AV({name:"gallery",initialState:{currentImageUuid:"",shouldPinGallery:!0,shouldShowGallery:!0,galleryScrollPosition:0,galleryImageMinimumWidth:64,galleryImageObjectFit:"cover",shouldHoldGalleryOpen:!1,shouldAutoSwitchToNewImages:!0,currentCategory:"result",categories:{user:{images:[],latest_mtime:void 0,earliest_mtime:void 0,areMoreImagesAvailable:!0},result:{images:[],latest_mtime:void 0,earliest_mtime:void 0,areMoreImagesAvailable:!0}},galleryWidth:300,shouldUseSingleGalleryColumn:!1},reducers:{setCurrentImage:(e,t)=>{e.currentImage=t.payload,e.currentImageUuid=t.payload.uuid},removeImage:(e,t)=>{const{uuid:n,category:r}=t.payload,o=e.categories[r].images,i=o.filter((e=>e.uuid!==n));if(n===e.currentImageUuid){const t=o.findIndex((e=>e.uuid===n)),r=MU.exports.clamp(t,0,i.length-1);e.currentImage=i.length?i[r]:void 0,e.currentImageUuid=i.length?i[r].uuid:""}e.categories[r].images=i},addImage:(e,t)=>{const{image:n,category:r}=t.payload,{uuid:o,url:i,mtime:a}=n,s=e.categories[r];s.images.find((e=>e.url===i&&e.mtime===a))||(s.images.unshift(n),e.shouldAutoSwitchToNewImages&&(e.currentImageUuid=o,e.currentImage=n,e.currentCategory=r),e.intermediateImage=void 0,s.latest_mtime=a)},setIntermediateImage:(e,t)=>{e.intermediateImage=t.payload},clearIntermediateImage:e=>{e.intermediateImage=void 0},selectNextImage:e=>{const{currentImage:t}=e;if(!t)return;const n=e.categories[t.category].images;if(t){const r=n.findIndex((e=>e.uuid===t.uuid));if(r{const{currentImage:t}=e;if(!t)return;const n=e.categories[t.category].images;if(t){const r=n.findIndex((e=>e.uuid===t.uuid));if(r>0){const t=n[r-1];e.currentImage=t,e.currentImageUuid=t.uuid}}},addGalleryImages:(e,t)=>{const{images:n,areMoreImagesAvailable:r,category:o}=t.payload,i=e.categories[o].images;if(n.length>0){const t=n.filter((e=>!i.find((t=>t.url===e.url&&t.mtime===e.mtime))));if(e.categories[o].images=i.concat(t).sort(((e,t)=>t.mtime-e.mtime)),!e.currentImage){const t=n[0];e.currentImage=t,e.currentImageUuid=t.uuid}e.categories[o].latest_mtime=n[0].mtime,e.categories[o].earliest_mtime=n[n.length-1].mtime}void 0!==r&&(e.categories[o].areMoreImagesAvailable=r)},setShouldPinGallery:(e,t)=>{e.shouldPinGallery=t.payload},setShouldShowGallery:(e,t)=>{e.shouldShowGallery=t.payload},setGalleryScrollPosition:(e,t)=>{e.galleryScrollPosition=t.payload},setGalleryImageMinimumWidth:(e,t)=>{e.galleryImageMinimumWidth=t.payload},setGalleryImageObjectFit:(e,t)=>{e.galleryImageObjectFit=t.payload},setShouldHoldGalleryOpen:(e,t)=>{e.shouldHoldGalleryOpen=t.payload},setShouldAutoSwitchToNewImages:(e,t)=>{e.shouldAutoSwitchToNewImages=t.payload},setCurrentCategory:(e,t)=>{e.currentCategory=t.payload},setGalleryWidth:(e,t)=>{e.galleryWidth=t.payload},setShouldUseSingleGalleryColumn:(e,t)=>{e.shouldUseSingleGalleryColumn=t.payload}}}),{addImage:IU,clearIntermediateImage:RU,removeImage:NU,setCurrentImage:DU,addGalleryImages:zU,setIntermediateImage:BU,selectNextImage:jU,selectPrevImage:FU,setShouldPinGallery:HU,setShouldShowGallery:WU,setGalleryScrollPosition:VU,setGalleryImageMinimumWidth:$U,setGalleryImageObjectFit:UU,setShouldHoldGalleryOpen:GU,setShouldAutoSwitchToNewImages:qU,setCurrentCategory:YU,setGalleryWidth:ZU,setShouldUseSingleGalleryColumn:XU}=AU.actions,KU=AU.reducer;function QU(e){return QU="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},QU(e)}function JU(e,t){if(!(e instanceof t))throw new TypeError("Cannot call a class as a function")}function eG(e){var t=function(e,t){if("object"!==QU(e)||null===e)return e;var n=e[Symbol.toPrimitive];if(void 0!==n){var r=n.call(e,t||"default");if("object"!==QU(r))return r;throw new TypeError("@@toPrimitive must return a primitive value.")}return("string"===t?String:Number)(e)}(e,"string");return"symbol"===QU(t)?t:String(t)}function tG(e,t){for(var n=0;ne.length)&&(t=e.length);for(var n=0,r=new Array(t);n1&&void 0!==arguments[1]?arguments[1]:{};JU(this,e),this.init(t,n)}return nG(e,[{key:"init",value:function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{};this.prefix=t.prefix||"i18next:",this.logger=e||fG,this.options=t,this.debug=t.debug}},{key:"setDebug",value:function(e){this.debug=e}},{key:"log",value:function(){for(var e=arguments.length,t=new Array(e),n=0;n1?t-1:0),r=1;r-1?e.replace(/###/g,"."):e}function o(){return!e||"string"==typeof e}for(var i="string"!=typeof t?[].concat(t):t.split(".");i.length>1;){if(o())return{};var a=r(i.shift());!e[a]&&n&&(e[a]=new n),e=Object.prototype.hasOwnProperty.call(e,a)?e[a]:{}}return o()?{}:{obj:e,k:r(i.shift())}}function wG(e,t,n){var r=xG(e,t,Object);r.obj[r.k]=n}function kG(e,t){var n=xG(e,t),r=n.obj,o=n.k;if(r)return r[o]}function SG(e,t,n){var r=kG(e,n);return void 0!==r?r:kG(t,n)}function CG(e,t,n){for(var r in t)"__proto__"!==r&&"constructor"!==r&&(r in e?"string"==typeof e[r]||e[r]instanceof String||"string"==typeof t[r]||t[r]instanceof String?n&&(e[r]=t[r]):CG(e[r],t[r],n):e[r]=t[r]);return e}function _G(e){return e.replace(/[\-\[\]\/\{\}\(\)\*\+\?\.\\\^\$\|]/g,"\\$&")}var EG={"&":"&","<":"<",">":">",'"':""","'":"'","/":"/"};function PG(e){return"string"==typeof e?e.replace(/[&<>"'\/]/g,(function(e){return EG[e]})):e}var LG="undefined"!=typeof window&&window.navigator&&void 0===window.navigator.userAgentData&&window.navigator.userAgent&&window.navigator.userAgent.indexOf("MSIE")>-1,OG=[" ",",","?","!",";"];function MG(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),n.push.apply(n,r)}return n}function TG(e){for(var t=1;t2&&void 0!==arguments[2]?arguments[2]:".";if(e){if(e[t])return e[t];for(var r=t.split(n),o=e,i=0;ii+a;)a++,l=o[s=r.slice(i,i+a).join(n)];if(void 0===l)return;if(null===l)return null;if(t.endsWith(s)){if("string"==typeof l)return l;if(s&&"string"==typeof l[s])return l[s]}var c=r.slice(i+a).join(n);return c?IG(l,c,n):void 0}o=o[r[i]]}return o}}var RG=function(e){iG(n,e);var t=AG(n);function n(e){var r,o=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{ns:["translation"],defaultNS:"translation"};return JU(this,n),r=t.call(this),LG&&mG.call(rG(r)),r.data=e||{},r.options=o,void 0===r.options.keySeparator&&(r.options.keySeparator="."),void 0===r.options.ignoreJSONStructure&&(r.options.ignoreJSONStructure=!0),r}return nG(n,[{key:"addNamespaces",value:function(e){this.options.ns.indexOf(e)<0&&this.options.ns.push(e)}},{key:"removeNamespaces",value:function(e){var t=this.options.ns.indexOf(e);t>-1&&this.options.ns.splice(t,1)}},{key:"getResource",value:function(e,t,n){var r=arguments.length>3&&void 0!==arguments[3]?arguments[3]:{},o=void 0!==r.keySeparator?r.keySeparator:this.options.keySeparator,i=void 0!==r.ignoreJSONStructure?r.ignoreJSONStructure:this.options.ignoreJSONStructure,a=[e,t];n&&"string"!=typeof n&&(a=a.concat(n)),n&&"string"==typeof n&&(a=a.concat(o?n.split(o):n)),e.indexOf(".")>-1&&(a=e.split("."));var s=kG(this.data,a);return s||!i||"string"!=typeof n?s:IG(this.data&&this.data[e]&&this.data[e][t],n,o)}},{key:"addResource",value:function(e,t,n,r){var o=arguments.length>4&&void 0!==arguments[4]?arguments[4]:{silent:!1},i=this.options.keySeparator;void 0===i&&(i=".");var a=[e,t];n&&(a=a.concat(i?n.split(i):n)),e.indexOf(".")>-1&&(r=t,t=(a=e.split("."))[1]),this.addNamespaces(t),wG(this.data,a,r),o.silent||this.emit("added",e,t,n,r)}},{key:"addResources",value:function(e,t,n){var r=arguments.length>3&&void 0!==arguments[3]?arguments[3]:{silent:!1};for(var o in n)"string"!=typeof n[o]&&"[object Array]"!==Object.prototype.toString.apply(n[o])||this.addResource(e,t,o,n[o],{silent:!0});r.silent||this.emit("added",e,t,n)}},{key:"addResourceBundle",value:function(e,t,n,r,o){var i=arguments.length>5&&void 0!==arguments[5]?arguments[5]:{silent:!1},a=[e,t];e.indexOf(".")>-1&&(r=n,n=t,t=(a=e.split("."))[1]),this.addNamespaces(t);var s=kG(this.data,a)||{};r?CG(s,n,o):s=TG(TG({},s),n),wG(this.data,a,s),i.silent||this.emit("added",e,t,n)}},{key:"removeResourceBundle",value:function(e,t){this.hasResourceBundle(e,t)&&delete this.data[e][t],this.removeNamespaces(t),this.emit("removed",e,t)}},{key:"hasResourceBundle",value:function(e,t){return void 0!==this.getResource(e,t)}},{key:"getResourceBundle",value:function(e,t){return t||(t=this.options.defaultNS),"v1"===this.options.compatibilityAPI?TG(TG({},{}),this.getResource(e,t)):this.getResource(e,t)}},{key:"getDataByLanguage",value:function(e){return this.data[e]}},{key:"hasLanguageSomeTranslations",value:function(e){var t=this.getDataByLanguage(e);return!!(t&&Object.keys(t)||[]).find((function(e){return t[e]&&Object.keys(t[e]).length>0}))}},{key:"toJSON",value:function(){return this.data}}]),n}(mG),NG={processors:{},addPostProcessor:function(e){this.processors[e.name]=e},handle:function(e,t,n,r,o){var i=this;return e.forEach((function(e){i.processors[e]&&(t=i.processors[e].process(t,n,r,o))})),t}};function DG(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),n.push.apply(n,r)}return n}function zG(e){for(var t=1;t1&&void 0!==arguments[1]?arguments[1]:{};return JU(this,n),r=t.call(this),LG&&mG.call(rG(r)),bG(["resourceStore","languageUtils","pluralResolver","interpolator","backendConnector","i18nFormat","utils"],e,rG(r)),r.options=o,void 0===r.options.keySeparator&&(r.options.keySeparator="."),r.logger=gG.create("translator"),r}return nG(n,[{key:"changeLanguage",value:function(e){e&&(this.language=e)}},{key:"exists",value:function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{interpolation:{}};if(null==e)return!1;var n=this.resolve(e,t);return n&&void 0!==n.res}},{key:"extractFromKey",value:function(e,t){var n=void 0!==t.nsSeparator?t.nsSeparator:this.options.nsSeparator;void 0===n&&(n=":");var r=void 0!==t.keySeparator?t.keySeparator:this.options.keySeparator,o=t.ns||this.options.defaultNS||[],i=n&&e.indexOf(n)>-1,a=!(this.options.userDefinedKeySeparator||t.keySeparator||this.options.userDefinedNsSeparator||t.nsSeparator||function(e,t,n){t=t||"",n=n||"";var r=OG.filter((function(e){return t.indexOf(e)<0&&n.indexOf(e)<0}));if(0===r.length)return!0;var o=new RegExp("(".concat(r.map((function(e){return"?"===e?"\\?":e})).join("|"),")")),i=!o.test(e);if(!i){var a=e.indexOf(n);a>0&&!o.test(e.substring(0,a))&&(i=!0)}return i}(e,n,r));if(i&&!a){var s=e.match(this.interpolator.nestingRegexp);if(s&&s.length>0)return{key:e,namespaces:o};var l=e.split(n);(n!==r||n===r&&this.options.ns.indexOf(l[0])>-1)&&(o=l.shift()),e=l.join(r)}return"string"==typeof o&&(o=[o]),{key:e,namespaces:o}}},{key:"translate",value:function(e,t,r){var o=this;if("object"!==QU(t)&&this.options.overloadTranslationOptionHandler&&(t=this.options.overloadTranslationOptionHandler(arguments)),t||(t={}),null==e)return"";Array.isArray(e)||(e=[String(e)]);var i=void 0!==t.returnDetails?t.returnDetails:this.options.returnDetails,a=void 0!==t.keySeparator?t.keySeparator:this.options.keySeparator,s=this.extractFromKey(e[e.length-1],t),l=s.key,c=s.namespaces,u=c[c.length-1],d=t.lng||this.language,h=t.appendNamespaceToCIMode||this.options.appendNamespaceToCIMode;if(d&&"cimode"===d.toLowerCase()){if(h){var f=t.nsSeparator||this.options.nsSeparator;return i?(p.res="".concat(u).concat(f).concat(l),p):"".concat(u).concat(f).concat(l)}return i?(p.res=l,p):l}var p=this.resolve(e,t),g=p&&p.res,m=p&&p.usedKey||l,v=p&&p.exactUsedKey||l,y=Object.prototype.toString.apply(g),b=["[object Number]","[object Function]","[object RegExp]"],x=void 0!==t.joinArrays?t.joinArrays:this.options.joinArrays,w=!this.i18nFormat||this.i18nFormat.handleAsObject,k="string"!=typeof g&&"boolean"!=typeof g&&"number"!=typeof g;if(w&&g&&k&&b.indexOf(y)<0&&("string"!=typeof x||"[object Array]"!==y)){if(!t.returnObjects&&!this.options.returnObjects){this.options.returnedObjectHandler||this.logger.warn("accessing an object - but returnObjects options is not enabled!");var S=this.options.returnedObjectHandler?this.options.returnedObjectHandler(m,g,zG(zG({},t),{},{ns:c})):"key '".concat(l," (").concat(this.language,")' returned an object instead of string.");return i?(p.res=S,p):S}if(a){var C="[object Array]"===y,_=C?[]:{},E=C?v:m;for(var P in g)if(Object.prototype.hasOwnProperty.call(g,P)){var L="".concat(E).concat(a).concat(P);_[P]=this.translate(L,zG(zG({},t),{joinArrays:!1,ns:c})),_[P]===L&&(_[P]=g[P])}g=_}}else if(w&&"string"==typeof x&&"[object Array]"===y)(g=g.join(x))&&(g=this.extendTranslation(g,e,t,r));else{var O=!1,M=!1,T=void 0!==t.count&&"string"!=typeof t.count,A=n.hasDefaultValue(t),I=T?this.pluralResolver.getSuffix(d,t.count,t):"",R=t["defaultValue".concat(I)]||t.defaultValue;!this.isValidLookup(g)&&A&&(O=!0,g=R),this.isValidLookup(g)||(M=!0,g=l);var N=t.missingKeyNoValueFallbackToKey||this.options.missingKeyNoValueFallbackToKey,D=N&&M?void 0:g,z=A&&R!==g&&this.options.updateMissing;if(M||O||z){if(this.logger.log(z?"updateKey":"missingKey",d,u,l,z?R:g),a){var B=this.resolve(l,zG(zG({},t),{},{keySeparator:!1}));B&&B.res&&this.logger.warn("Seems the loaded translations were in flat JSON format instead of nested. Either set keySeparator: false on init or make sure your translations are published in nested format.")}var j=[],F=this.languageUtils.getFallbackCodes(this.options.fallbackLng,t.lng||this.language);if("fallback"===this.options.saveMissingTo&&F&&F[0])for(var H=0;H1&&void 0!==arguments[1]?arguments[1]:{};return"string"==typeof e&&(e=[e]),e.forEach((function(e){if(!a.isValidLookup(t)){var l=a.extractFromKey(e,s),c=l.key;n=c;var u=l.namespaces;a.options.fallbackNS&&(u=u.concat(a.options.fallbackNS));var d=void 0!==s.count&&"string"!=typeof s.count,h=d&&!s.ordinal&&0===s.count&&a.pluralResolver.shouldUseIntlApi(),f=void 0!==s.context&&("string"==typeof s.context||"number"==typeof s.context)&&""!==s.context,p=s.lngs?s.lngs:a.languageUtils.toResolveHierarchy(s.lng||a.language,s.fallbackLng);u.forEach((function(e){a.isValidLookup(t)||(i=e,!jG["".concat(p[0],"-").concat(e)]&&a.utils&&a.utils.hasLoadedNamespace&&!a.utils.hasLoadedNamespace(i)&&(jG["".concat(p[0],"-").concat(e)]=!0,a.logger.warn('key "'.concat(n,'" for languages "').concat(p.join(", "),'" won\'t get resolved as namespace "').concat(i,'" was not yet loaded'),"This means something IS WRONG in your setup. You access the t function before i18next.init / i18next.loadNamespace / i18next.changeLanguage was done. Wait for the callback or Promise to resolve before accessing it!!!")),p.forEach((function(n){if(!a.isValidLookup(t)){o=n;var i,l=[c];if(a.i18nFormat&&a.i18nFormat.addLookupKeys)a.i18nFormat.addLookupKeys(l,c,n,e,s);else{var u;d&&(u=a.pluralResolver.getSuffix(n,s.count,s));var p="".concat(a.options.pluralSeparator,"zero");if(d&&(l.push(c+u),h&&l.push(c+p)),f){var g="".concat(c).concat(a.options.contextSeparator).concat(s.context);l.push(g),d&&(l.push(g+u),h&&l.push(g+p))}}for(;i=l.pop();)a.isValidLookup(t)||(r=i,t=a.getResource(n,e,i,s))}})))}))}})),{res:t,usedKey:n,exactUsedKey:r,usedLng:o,usedNS:i}}},{key:"isValidLookup",value:function(e){return!(void 0===e||!this.options.returnNull&&null===e||!this.options.returnEmptyString&&""===e)}},{key:"getResource",value:function(e,t,n){var r=arguments.length>3&&void 0!==arguments[3]?arguments[3]:{};return this.i18nFormat&&this.i18nFormat.getResource?this.i18nFormat.getResource(e,t,n,r):this.resourceStore.getResource(e,t,n,r)}}],[{key:"hasDefaultValue",value:function(e){var t="defaultValue";for(var n in e)if(Object.prototype.hasOwnProperty.call(e,n)&&t===n.substring(0,t.length)&&void 0!==e[n])return!0;return!1}}]),n}(mG);function HG(e){return e.charAt(0).toUpperCase()+e.slice(1)}var WG=function(){function e(t){JU(this,e),this.options=t,this.supportedLngs=this.options.supportedLngs||!1,this.logger=gG.create("languageUtils")}return nG(e,[{key:"getScriptPartFromCode",value:function(e){if(!e||e.indexOf("-")<0)return null;var t=e.split("-");return 2===t.length?null:(t.pop(),"x"===t[t.length-1].toLowerCase()?null:this.formatLanguageCode(t.join("-")))}},{key:"getLanguagePartFromCode",value:function(e){if(!e||e.indexOf("-")<0)return e;var t=e.split("-");return this.formatLanguageCode(t[0])}},{key:"formatLanguageCode",value:function(e){if("string"==typeof e&&e.indexOf("-")>-1){var t=["hans","hant","latn","cyrl","cans","mong","arab"],n=e.split("-");return this.options.lowerCaseLng?n=n.map((function(e){return e.toLowerCase()})):2===n.length?(n[0]=n[0].toLowerCase(),n[1]=n[1].toUpperCase(),t.indexOf(n[1].toLowerCase())>-1&&(n[1]=HG(n[1].toLowerCase()))):3===n.length&&(n[0]=n[0].toLowerCase(),2===n[1].length&&(n[1]=n[1].toUpperCase()),"sgn"!==n[0]&&2===n[2].length&&(n[2]=n[2].toUpperCase()),t.indexOf(n[1].toLowerCase())>-1&&(n[1]=HG(n[1].toLowerCase())),t.indexOf(n[2].toLowerCase())>-1&&(n[2]=HG(n[2].toLowerCase()))),n.join("-")}return this.options.cleanCode||this.options.lowerCaseLng?e.toLowerCase():e}},{key:"isSupportedCode",value:function(e){return("languageOnly"===this.options.load||this.options.nonExplicitSupportedLngs)&&(e=this.getLanguagePartFromCode(e)),!this.supportedLngs||!this.supportedLngs.length||this.supportedLngs.indexOf(e)>-1}},{key:"getBestMatchFromCodes",value:function(e){var t,n=this;return e?(e.forEach((function(e){if(!t){var r=n.formatLanguageCode(e);n.options.supportedLngs&&!n.isSupportedCode(r)||(t=r)}})),!t&&this.options.supportedLngs&&e.forEach((function(e){if(!t){var r=n.getLanguagePartFromCode(e);if(n.isSupportedCode(r))return t=r;t=n.options.supportedLngs.find((function(e){if(0===e.indexOf(r))return e}))}})),t||(t=this.getFallbackCodes(this.options.fallbackLng)[0]),t):null}},{key:"getFallbackCodes",value:function(e,t){if(!e)return[];if("function"==typeof e&&(e=e(t)),"string"==typeof e&&(e=[e]),"[object Array]"===Object.prototype.toString.apply(e))return e;if(!t)return e.default||[];var n=e[t];return n||(n=e[this.getScriptPartFromCode(t)]),n||(n=e[this.formatLanguageCode(t)]),n||(n=e[this.getLanguagePartFromCode(t)]),n||(n=e.default),n||[]}},{key:"toResolveHierarchy",value:function(e,t){var n=this,r=this.getFallbackCodes(t||this.options.fallbackLng||[],e),o=[],i=function(e){e&&(n.isSupportedCode(e)?o.push(e):n.logger.warn("rejecting language code not found in supportedLngs: ".concat(e)))};return"string"==typeof e&&e.indexOf("-")>-1?("languageOnly"!==this.options.load&&i(this.formatLanguageCode(e)),"languageOnly"!==this.options.load&&"currentOnly"!==this.options.load&&i(this.getScriptPartFromCode(e)),"currentOnly"!==this.options.load&&i(this.getLanguagePartFromCode(e))):"string"==typeof e&&i(this.formatLanguageCode(e)),r.forEach((function(e){o.indexOf(e)<0&&i(n.formatLanguageCode(e))})),o}}]),e}(),VG=[{lngs:["ach","ak","am","arn","br","fil","gun","ln","mfe","mg","mi","oc","pt","pt-BR","tg","tl","ti","tr","uz","wa"],nr:[1,2],fc:1},{lngs:["af","an","ast","az","bg","bn","ca","da","de","dev","el","en","eo","es","et","eu","fi","fo","fur","fy","gl","gu","ha","hi","hu","hy","ia","it","kk","kn","ku","lb","mai","ml","mn","mr","nah","nap","nb","ne","nl","nn","no","nso","pa","pap","pms","ps","pt-PT","rm","sco","se","si","so","son","sq","sv","sw","ta","te","tk","ur","yo"],nr:[1,2],fc:2},{lngs:["ay","bo","cgg","fa","ht","id","ja","jbo","ka","km","ko","ky","lo","ms","sah","su","th","tt","ug","vi","wo","zh"],nr:[1],fc:3},{lngs:["be","bs","cnr","dz","hr","ru","sr","uk"],nr:[1,2,5],fc:4},{lngs:["ar"],nr:[0,1,2,3,11,100],fc:5},{lngs:["cs","sk"],nr:[1,2,5],fc:6},{lngs:["csb","pl"],nr:[1,2,5],fc:7},{lngs:["cy"],nr:[1,2,3,8],fc:8},{lngs:["fr"],nr:[1,2],fc:9},{lngs:["ga"],nr:[1,2,3,7,11],fc:10},{lngs:["gd"],nr:[1,2,3,20],fc:11},{lngs:["is"],nr:[1,2],fc:12},{lngs:["jv"],nr:[0,1],fc:13},{lngs:["kw"],nr:[1,2,3,4],fc:14},{lngs:["lt"],nr:[1,2,10],fc:15},{lngs:["lv"],nr:[1,2,0],fc:16},{lngs:["mk"],nr:[1,2],fc:17},{lngs:["mnk"],nr:[0,1,2],fc:18},{lngs:["mt"],nr:[1,2,11,20],fc:19},{lngs:["or"],nr:[2,1],fc:2},{lngs:["ro"],nr:[1,2,20],fc:20},{lngs:["sl"],nr:[5,1,2,3],fc:21},{lngs:["he","iw"],nr:[1,2,20,21],fc:22}],$G={1:function(e){return Number(e>1)},2:function(e){return Number(1!=e)},3:function(e){return 0},4:function(e){return Number(e%10==1&&e%100!=11?0:e%10>=2&&e%10<=4&&(e%100<10||e%100>=20)?1:2)},5:function(e){return Number(0==e?0:1==e?1:2==e?2:e%100>=3&&e%100<=10?3:e%100>=11?4:5)},6:function(e){return Number(1==e?0:e>=2&&e<=4?1:2)},7:function(e){return Number(1==e?0:e%10>=2&&e%10<=4&&(e%100<10||e%100>=20)?1:2)},8:function(e){return Number(1==e?0:2==e?1:8!=e&&11!=e?2:3)},9:function(e){return Number(e>=2)},10:function(e){return Number(1==e?0:2==e?1:e<7?2:e<11?3:4)},11:function(e){return Number(1==e||11==e?0:2==e||12==e?1:e>2&&e<20?2:3)},12:function(e){return Number(e%10!=1||e%100==11)},13:function(e){return Number(0!==e)},14:function(e){return Number(1==e?0:2==e?1:3==e?2:3)},15:function(e){return Number(e%10==1&&e%100!=11?0:e%10>=2&&(e%100<10||e%100>=20)?1:2)},16:function(e){return Number(e%10==1&&e%100!=11?0:0!==e?1:2)},17:function(e){return Number(1==e||e%10==1&&e%100!=11?0:1)},18:function(e){return Number(0==e?0:1==e?1:2)},19:function(e){return Number(1==e?0:0==e||e%100>1&&e%100<11?1:e%100>10&&e%100<20?2:3)},20:function(e){return Number(1==e?0:0==e||e%100>0&&e%100<20?1:2)},21:function(e){return Number(e%100==1?1:e%100==2?2:e%100==3||e%100==4?3:0)},22:function(e){return Number(1==e?0:2==e?1:(e<0||e>10)&&e%10==0?2:3)}},UG=["v1","v2","v3"],GG={zero:0,one:1,two:2,few:3,many:4,other:5};function qG(){var e={};return VG.forEach((function(t){t.lngs.forEach((function(n){e[n]={numbers:t.nr,plurals:$G[t.fc]}}))})),e}var YG=function(){function e(t){var n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{};JU(this,e),this.languageUtils=t,this.options=n,this.logger=gG.create("pluralResolver"),this.options.compatibilityJSON&&"v4"!==this.options.compatibilityJSON||"undefined"!=typeof Intl&&Intl.PluralRules||(this.options.compatibilityJSON="v3",this.logger.error("Your environment seems not to be Intl API compatible, use an Intl.PluralRules polyfill. Will fallback to the compatibilityJSON v3 format handling.")),this.rules=qG()}return nG(e,[{key:"addRule",value:function(e,t){this.rules[e]=t}},{key:"getRule",value:function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{};if(this.shouldUseIntlApi())try{return new Intl.PluralRules(e,{type:t.ordinal?"ordinal":"cardinal"})}catch(n){return}return this.rules[e]||this.rules[this.languageUtils.getLanguagePartFromCode(e)]}},{key:"needsPlural",value:function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},n=this.getRule(e,t);return this.shouldUseIntlApi()?n&&n.resolvedOptions().pluralCategories.length>1:n&&n.numbers.length>1}},{key:"getPluralFormsOfKey",value:function(e,t){var n=arguments.length>2&&void 0!==arguments[2]?arguments[2]:{};return this.getSuffixes(e,n).map((function(e){return"".concat(t).concat(e)}))}},{key:"getSuffixes",value:function(e){var t=this,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},r=this.getRule(e,n);return r?this.shouldUseIntlApi()?r.resolvedOptions().pluralCategories.sort((function(e,t){return GG[e]-GG[t]})).map((function(e){return"".concat(t.options.prepend).concat(e)})):r.numbers.map((function(r){return t.getSuffix(e,r,n)})):[]}},{key:"getSuffix",value:function(e,t){var n=arguments.length>2&&void 0!==arguments[2]?arguments[2]:{},r=this.getRule(e,n);return r?this.shouldUseIntlApi()?"".concat(this.options.prepend).concat(r.select(t)):this.getSuffixRetroCompatible(r,t):(this.logger.warn("no plural rule found for: ".concat(e)),"")}},{key:"getSuffixRetroCompatible",value:function(e,t){var n=this,r=e.noAbs?e.plurals(t):e.plurals(Math.abs(t)),o=e.numbers[r];this.options.simplifyPluralSuffix&&2===e.numbers.length&&1===e.numbers[0]&&(2===o?o="plural":1===o&&(o=""));var i=function(){return n.options.prepend&&o.toString()?n.options.prepend+o.toString():o.toString()};return"v1"===this.options.compatibilityJSON?1===o?"":"number"==typeof o?"_plural_".concat(o.toString()):i():"v2"===this.options.compatibilityJSON||this.options.simplifyPluralSuffix&&2===e.numbers.length&&1===e.numbers[0]?i():this.options.prepend&&r.toString()?this.options.prepend+r.toString():r.toString()}},{key:"shouldUseIntlApi",value:function(){return!UG.includes(this.options.compatibilityJSON)}}]),e}();function ZG(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),n.push.apply(n,r)}return n}function XG(e){for(var t=1;t0&&void 0!==arguments[0]?arguments[0]:{};JU(this,e),this.logger=gG.create("interpolator"),this.options=t,this.format=t.interpolation&&t.interpolation.format||function(e){return e},this.init(t)}return nG(e,[{key:"init",value:function(){var e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{};e.interpolation||(e.interpolation={escapeValue:!0});var t=e.interpolation;this.escape=void 0!==t.escape?t.escape:PG,this.escapeValue=void 0===t.escapeValue||t.escapeValue,this.useRawValueToEscape=void 0!==t.useRawValueToEscape&&t.useRawValueToEscape,this.prefix=t.prefix?_G(t.prefix):t.prefixEscaped||"{{",this.suffix=t.suffix?_G(t.suffix):t.suffixEscaped||"}}",this.formatSeparator=t.formatSeparator?t.formatSeparator:t.formatSeparator||",",this.unescapePrefix=t.unescapeSuffix?"":t.unescapePrefix||"-",this.unescapeSuffix=this.unescapePrefix?"":t.unescapeSuffix||"",this.nestingPrefix=t.nestingPrefix?_G(t.nestingPrefix):t.nestingPrefixEscaped||_G("$t("),this.nestingSuffix=t.nestingSuffix?_G(t.nestingSuffix):t.nestingSuffixEscaped||_G(")"),this.nestingOptionsSeparator=t.nestingOptionsSeparator?t.nestingOptionsSeparator:t.nestingOptionsSeparator||",",this.maxReplaces=t.maxReplaces?t.maxReplaces:1e3,this.alwaysFormat=void 0!==t.alwaysFormat&&t.alwaysFormat,this.resetRegExp()}},{key:"reset",value:function(){this.options&&this.init(this.options)}},{key:"resetRegExp",value:function(){var e="".concat(this.prefix,"(.+?)").concat(this.suffix);this.regexp=new RegExp(e,"g");var t="".concat(this.prefix).concat(this.unescapePrefix,"(.+?)").concat(this.unescapeSuffix).concat(this.suffix);this.regexpUnescape=new RegExp(t,"g");var n="".concat(this.nestingPrefix,"(.+?)").concat(this.nestingSuffix);this.nestingRegexp=new RegExp(n,"g")}},{key:"interpolate",value:function(e,t,n,r){var o,i,a,s=this,l=this.options&&this.options.interpolation&&this.options.interpolation.defaultVariables||{};function c(e){return e.replace(/\$/g,"$$$$")}var u=function(e){if(e.indexOf(s.formatSeparator)<0){var o=SG(t,l,e);return s.alwaysFormat?s.format(o,void 0,n,XG(XG(XG({},r),t),{},{interpolationkey:e})):o}var i=e.split(s.formatSeparator),a=i.shift().trim(),c=i.join(s.formatSeparator).trim();return s.format(SG(t,l,a),c,n,XG(XG(XG({},r),t),{},{interpolationkey:a}))};this.resetRegExp();var d=r&&r.missingInterpolationHandler||this.options.missingInterpolationHandler,h=r&&r.interpolation&&void 0!==r.interpolation.skipOnVariables?r.interpolation.skipOnVariables:this.options.interpolation.skipOnVariables;return[{regex:this.regexpUnescape,safeValue:function(e){return c(e)}},{regex:this.regexp,safeValue:function(e){return s.escapeValue?c(s.escape(e)):c(e)}}].forEach((function(t){for(a=0;o=t.regex.exec(e);){var n=o[1].trim();if(void 0===(i=u(n)))if("function"==typeof d){var l=d(e,o,r);i="string"==typeof l?l:""}else if(r&&r.hasOwnProperty(n))i="";else{if(h){i=o[0];continue}s.logger.warn("missed to pass in variable ".concat(n," for interpolating ").concat(e)),i=""}else"string"==typeof i||s.useRawValueToEscape||(i=yG(i));var c=t.safeValue(i);if(e=e.replace(o[0],c),h?(t.regex.lastIndex+=i.length,t.regex.lastIndex-=o[0].length):t.regex.lastIndex=0,++a>=s.maxReplaces)break}})),e}},{key:"nest",value:function(e,t){var n,r,o,i=this,a=arguments.length>2&&void 0!==arguments[2]?arguments[2]:{};function s(e,t){var n=this.nestingOptionsSeparator;if(e.indexOf(n)<0)return e;var r=e.split(new RegExp("".concat(n,"[ ]*{"))),i="{".concat(r[1]);e=r[0];var a=(i=this.interpolate(i,o)).match(/'/g),s=i.match(/"/g);(a&&a.length%2==0&&!s||s.length%2!=0)&&(i=i.replace(/'/g,'"'));try{o=JSON.parse(i),t&&(o=XG(XG({},t),o))}catch(B2){return this.logger.warn("failed parsing options string in nesting for key ".concat(e),B2),"".concat(e).concat(n).concat(i)}return delete o.defaultValue,e}for(;n=this.nestingRegexp.exec(e);){var l=[];(o=XG({},a)).applyPostProcessor=!1,delete o.defaultValue;var c=!1;if(-1!==n[0].indexOf(this.formatSeparator)&&!/{.*}/.test(n[1])){var u=n[1].split(this.formatSeparator).map((function(e){return e.trim()}));n[1]=u.shift(),l=u,c=!0}if((r=t(s.call(this,n[1].trim(),o),o))&&n[0]===e&&"string"!=typeof r)return r;"string"!=typeof r&&(r=yG(r)),r||(this.logger.warn("missed to resolve ".concat(n[1]," for nesting ").concat(e)),r=""),c&&(r=l.reduce((function(e,t){return i.format(e,t,a.lng,XG(XG({},a),{},{interpolationkey:n[1].trim()}))}),r.trim())),e=e.replace(n[0],r),this.regexp.lastIndex=0}return e}}]),e}();function QG(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),n.push.apply(n,r)}return n}function JG(e){for(var t=1;t0&&void 0!==arguments[0]?arguments[0]:{};JU(this,e),this.logger=gG.create("formatter"),this.options=t,this.formats={number:eq((function(e,t){var n=new Intl.NumberFormat(e,t);return function(e){return n.format(e)}})),currency:eq((function(e,t){var n=new Intl.NumberFormat(e,JG(JG({},t),{},{style:"currency"}));return function(e){return n.format(e)}})),datetime:eq((function(e,t){var n=new Intl.DateTimeFormat(e,JG({},t));return function(e){return n.format(e)}})),relativetime:eq((function(e,t){var n=new Intl.RelativeTimeFormat(e,JG({},t));return function(e){return n.format(e,t.range||"day")}})),list:eq((function(e,t){var n=new Intl.ListFormat(e,JG({},t));return function(e){return n.format(e)}}))},this.init(t)}return nG(e,[{key:"init",value:function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{interpolation:{}},n=t.interpolation;this.formatSeparator=n.formatSeparator?n.formatSeparator:n.formatSeparator||","}},{key:"add",value:function(e,t){this.formats[e.toLowerCase().trim()]=t}},{key:"addCached",value:function(e,t){this.formats[e.toLowerCase().trim()]=eq(t)}},{key:"format",value:function(e,t,n,r){var o=this,i=t.split(this.formatSeparator).reduce((function(e,t){var i=function(e){var t=e.toLowerCase().trim(),n={};if(e.indexOf("(")>-1){var r=e.split("(");t=r[0].toLowerCase().trim();var o=r[1].substring(0,r[1].length-1);"currency"===t&&o.indexOf(":")<0?n.currency||(n.currency=o.trim()):"relativetime"===t&&o.indexOf(":")<0?n.range||(n.range=o.trim()):o.split(";").forEach((function(e){if(e){var t=uG(e.split(":")),r=t[0],o=t.slice(1).join(":").trim().replace(/^'+|'+$/g,"");n[r.trim()]||(n[r.trim()]=o),"false"===o&&(n[r.trim()]=!1),"true"===o&&(n[r.trim()]=!0),isNaN(o)||(n[r.trim()]=parseInt(o,10))}}))}return{formatName:t,formatOptions:n}}(t),a=i.formatName,s=i.formatOptions;if(o.formats[a]){var l=e;try{var c=r&&r.formatParams&&r.formatParams[r.interpolationkey]||{},u=c.locale||c.lng||r.locale||r.lng||n;l=o.formats[a](e,u,JG(JG(JG({},s),r),c))}catch(d){o.logger.warn(d)}return l}return o.logger.warn("there was no format function for ".concat(a)),e}),e);return i}}]),e}();function nq(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),n.push.apply(n,r)}return n}function rq(e){for(var t=1;t3&&void 0!==arguments[3]?arguments[3]:{};return JU(this,n),i=t.call(this),LG&&mG.call(rG(i)),i.backend=e,i.store=r,i.services=o,i.languageUtils=o.languageUtils,i.options=a,i.logger=gG.create("backendConnector"),i.waitingReads=[],i.maxParallelReads=a.maxParallelReads||10,i.readingCalls=0,i.maxRetries=a.maxRetries>=0?a.maxRetries:5,i.retryTimeout=a.retryTimeout>=1?a.retryTimeout:350,i.state={},i.queue=[],i.backend&&i.backend.init&&i.backend.init(o,a.backend,a),i}return nG(n,[{key:"queueLoad",value:function(e,t,n,r){var o=this,i={},a={},s={},l={};return e.forEach((function(e){var r=!0;t.forEach((function(t){var s="".concat(e,"|").concat(t);!n.reload&&o.store.hasResourceBundle(e,t)?o.state[s]=2:o.state[s]<0||(1===o.state[s]?void 0===a[s]&&(a[s]=!0):(o.state[s]=1,r=!1,void 0===a[s]&&(a[s]=!0),void 0===i[s]&&(i[s]=!0),void 0===l[t]&&(l[t]=!0)))})),r||(s[e]=!0)})),(Object.keys(i).length||Object.keys(a).length)&&this.queue.push({pending:a,pendingCount:Object.keys(a).length,loaded:{},errors:[],callback:r}),{toLoad:Object.keys(i),pending:Object.keys(a),toLoadLanguages:Object.keys(s),toLoadNamespaces:Object.keys(l)}}},{key:"loaded",value:function(e,t,n){var r=e.split("|"),o=r[0],i=r[1];t&&this.emit("failedLoading",o,i,t),n&&this.store.addResourceBundle(o,i,n),this.state[e]=t?-1:2;var a={};this.queue.forEach((function(n){!function(e,t,n,r){var o=xG(e,t,Object),i=o.obj,a=o.k;i[a]=i[a]||[],r&&(i[a]=i[a].concat(n)),r||i[a].push(n)}(n.loaded,[o],i),function(e,t){void 0!==e.pending[t]&&(delete e.pending[t],e.pendingCount--)}(n,e),t&&n.errors.push(t),0!==n.pendingCount||n.done||(Object.keys(n.loaded).forEach((function(e){a[e]||(a[e]={});var t=n.loaded[e];t.length&&t.forEach((function(t){void 0===a[e][t]&&(a[e][t]=!0)}))})),n.done=!0,n.errors.length?n.callback(n.errors):n.callback())})),this.emit("loaded",a),this.queue=this.queue.filter((function(e){return!e.done}))}},{key:"read",value:function(e,t,n){var r=this,o=arguments.length>3&&void 0!==arguments[3]?arguments[3]:0,i=arguments.length>4&&void 0!==arguments[4]?arguments[4]:this.retryTimeout,a=arguments.length>5?arguments[5]:void 0;if(!e.length)return a(null,{});if(this.readingCalls>=this.maxParallelReads)this.waitingReads.push({lng:e,ns:t,fcName:n,tried:o,wait:i,callback:a});else{this.readingCalls++;var s=function(s,l){if(r.readingCalls--,r.waitingReads.length>0){var c=r.waitingReads.shift();r.read(c.lng,c.ns,c.fcName,c.tried,c.wait,c.callback)}s&&l&&o2&&void 0!==arguments[2]?arguments[2]:{},o=arguments.length>3?arguments[3]:void 0;if(!this.backend)return this.logger.warn("No backend was added via i18next.use. Will not load resources."),o&&o();"string"==typeof e&&(e=this.languageUtils.toResolveHierarchy(e)),"string"==typeof t&&(t=[t]);var i=this.queueLoad(e,t,r,o);if(!i.toLoad.length)return i.pending.length||o(),null;i.toLoad.forEach((function(e){n.loadOne(e)}))}},{key:"load",value:function(e,t,n){this.prepareLoading(e,t,{},n)}},{key:"reload",value:function(e,t,n){this.prepareLoading(e,t,{reload:!0},n)}},{key:"loadOne",value:function(e){var t=this,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:"",r=e.split("|"),o=r[0],i=r[1];this.read(o,i,"read",void 0,void 0,(function(r,a){r&&t.logger.warn("".concat(n,"loading namespace ").concat(i," for language ").concat(o," failed"),r),!r&&a&&t.logger.log("".concat(n,"loaded namespace ").concat(i," for language ").concat(o),a),t.loaded(e,r,a)}))}},{key:"saveMissing",value:function(e,t,n,r,o){var i=arguments.length>5&&void 0!==arguments[5]?arguments[5]:{},a=arguments.length>6&&void 0!==arguments[6]?arguments[6]:function(){};if(this.services.utils&&this.services.utils.hasLoadedNamespace&&!this.services.utils.hasLoadedNamespace(t))this.logger.warn('did not save key "'.concat(n,'" as the namespace "').concat(t,'" was not yet loaded'),"This means something IS WRONG in your setup. You access the t function before i18next.init / i18next.loadNamespace / i18next.changeLanguage was done. Wait for the callback or Promise to resolve before accessing it!!!");else if(null!=n&&""!==n){if(this.backend&&this.backend.create){var s=rq(rq({},i),{},{isUpdate:o}),l=this.backend.create.bind(this.backend);if(l.length<6)try{var c;(c=5===l.length?l(e,t,n,r,s):l(e,t,n,r))&&"function"==typeof c.then?c.then((function(e){return a(null,e)})).catch(a):a(null,c)}catch(Hhe){a(Hhe)}else l(e,t,n,r,a,s)}e&&e[0]&&this.store.addResource(e[0],t,n,r)}}}]),n}(mG);function aq(){return{debug:!1,initImmediate:!0,ns:["translation"],defaultNS:["translation"],fallbackLng:["dev"],fallbackNS:!1,supportedLngs:!1,nonExplicitSupportedLngs:!1,load:"all",preload:!1,simplifyPluralSuffix:!0,keySeparator:".",nsSeparator:":",pluralSeparator:"_",contextSeparator:"_",partialBundledLanguages:!1,saveMissing:!1,updateMissing:!1,saveMissingTo:"fallback",saveMissingPlurals:!0,missingKeyHandler:!1,missingInterpolationHandler:!1,postProcess:!1,postProcessPassResolved:!1,returnNull:!0,returnEmptyString:!0,returnObjects:!1,joinArrays:!1,returnedObjectHandler:!1,parseMissingKeyHandler:!1,appendNamespaceToMissingKey:!1,appendNamespaceToCIMode:!1,overloadTranslationOptionHandler:function(e){var t={};if("object"===QU(e[1])&&(t=e[1]),"string"==typeof e[1]&&(t.defaultValue=e[1]),"string"==typeof e[2]&&(t.tDescription=e[2]),"object"===QU(e[2])||"object"===QU(e[3])){var n=e[3]||e[2];Object.keys(n).forEach((function(e){t[e]=n[e]}))}return t},interpolation:{escapeValue:!0,format:function(e,t,n,r){return e},prefix:"{{",suffix:"}}",formatSeparator:",",unescapePrefix:"-",nestingPrefix:"$t(",nestingSuffix:")",nestingOptionsSeparator:",",maxReplaces:1e3,skipOnVariables:!0}}}function sq(e){return"string"==typeof e.ns&&(e.ns=[e.ns]),"string"==typeof e.fallbackLng&&(e.fallbackLng=[e.fallbackLng]),"string"==typeof e.fallbackNS&&(e.fallbackNS=[e.fallbackNS]),e.supportedLngs&&e.supportedLngs.indexOf("cimode")<0&&(e.supportedLngs=e.supportedLngs.concat(["cimode"])),e}function lq(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),n.push.apply(n,r)}return n}function cq(e){for(var t=1;t0&&void 0!==arguments[0]?arguments[0]:{},o=arguments.length>1?arguments[1]:void 0;if(JU(this,n),e=t.call(this),LG&&mG.call(rG(e)),e.options=sq(r),e.services={},e.logger=gG,e.modules={external:[]},hq(rG(e)),o&&!e.isInitialized&&!r.isClone){if(!e.options.initImmediate)return e.init(r,o),aG(e,rG(e));setTimeout((function(){e.init(r,o)}),0)}return e}return nG(n,[{key:"init",value:function(){var e=this,t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},n=arguments.length>1?arguments[1]:void 0;"function"==typeof t&&(n=t,t={}),!t.defaultNS&&!1!==t.defaultNS&&t.ns&&("string"==typeof t.ns?t.defaultNS=t.ns:t.ns.indexOf("translation")<0&&(t.defaultNS=t.ns[0]));var r=aq();function o(e){return e?"function"==typeof e?new e:e:null}if(this.options=cq(cq(cq({},r),this.options),sq(t)),"v1"!==this.options.compatibilityAPI&&(this.options.interpolation=cq(cq({},r.interpolation),this.options.interpolation)),void 0!==t.keySeparator&&(this.options.userDefinedKeySeparator=t.keySeparator),void 0!==t.nsSeparator&&(this.options.userDefinedNsSeparator=t.nsSeparator),!this.options.isClone){var i;this.modules.logger?gG.init(o(this.modules.logger),this.options):gG.init(null,this.options),this.modules.formatter?i=this.modules.formatter:"undefined"!=typeof Intl&&(i=tq);var a=new WG(this.options);this.store=new RG(this.options.resources,this.options);var s=this.services;s.logger=gG,s.resourceStore=this.store,s.languageUtils=a,s.pluralResolver=new YG(a,{prepend:this.options.pluralSeparator,compatibilityJSON:this.options.compatibilityJSON,simplifyPluralSuffix:this.options.simplifyPluralSuffix}),!i||this.options.interpolation.format&&this.options.interpolation.format!==r.interpolation.format||(s.formatter=o(i),s.formatter.init(s,this.options),this.options.interpolation.format=s.formatter.format.bind(s.formatter)),s.interpolator=new KG(this.options),s.utils={hasLoadedNamespace:this.hasLoadedNamespace.bind(this)},s.backendConnector=new iq(o(this.modules.backend),s.resourceStore,s,this.options),s.backendConnector.on("*",(function(t){for(var n=arguments.length,r=new Array(n>1?n-1:0),o=1;o1?n-1:0),o=1;o0&&"dev"!==l[0]&&(this.options.lng=l[0])}this.services.languageDetector||this.options.lng||this.logger.warn("init: no languageDetector is used and no lng is defined");var c=["getResource","hasResourceBundle","getResourceBundle","getDataByLanguage"];c.forEach((function(t){e[t]=function(){var n;return(n=e.store)[t].apply(n,arguments)}}));var u=["addResource","addResources","addResourceBundle","removeResourceBundle"];u.forEach((function(t){e[t]=function(){var n;return(n=e.store)[t].apply(n,arguments),e}}));var d=vG(),h=function(){var t=function(t,r){e.isInitialized&&!e.initializedStoreOnce&&e.logger.warn("init: i18next is already initialized. You should call init just once!"),e.isInitialized=!0,e.options.isClone||e.logger.log("initialized",e.options),e.emit("initialized",e.options),d.resolve(r),n(t,r)};if(e.languages&&"v1"!==e.options.compatibilityAPI&&!e.isInitialized)return t(null,e.t.bind(e));e.changeLanguage(e.options.lng,t)};return this.options.resources||!this.options.initImmediate?h():setTimeout(h,0),d}},{key:"loadResources",value:function(e){var t=this,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:dq,r=n,o="string"==typeof e?e:this.language;if("function"==typeof e&&(r=e),!this.options.resources||this.options.partialBundledLanguages){if(o&&"cimode"===o.toLowerCase())return r();var i=[],a=function(e){e&&t.services.languageUtils.toResolveHierarchy(e).forEach((function(e){i.indexOf(e)<0&&i.push(e)}))};if(o)a(o);else{var s=this.services.languageUtils.getFallbackCodes(this.options.fallbackLng);s.forEach((function(e){return a(e)}))}this.options.preload&&this.options.preload.forEach((function(e){return a(e)})),this.services.backendConnector.load(i,this.options.ns,(function(e){e||t.resolvedLanguage||!t.language||t.setResolvedLanguage(t.language),r(e)}))}else r(null)}},{key:"reloadResources",value:function(e,t,n){var r=vG();return e||(e=this.languages),t||(t=this.options.ns),n||(n=dq),this.services.backendConnector.reload(e,t,(function(e){r.resolve(),n(e)})),r}},{key:"use",value:function(e){if(!e)throw new Error("You are passing an undefined module! Please check the object you are passing to i18next.use()");if(!e.type)throw new Error("You are passing a wrong module! Please check the object you are passing to i18next.use()");return"backend"===e.type&&(this.modules.backend=e),("logger"===e.type||e.log&&e.warn&&e.error)&&(this.modules.logger=e),"languageDetector"===e.type&&(this.modules.languageDetector=e),"i18nFormat"===e.type&&(this.modules.i18nFormat=e),"postProcessor"===e.type&&NG.addPostProcessor(e),"formatter"===e.type&&(this.modules.formatter=e),"3rdParty"===e.type&&this.modules.external.push(e),this}},{key:"setResolvedLanguage",value:function(e){if(e&&this.languages&&!(["cimode","dev"].indexOf(e)>-1))for(var t=0;t-1)&&this.store.hasLanguageSomeTranslations(n)){this.resolvedLanguage=n;break}}}},{key:"changeLanguage",value:function(e,t){var n=this;this.isLanguageChangingTo=e;var r=vG();this.emit("languageChanging",e);var o=function(e){n.language=e,n.languages=n.services.languageUtils.toResolveHierarchy(e),n.resolvedLanguage=void 0,n.setResolvedLanguage(e)},i=function(i){e||i||!n.services.languageDetector||(i=[]);var a="string"==typeof i?i:n.services.languageUtils.getBestMatchFromCodes(i);a&&(n.language||o(a),n.translator.language||n.translator.changeLanguage(a),n.services.languageDetector&&n.services.languageDetector.cacheUserLanguage&&n.services.languageDetector.cacheUserLanguage(a)),n.loadResources(a,(function(e){!function(e,i){i?(o(i),n.translator.changeLanguage(i),n.isLanguageChangingTo=void 0,n.emit("languageChanged",i),n.logger.log("languageChanged",i)):n.isLanguageChangingTo=void 0,r.resolve((function(){return n.t.apply(n,arguments)})),t&&t(e,(function(){return n.t.apply(n,arguments)}))}(e,a)}))};return e||!this.services.languageDetector||this.services.languageDetector.async?!e&&this.services.languageDetector&&this.services.languageDetector.async?0===this.services.languageDetector.detect.length?this.services.languageDetector.detect().then(i):this.services.languageDetector.detect(i):i(e):i(this.services.languageDetector.detect()),r}},{key:"getFixedT",value:function(e,t,n){var r=this,o=function e(t,o){var i;if("object"!==QU(o)){for(var a=arguments.length,s=new Array(a>2?a-2:0),l=2;l1&&void 0!==arguments[1]?arguments[1]:{};if(!this.isInitialized)return this.logger.warn("hasLoadedNamespace: i18next was not initialized",this.languages),!1;if(!this.languages||!this.languages.length)return this.logger.warn("hasLoadedNamespace: i18n.languages were undefined or empty",this.languages),!1;var r=this.resolvedLanguage||this.languages[0],o=!!this.options&&this.options.fallbackLng,i=this.languages[this.languages.length-1];if("cimode"===r.toLowerCase())return!0;var a=function(e,n){var r=t.services.backendConnector.state["".concat(e,"|").concat(n)];return-1===r||2===r};if(n.precheck){var s=n.precheck(this,a);if(void 0!==s)return s}return!!this.hasResourceBundle(r,e)||(!(this.services.backendConnector.backend&&(!this.options.resources||this.options.partialBundledLanguages))||!(!a(r,e)||o&&!a(i,e)))}},{key:"loadNamespaces",value:function(e,t){var n=this,r=vG();return this.options.ns?("string"==typeof e&&(e=[e]),e.forEach((function(e){n.options.ns.indexOf(e)<0&&n.options.ns.push(e)})),this.loadResources((function(e){r.resolve(),t&&t(e)})),r):(t&&t(),Promise.resolve())}},{key:"loadLanguages",value:function(e,t){var n=vG();"string"==typeof e&&(e=[e]);var r=this.options.preload||[],o=e.filter((function(e){return r.indexOf(e)<0}));return o.length?(this.options.preload=r.concat(o),this.loadResources((function(e){n.resolve(),t&&t(e)})),n):(t&&t(),Promise.resolve())}},{key:"dir",value:function(e){if(e||(e=this.resolvedLanguage||(this.languages&&this.languages.length>0?this.languages[0]:this.language)),!e)return"rtl";var t=this.services&&this.services.languageUtils||new WG(aq());return["ar","shu","sqr","ssh","xaa","yhd","yud","aao","abh","abv","acm","acq","acw","acx","acy","adf","ads","aeb","aec","afb","ajp","apc","apd","arb","arq","ars","ary","arz","auz","avl","ayh","ayl","ayn","ayp","bbz","pga","he","iw","ps","pbt","pbu","pst","prp","prd","ug","ur","ydd","yds","yih","ji","yi","hbo","men","xmn","fa","jpr","peo","pes","prs","dv","sam","ckb"].indexOf(t.getLanguagePartFromCode(e))>-1||e.toLowerCase().indexOf("-arab")>1?"rtl":"ltr"}},{key:"cloneInstance",value:function(){var e=this,t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},r=arguments.length>1&&void 0!==arguments[1]?arguments[1]:dq,o=cq(cq(cq({},this.options),t),{isClone:!0}),i=new n(o);void 0===t.debug&&void 0===t.prefix||(i.logger=i.logger.clone(t));var a=["store","services","language"];return a.forEach((function(t){i[t]=e[t]})),i.services=cq({},this.services),i.services.utils={hasLoadedNamespace:i.hasLoadedNamespace.bind(i)},i.translator=new FG(i.services,i.options),i.translator.on("*",(function(e){for(var t=arguments.length,n=new Array(t>1?t-1:0),r=1;r0&&void 0!==arguments[0]?arguments[0]:{},t=arguments.length>1?arguments[1]:void 0;return new fq(e,t)}));var pq=fq.createInstance();function gq(e,t){if(!(e instanceof t))throw new TypeError("Cannot call a class as a function")}function mq(e){return mq="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},mq(e)}function vq(e){var t=function(e,t){if("object"!==mq(e)||null===e)return e;var n=e[Symbol.toPrimitive];if(void 0!==n){var r=n.call(e,t||"default");if("object"!==mq(r))return r;throw new TypeError("@@toPrimitive must return a primitive value.")}return("string"===t?String:Number)(e)}(e,"string");return"symbol"===mq(t)?t:String(t)}function yq(e,t){for(var n=0;n