diff --git a/installer/lib/installer.py b/installer/lib/installer.py index 398867b56a1..545d99ab0bb 100644 --- a/installer/lib/installer.py +++ b/installer/lib/installer.py @@ -455,7 +455,7 @@ def get_torch_source() -> (Union[str, None], str): device = graphical_accelerator() url = None - optional_modules = None + optional_modules = "[onnx]" if OS == "Linux": if device == "rocm": url = "https://download.pytorch.org/whl/rocm5.4.2" @@ -464,7 +464,10 @@ def get_torch_source() -> (Union[str, None], str): if device == "cuda": url = "https://download.pytorch.org/whl/cu117" - optional_modules = "[xformers]" + optional_modules = "[xformers,onnx-cuda]" + if device == "cuda_and_dml": + url = "https://download.pytorch.org/whl/cu117" + optional_modules = "[xformers,onnx-directml]" # in all other cases, Torch wheels should be coming from PyPi as of Torch 1.13 diff --git a/installer/lib/messages.py b/installer/lib/messages.py index 3687b52d321..e6362b75d06 100644 --- a/installer/lib/messages.py +++ b/installer/lib/messages.py @@ -167,6 +167,10 @@ def graphical_accelerator(): "an [gold1 b]NVIDIA[/] GPU (using CUDA™)", "cuda", ) + nvidia_with_dml = ( + "an [gold1 b]NVIDIA[/] GPU (using CUDA™, and DirectML™ for ONNX) -- ALPHA", + "cuda_and_dml", + ) amd = ( "an [gold1 b]AMD[/] GPU (using ROCm™)", "rocm", @@ -181,7 +185,7 @@ def graphical_accelerator(): ) if OS == "Windows": - options = [nvidia, cpu] + options = [nvidia, nvidia_with_dml, cpu] if OS == "Linux": options = [nvidia, amd, cpu] elif OS == "Darwin": diff --git a/invokeai/app/invocations/compel.py b/invokeai/app/invocations/compel.py index fb29e01628d..ada7a06a578 100644 --- a/invokeai/app/invocations/compel.py +++ b/invokeai/app/invocations/compel.py @@ -1,6 +1,14 @@ from typing import Literal, Optional, Union, List, Annotated from pydantic import BaseModel, Field import re + +from .baseinvocation import BaseInvocation, BaseInvocationOutput, InvocationContext, InvocationConfig +from .model import ClipField + +from ...backend.util.devices import torch_dtype +from ...backend.stable_diffusion.diffusion import InvokeAIDiffuserComponent +from ...backend.model_management import BaseModelType, ModelType, SubModelType, ModelPatcher + import torch from compel import Compel, ReturnedEmbeddingsType from compel.prompt_parser import Blend, Conjunction, CrossAttentionControlSubstitute, FlattenedPrompt, Fragment diff --git a/invokeai/app/invocations/latent.py b/invokeai/app/invocations/latent.py index d6391e4f77f..3edbe861504 100644 --- a/invokeai/app/invocations/latent.py +++ b/invokeai/app/invocations/latent.py @@ -24,6 +24,7 @@ ) from ...backend.stable_diffusion.diffusion.shared_invokeai_diffusion import PostprocessingSettings from ...backend.stable_diffusion.schedulers import SCHEDULER_MAP +from ...backend.model_management import ModelPatcher from ...backend.util.devices import choose_torch_device, torch_dtype, choose_precision from ..models.image import ImageCategory, ImageField, ResourceOrigin from .baseinvocation import BaseInvocation, BaseInvocationOutput, InvocationConfig, InvocationContext diff --git a/invokeai/app/invocations/model.py b/invokeai/app/invocations/model.py index 2388d12e252..c19e5c5c9a2 100644 --- a/invokeai/app/invocations/model.py +++ b/invokeai/app/invocations/model.py @@ -53,6 +53,7 @@ class MainModelField(BaseModel): model_name: str = Field(description="Name of the model") base_model: BaseModelType = Field(description="Base model") + model_type: ModelType = Field(description="Model Type") class LoRAModelField(BaseModel): diff --git a/invokeai/app/invocations/onnx.py b/invokeai/app/invocations/onnx.py new file mode 100644 index 00000000000..2bec128b87e --- /dev/null +++ b/invokeai/app/invocations/onnx.py @@ -0,0 +1,578 @@ +# Copyright (c) 2023 Borisov Sergey (https://github.com/StAlKeR7779) + +from contextlib import ExitStack +from typing import List, Literal, Optional, Union + +import re +import inspect + +from pydantic import BaseModel, Field, validator +import torch +import numpy as np +from diffusers import ControlNetModel, DPMSolverMultistepScheduler +from diffusers.image_processor import VaeImageProcessor +from diffusers.schedulers import SchedulerMixin as Scheduler + +from ..models.image import ImageCategory, ImageField, ResourceOrigin +from ...backend.model_management import ONNXModelPatcher +from ...backend.util import choose_torch_device +from .baseinvocation import BaseInvocation, BaseInvocationOutput, InvocationConfig, InvocationContext +from .compel import ConditioningField +from .controlnet_image_processors import ControlField +from .image import ImageOutput +from .model import ModelInfo, UNetField, VaeField + +from invokeai.app.invocations.metadata import CoreMetadata +from invokeai.backend import BaseModelType, ModelType, SubModelType +from invokeai.app.util.step_callback import stable_diffusion_step_callback +from ...backend.stable_diffusion import PipelineIntermediateState + +from tqdm import tqdm +from .model import ClipField +from .latent import LatentsField, LatentsOutput, build_latents_output, get_scheduler, SAMPLER_NAME_VALUES +from .compel import CompelOutput + + +ORT_TO_NP_TYPE = { + "tensor(bool)": np.bool_, + "tensor(int8)": np.int8, + "tensor(uint8)": np.uint8, + "tensor(int16)": np.int16, + "tensor(uint16)": np.uint16, + "tensor(int32)": np.int32, + "tensor(uint32)": np.uint32, + "tensor(int64)": np.int64, + "tensor(uint64)": np.uint64, + "tensor(float16)": np.float16, + "tensor(float)": np.float32, + "tensor(double)": np.float64, +} + +PRECISION_VALUES = Literal[tuple(list(ORT_TO_NP_TYPE.keys()))] + + +class ONNXPromptInvocation(BaseInvocation): + type: Literal["prompt_onnx"] = "prompt_onnx" + + prompt: str = Field(default="", description="Prompt") + clip: ClipField = Field(None, description="Clip to use") + + def invoke(self, context: InvocationContext) -> CompelOutput: + tokenizer_info = context.services.model_manager.get_model( + **self.clip.tokenizer.dict(), + ) + text_encoder_info = context.services.model_manager.get_model( + **self.clip.text_encoder.dict(), + ) + with tokenizer_info as orig_tokenizer, text_encoder_info as text_encoder, ExitStack() as stack: + # loras = [(stack.enter_context(context.services.model_manager.get_model(**lora.dict(exclude={"weight"}))), lora.weight) for lora in self.clip.loras] + loras = [ + (context.services.model_manager.get_model(**lora.dict(exclude={"weight"})).context.model, lora.weight) + for lora in self.clip.loras + ] + + ti_list = [] + for trigger in re.findall(r"<[a-zA-Z0-9., _-]+>", self.prompt): + name = trigger[1:-1] + try: + ti_list.append( + # stack.enter_context( + # context.services.model_manager.get_model( + # model_name=name, + # base_model=self.clip.text_encoder.base_model, + # model_type=ModelType.TextualInversion, + # ) + # ) + context.services.model_manager.get_model( + model_name=name, + base_model=self.clip.text_encoder.base_model, + model_type=ModelType.TextualInversion, + ).context.model + ) + except Exception: + # print(e) + # import traceback + # print(traceback.format_exc()) + print(f'Warn: trigger: "{trigger}" not found') + if loras or ti_list: + text_encoder.release_session() + with ONNXModelPatcher.apply_lora_text_encoder(text_encoder, loras), ONNXModelPatcher.apply_ti( + orig_tokenizer, text_encoder, ti_list + ) as (tokenizer, ti_manager): + text_encoder.create_session() + + # copy from + # https://github.com/huggingface/diffusers/blob/3ebbaf7c96801271f9e6c21400033b6aa5ffcf29/src/diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion.py#L153 + text_inputs = tokenizer( + self.prompt, + padding="max_length", + max_length=tokenizer.model_max_length, + truncation=True, + return_tensors="np", + ) + text_input_ids = text_inputs.input_ids + """ + untruncated_ids = tokenizer(prompt, padding="max_length", return_tensors="np").input_ids + + if not np.array_equal(text_input_ids, untruncated_ids): + removed_text = self.tokenizer.batch_decode( + untruncated_ids[:, self.tokenizer.model_max_length - 1 : -1] + ) + logger.warning( + "The following part of your input was truncated because CLIP can only handle sequences up to" + f" {self.tokenizer.model_max_length} tokens: {removed_text}" + ) + """ + + prompt_embeds = text_encoder(input_ids=text_input_ids.astype(np.int32))[0] + + conditioning_name = f"{context.graph_execution_state_id}_{self.id}_conditioning" + + # TODO: hacky but works ;D maybe rename latents somehow? + context.services.latents.save(conditioning_name, (prompt_embeds, None)) + + return CompelOutput( + conditioning=ConditioningField( + conditioning_name=conditioning_name, + ), + ) + + +# Text to image +class ONNXTextToLatentsInvocation(BaseInvocation): + """Generates latents from conditionings.""" + + type: Literal["t2l_onnx"] = "t2l_onnx" + + # Inputs + # fmt: off + positive_conditioning: Optional[ConditioningField] = Field(description="Positive conditioning for generation") + negative_conditioning: Optional[ConditioningField] = Field(description="Negative conditioning for generation") + noise: Optional[LatentsField] = Field(description="The noise to use") + steps: int = Field(default=10, gt=0, description="The number of steps to use to generate the image") + cfg_scale: Union[float, List[float]] = Field(default=7.5, ge=1, description="The Classifier-Free Guidance, higher values may result in a result closer to the prompt", ) + scheduler: SAMPLER_NAME_VALUES = Field(default="euler", description="The scheduler to use" ) + precision: PRECISION_VALUES = Field(default = "tensor(float16)", description="The precision to use when generating latents") + unet: UNetField = Field(default=None, description="UNet submodel") + control: Union[ControlField, list[ControlField]] = Field(default=None, description="The control to use") + # seamless: bool = Field(default=False, description="Whether or not to generate an image that can tile without seams", ) + # seamless_axes: str = Field(default="", description="The axes to tile the image on, 'x' and/or 'y'") + # fmt: on + + @validator("cfg_scale") + def ge_one(cls, v): + """validate that all cfg_scale values are >= 1""" + if isinstance(v, list): + for i in v: + if i < 1: + raise ValueError("cfg_scale must be greater than 1") + else: + if v < 1: + raise ValueError("cfg_scale must be greater than 1") + return v + + # Schema customisation + class Config(InvocationConfig): + schema_extra = { + "ui": { + "tags": ["latents"], + "type_hints": { + "model": "model", + "control": "control", + # "cfg_scale": "float", + "cfg_scale": "number", + }, + }, + } + + # based on + # https://github.com/huggingface/diffusers/blob/3ebbaf7c96801271f9e6c21400033b6aa5ffcf29/src/diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion.py#L375 + def invoke(self, context: InvocationContext) -> LatentsOutput: + c, _ = context.services.latents.get(self.positive_conditioning.conditioning_name) + uc, _ = context.services.latents.get(self.negative_conditioning.conditioning_name) + graph_execution_state = context.services.graph_execution_manager.get(context.graph_execution_state_id) + source_node_id = graph_execution_state.prepared_source_mapping[self.id] + if isinstance(c, torch.Tensor): + c = c.cpu().numpy() + if isinstance(uc, torch.Tensor): + uc = uc.cpu().numpy() + device = torch.device(choose_torch_device()) + prompt_embeds = np.concatenate([uc, c]) + + latents = context.services.latents.get(self.noise.latents_name) + if isinstance(latents, torch.Tensor): + latents = latents.cpu().numpy() + + # TODO: better execution device handling + latents = latents.astype(ORT_TO_NP_TYPE[self.precision]) + + # get the initial random noise unless the user supplied it + do_classifier_free_guidance = True + # latents_dtype = prompt_embeds.dtype + # latents_shape = (batch_size * num_images_per_prompt, 4, height // 8, width // 8) + # if latents.shape != latents_shape: + # raise ValueError(f"Unexpected latents shape, got {latents.shape}, expected {latents_shape}") + + scheduler = get_scheduler( + context=context, + scheduler_info=self.unet.scheduler, + scheduler_name=self.scheduler, + ) + + def torch2numpy(latent: torch.Tensor): + return latent.cpu().numpy() + + def numpy2torch(latent, device): + return torch.from_numpy(latent).to(device) + + def dispatch_progress( + self, context: InvocationContext, source_node_id: str, intermediate_state: PipelineIntermediateState + ) -> None: + stable_diffusion_step_callback( + context=context, + intermediate_state=intermediate_state, + node=self.dict(), + source_node_id=source_node_id, + ) + + scheduler.set_timesteps(self.steps) + latents = latents * np.float64(scheduler.init_noise_sigma) + + extra_step_kwargs = dict() + if "eta" in set(inspect.signature(scheduler.step).parameters.keys()): + extra_step_kwargs.update( + eta=0.0, + ) + + unet_info = context.services.model_manager.get_model(**self.unet.unet.dict()) + + with unet_info as unet, ExitStack() as stack: + # loras = [(stack.enter_context(context.services.model_manager.get_model(**lora.dict(exclude={"weight"}))), lora.weight) for lora in self.unet.loras] + loras = [ + (context.services.model_manager.get_model(**lora.dict(exclude={"weight"})).context.model, lora.weight) + for lora in self.unet.loras + ] + + if loras: + unet.release_session() + with ONNXModelPatcher.apply_lora_unet(unet, loras): + # TODO: + _, _, h, w = latents.shape + unet.create_session(h, w) + + timestep_dtype = next( + (input.type for input in unet.session.get_inputs() if input.name == "timestep"), "tensor(float16)" + ) + timestep_dtype = ORT_TO_NP_TYPE[timestep_dtype] + for i in tqdm(range(len(scheduler.timesteps))): + t = scheduler.timesteps[i] + # expand the latents if we are doing classifier free guidance + latent_model_input = np.concatenate([latents] * 2) if do_classifier_free_guidance else latents + latent_model_input = scheduler.scale_model_input(numpy2torch(latent_model_input, device), t) + latent_model_input = latent_model_input.cpu().numpy() + + # predict the noise residual + timestep = np.array([t], dtype=timestep_dtype) + noise_pred = unet(sample=latent_model_input, timestep=timestep, encoder_hidden_states=prompt_embeds) + noise_pred = noise_pred[0] + + # perform guidance + if do_classifier_free_guidance: + noise_pred_uncond, noise_pred_text = np.split(noise_pred, 2) + noise_pred = noise_pred_uncond + self.cfg_scale * (noise_pred_text - noise_pred_uncond) + + # compute the previous noisy sample x_t -> x_t-1 + scheduler_output = scheduler.step( + numpy2torch(noise_pred, device), t, numpy2torch(latents, device), **extra_step_kwargs + ) + latents = torch2numpy(scheduler_output.prev_sample) + + state = PipelineIntermediateState( + run_id="test", step=i, timestep=timestep, latents=scheduler_output.prev_sample + ) + dispatch_progress(self, context=context, source_node_id=source_node_id, intermediate_state=state) + + # call the callback, if provided + # if callback is not None and i % callback_steps == 0: + # callback(i, t, latents) + + torch.cuda.empty_cache() + + name = f"{context.graph_execution_state_id}__{self.id}" + context.services.latents.save(name, latents) + return build_latents_output(latents_name=name, latents=torch.from_numpy(latents)) + + +# Latent to image +class ONNXLatentsToImageInvocation(BaseInvocation): + """Generates an image from latents.""" + + type: Literal["l2i_onnx"] = "l2i_onnx" + + # Inputs + latents: Optional[LatentsField] = Field(description="The latents to generate an image from") + vae: VaeField = Field(default=None, description="Vae submodel") + metadata: Optional[CoreMetadata] = Field( + default=None, description="Optional core metadata to be written to the image" + ) + # tiled: bool = Field(default=False, description="Decode latents by overlaping tiles(less memory consumption)") + + # Schema customisation + class Config(InvocationConfig): + schema_extra = { + "ui": { + "tags": ["latents", "image"], + }, + } + + def invoke(self, context: InvocationContext) -> ImageOutput: + latents = context.services.latents.get(self.latents.latents_name) + + if self.vae.vae.submodel != SubModelType.VaeDecoder: + raise Exception(f"Expected vae_decoder, found: {self.vae.vae.model_type}") + + vae_info = context.services.model_manager.get_model( + **self.vae.vae.dict(), + ) + + # clear memory as vae decode can request a lot + torch.cuda.empty_cache() + + with vae_info as vae: + vae.create_session() + + # copied from + # https://github.com/huggingface/diffusers/blob/3ebbaf7c96801271f9e6c21400033b6aa5ffcf29/src/diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion.py#L427 + latents = 1 / 0.18215 * latents + # image = self.vae_decoder(latent_sample=latents)[0] + # it seems likes there is a strange result for using half-precision vae decoder if batchsize>1 + image = np.concatenate([vae(latent_sample=latents[i : i + 1])[0] for i in range(latents.shape[0])]) + + image = np.clip(image / 2 + 0.5, 0, 1) + image = image.transpose((0, 2, 3, 1)) + image = VaeImageProcessor.numpy_to_pil(image)[0] + + torch.cuda.empty_cache() + + image_dto = context.services.images.create( + image=image, + image_origin=ResourceOrigin.INTERNAL, + image_category=ImageCategory.GENERAL, + node_id=self.id, + session_id=context.graph_execution_state_id, + is_intermediate=self.is_intermediate, + metadata=self.metadata.dict() if self.metadata else None, + ) + + return ImageOutput( + image=ImageField(image_name=image_dto.image_name), + width=image_dto.width, + height=image_dto.height, + ) + + +class ONNXModelLoaderOutput(BaseInvocationOutput): + """Model loader output""" + + # fmt: off + type: Literal["model_loader_output_onnx"] = "model_loader_output_onnx" + + unet: UNetField = Field(default=None, description="UNet submodel") + clip: ClipField = Field(default=None, description="Tokenizer and text_encoder submodels") + vae_decoder: VaeField = Field(default=None, description="Vae submodel") + vae_encoder: VaeField = Field(default=None, description="Vae submodel") + # fmt: on + + +class ONNXSD1ModelLoaderInvocation(BaseInvocation): + """Loading submodels of selected model.""" + + type: Literal["sd1_model_loader_onnx"] = "sd1_model_loader_onnx" + + model_name: str = Field(default="", description="Model to load") + # TODO: precision? + + # Schema customisation + class Config(InvocationConfig): + schema_extra = { + "ui": {"tags": ["model", "loader"], "type_hints": {"model_name": "model"}}, # TODO: rename to model_name? + } + + def invoke(self, context: InvocationContext) -> ONNXModelLoaderOutput: + model_name = "stable-diffusion-v1-5" + base_model = BaseModelType.StableDiffusion1 + + # TODO: not found exceptions + if not context.services.model_manager.model_exists( + model_name=model_name, + base_model=BaseModelType.StableDiffusion1, + model_type=ModelType.ONNX, + ): + raise Exception(f"Unkown model name: {model_name}!") + + return ONNXModelLoaderOutput( + unet=UNetField( + unet=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=ModelType.ONNX, + submodel=SubModelType.UNet, + ), + scheduler=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=ModelType.ONNX, + submodel=SubModelType.Scheduler, + ), + loras=[], + ), + clip=ClipField( + tokenizer=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=ModelType.ONNX, + submodel=SubModelType.Tokenizer, + ), + text_encoder=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=ModelType.ONNX, + submodel=SubModelType.TextEncoder, + ), + loras=[], + ), + vae_decoder=VaeField( + vae=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=ModelType.ONNX, + submodel=SubModelType.VaeDecoder, + ), + ), + vae_encoder=VaeField( + vae=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=ModelType.ONNX, + submodel=SubModelType.VaeEncoder, + ), + ), + ) + + +class OnnxModelField(BaseModel): + """Onnx model field""" + + model_name: str = Field(description="Name of the model") + base_model: BaseModelType = Field(description="Base model") + model_type: ModelType = Field(description="Model Type") + + +class OnnxModelLoaderInvocation(BaseInvocation): + """Loads a main model, outputting its submodels.""" + + type: Literal["onnx_model_loader"] = "onnx_model_loader" + + model: OnnxModelField = Field(description="The model to load") + + # Schema customisation + class Config(InvocationConfig): + schema_extra = { + "ui": { + "title": "Onnx Model Loader", + "tags": ["model", "loader"], + "type_hints": {"model": "model"}, + }, + } + + def invoke(self, context: InvocationContext) -> ONNXModelLoaderOutput: + base_model = self.model.base_model + model_name = self.model.model_name + model_type = ModelType.ONNX + + # TODO: not found exceptions + if not context.services.model_manager.model_exists( + model_name=model_name, + base_model=base_model, + model_type=model_type, + ): + raise Exception(f"Unknown {base_model} {model_type} model: {model_name}") + + """ + if not context.services.model_manager.model_exists( + model_name=self.model_name, + model_type=SDModelType.Diffusers, + submodel=SDModelType.Tokenizer, + ): + raise Exception( + f"Failed to find tokenizer submodel in {self.model_name}! Check if model corrupted" + ) + + if not context.services.model_manager.model_exists( + model_name=self.model_name, + model_type=SDModelType.Diffusers, + submodel=SDModelType.TextEncoder, + ): + raise Exception( + f"Failed to find text_encoder submodel in {self.model_name}! Check if model corrupted" + ) + + if not context.services.model_manager.model_exists( + model_name=self.model_name, + model_type=SDModelType.Diffusers, + submodel=SDModelType.UNet, + ): + raise Exception( + f"Failed to find unet submodel from {self.model_name}! Check if model corrupted" + ) + """ + + return ONNXModelLoaderOutput( + unet=UNetField( + unet=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=model_type, + submodel=SubModelType.UNet, + ), + scheduler=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=model_type, + submodel=SubModelType.Scheduler, + ), + loras=[], + ), + clip=ClipField( + tokenizer=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=model_type, + submodel=SubModelType.Tokenizer, + ), + text_encoder=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=model_type, + submodel=SubModelType.TextEncoder, + ), + loras=[], + skipped_layers=0, + ), + vae_decoder=VaeField( + vae=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=model_type, + submodel=SubModelType.VaeDecoder, + ), + ), + vae_encoder=VaeField( + vae=ModelInfo( + model_name=model_name, + base_model=base_model, + model_type=model_type, + submodel=SubModelType.VaeEncoder, + ), + ), + ) diff --git a/invokeai/backend/install/model_install_backend.py b/invokeai/backend/install/model_install_backend.py index 3bba8adfb92..c0a72443677 100644 --- a/invokeai/backend/install/model_install_backend.py +++ b/invokeai/backend/install/model_install_backend.py @@ -12,6 +12,7 @@ import requests from diffusers import DiffusionPipeline from diffusers import logging as dlogging +import onnx from huggingface_hub import hf_hub_url, HfFolder, HfApi from omegaconf import OmegaConf from tqdm import tqdm @@ -302,8 +303,10 @@ def _install_repo(self, repo_id: str) -> AddModelResult: with TemporaryDirectory(dir=self.config.models_path) as staging: staging = Path(staging) - if "model_index.json" in files: + if "model_index.json" in files and "unet/model.onnx" not in files: location = self._download_hf_pipeline(repo_id, staging) # pipeline + elif "unet/model.onnx" in files: + location = self._download_hf_model(repo_id, files, staging) else: for suffix in ["safetensors", "bin"]: if f"pytorch_lora_weights.{suffix}" in files: @@ -368,7 +371,7 @@ def _make_attributes(self, path: Path, info: ModelProbeInfo) -> dict: model_format=info.format, ) legacy_conf = None - if info.model_type == ModelType.Main: + if info.model_type == ModelType.Main or info.model_type == ModelType.ONNX: attributes.update( dict( variant=info.variant_type, @@ -433,8 +436,13 @@ def _download_hf_model(self, repo_id: str, files: List[str], staging: Path) -> P location = staging / name paths = list() for filename in files: + filePath = Path(filename) p = hf_download_with_resume( - repo_id, model_dir=location, model_name=filename, access_token=self.access_token + repo_id, + model_dir=location / filePath.parent, + model_name=filePath.name, + access_token=self.access_token, + subfolder=filePath.parent, ) if p: paths.append(p) @@ -482,11 +490,12 @@ def hf_download_with_resume( model_name: str, model_dest: Path = None, access_token: str = None, + subfolder: str = None, ) -> Path: model_dest = model_dest or Path(os.path.join(model_dir, model_name)) os.makedirs(model_dir, exist_ok=True) - url = hf_hub_url(repo_id, model_name) + url = hf_hub_url(repo_id, model_name, subfolder=subfolder) header = {"Authorization": f"Bearer {access_token}"} if access_token else {} open_mode = "wb" diff --git a/invokeai/backend/model_management/__init__.py b/invokeai/backend/model_management/__init__.py index a277ecb29cb..cf057f3a895 100644 --- a/invokeai/backend/model_management/__init__.py +++ b/invokeai/backend/model_management/__init__.py @@ -3,6 +3,7 @@ """ from .model_manager import ModelManager, ModelInfo, AddModelResult, SchedulerPredictionType from .model_cache import ModelCache +from .lora import ModelPatcher, ONNXModelPatcher from .models import ( BaseModelType, ModelType, diff --git a/invokeai/backend/model_management/lora.py b/invokeai/backend/model_management/lora.py index 06770843ecf..4287072a659 100644 --- a/invokeai/backend/model_management/lora.py +++ b/invokeai/backend/model_management/lora.py @@ -6,11 +6,22 @@ from pathlib import Path import torch +from safetensors.torch import load_file +from torch.utils.hooks import RemovableHandle + +from diffusers.models import UNet2DConditionModel +from transformers import CLIPTextModel +from onnx import numpy_helper +from onnxruntime import OrtValue +import numpy as np + from compel.embeddings_provider import BaseTextualInversionManager from diffusers.models import UNet2DConditionModel from safetensors.torch import load_file from transformers import CLIPTextModel, CLIPTokenizer +# TODO: rename and split this file + class LoRALayerBase: # rank: Optional[int] @@ -698,3 +709,186 @@ def expand_textual_inversion_token_ids_if_necessary(self, token_ids: list[int]) new_token_ids.extend(self.pad_tokens[token_id]) return new_token_ids + + +class ONNXModelPatcher: + from .models.base import IAIOnnxRuntimeModel, OnnxRuntimeModel + + @classmethod + @contextmanager + def apply_lora_unet( + cls, + unet: OnnxRuntimeModel, + loras: List[Tuple[LoRAModel, float]], + ): + with cls.apply_lora(unet, loras, "lora_unet_"): + yield + + @classmethod + @contextmanager + def apply_lora_text_encoder( + cls, + text_encoder: OnnxRuntimeModel, + loras: List[Tuple[LoRAModel, float]], + ): + with cls.apply_lora(text_encoder, loras, "lora_te_"): + yield + + # based on + # https://github.com/ssube/onnx-web/blob/ca2e436f0623e18b4cfe8a0363fcfcf10508acf7/api/onnx_web/convert/diffusion/lora.py#L323 + @classmethod + @contextmanager + def apply_lora( + cls, + model: IAIOnnxRuntimeModel, + loras: List[Tuple[LoraModel, float]], + prefix: str, + ): + from .models.base import IAIOnnxRuntimeModel + + if not isinstance(model, IAIOnnxRuntimeModel): + raise Exception("Only IAIOnnxRuntimeModel models supported") + + orig_weights = dict() + + try: + blended_loras = dict() + + for lora, lora_weight in loras: + for layer_key, layer in lora.layers.items(): + if not layer_key.startswith(prefix): + continue + + layer.to(dtype=torch.float32) + layer_key = layer_key.replace(prefix, "") + layer_weight = layer.get_weight().detach().cpu().numpy() * lora_weight + if layer_key is blended_loras: + blended_loras[layer_key] += layer_weight + else: + blended_loras[layer_key] = layer_weight + + node_names = dict() + for node in model.nodes.values(): + node_names[node.name.replace("/", "_").replace(".", "_").lstrip("_")] = node.name + + for layer_key, lora_weight in blended_loras.items(): + conv_key = layer_key + "_Conv" + gemm_key = layer_key + "_Gemm" + matmul_key = layer_key + "_MatMul" + + if conv_key in node_names or gemm_key in node_names: + if conv_key in node_names: + conv_node = model.nodes[node_names[conv_key]] + else: + conv_node = model.nodes[node_names[gemm_key]] + + weight_name = [n for n in conv_node.input if ".weight" in n][0] + orig_weight = model.tensors[weight_name] + + if orig_weight.shape[-2:] == (1, 1): + if lora_weight.shape[-2:] == (1, 1): + new_weight = orig_weight.squeeze((3, 2)) + lora_weight.squeeze((3, 2)) + else: + new_weight = orig_weight.squeeze((3, 2)) + lora_weight + + new_weight = np.expand_dims(new_weight, (2, 3)) + else: + if orig_weight.shape != lora_weight.shape: + new_weight = orig_weight + lora_weight.reshape(orig_weight.shape) + else: + new_weight = orig_weight + lora_weight + + orig_weights[weight_name] = orig_weight + model.tensors[weight_name] = new_weight.astype(orig_weight.dtype) + + elif matmul_key in node_names: + weight_node = model.nodes[node_names[matmul_key]] + matmul_name = [n for n in weight_node.input if "MatMul" in n][0] + + orig_weight = model.tensors[matmul_name] + new_weight = orig_weight + lora_weight.transpose() + + orig_weights[matmul_name] = orig_weight + model.tensors[matmul_name] = new_weight.astype(orig_weight.dtype) + + else: + # warn? err? + pass + + yield + + finally: + # restore original weights + for name, orig_weight in orig_weights.items(): + model.tensors[name] = orig_weight + + @classmethod + @contextmanager + def apply_ti( + cls, + tokenizer: CLIPTokenizer, + text_encoder: IAIOnnxRuntimeModel, + ti_list: List[Any], + ) -> Tuple[CLIPTokenizer, TextualInversionManager]: + from .models.base import IAIOnnxRuntimeModel + + if not isinstance(text_encoder, IAIOnnxRuntimeModel): + raise Exception("Only IAIOnnxRuntimeModel models supported") + + orig_embeddings = None + + try: + ti_tokenizer = copy.deepcopy(tokenizer) + ti_manager = TextualInversionManager(ti_tokenizer) + + def _get_trigger(ti, index): + trigger = ti.name + if index > 0: + trigger += f"-!pad-{i}" + return f"<{trigger}>" + + # modify tokenizer + new_tokens_added = 0 + for ti in ti_list: + for i in range(ti.embedding.shape[0]): + new_tokens_added += ti_tokenizer.add_tokens(_get_trigger(ti, i)) + + # modify text_encoder + orig_embeddings = text_encoder.tensors["text_model.embeddings.token_embedding.weight"] + + embeddings = np.concatenate( + (np.copy(orig_embeddings), np.zeros((new_tokens_added, orig_embeddings.shape[1]))), + axis=0, + ) + + for ti in ti_list: + ti_tokens = [] + for i in range(ti.embedding.shape[0]): + embedding = ti.embedding[i].detach().numpy() + trigger = _get_trigger(ti, i) + + token_id = ti_tokenizer.convert_tokens_to_ids(trigger) + if token_id == ti_tokenizer.unk_token_id: + raise RuntimeError(f"Unable to find token id for token '{trigger}'") + + if embeddings[token_id].shape != embedding.shape: + raise ValueError( + f"Cannot load embedding for {trigger}. It was trained on a model with token dimension {embedding.shape[0]}, but the current model has token dimension {embeddings[token_id].shape[0]}." + ) + + embeddings[token_id] = embedding + ti_tokens.append(token_id) + + if len(ti_tokens) > 1: + ti_manager.pad_tokens[ti_tokens[0]] = ti_tokens[1:] + + text_encoder.tensors["text_model.embeddings.token_embedding.weight"] = embeddings.astype( + orig_embeddings.dtype + ) + + yield ti_tokenizer, ti_manager + + finally: + # restore + if orig_embeddings is not None: + text_encoder.tensors["text_model.embeddings.token_embedding.weight"] = orig_embeddings diff --git a/invokeai/backend/model_management/model_cache.py b/invokeai/backend/model_management/model_cache.py index 4c18068bae2..b4c3e48a48d 100644 --- a/invokeai/backend/model_management/model_cache.py +++ b/invokeai/backend/model_management/model_cache.py @@ -360,7 +360,8 @@ def _make_cache_room(self, model_size): # 2 refs: # 1 from cache_entry # 1 from getrefcount function - if not cache_entry.locked and refs <= 2: + # 1 from onnx runtime object + if not cache_entry.locked and refs <= 3 if "onnx" in model_key else 2: self.logger.debug( f"Unloading model {model_key} to free {(model_size/GIG):.2f} GB (-{(cache_entry.size/GIG):.2f} GB)" ) diff --git a/invokeai/backend/model_management/model_probe.py b/invokeai/backend/model_management/model_probe.py index 0e06f9b32d1..c3964d760c2 100644 --- a/invokeai/backend/model_management/model_probe.py +++ b/invokeai/backend/model_management/model_probe.py @@ -27,7 +27,7 @@ class ModelProbeInfo(object): variant_type: ModelVariantType prediction_type: SchedulerPredictionType upcast_attention: bool - format: Literal["diffusers", "checkpoint", "lycoris"] + format: Literal["diffusers", "checkpoint", "lycoris", "olive", "onnx"] image_size: int @@ -41,6 +41,7 @@ class ModelProbe(object): PROBES = { "diffusers": {}, "checkpoint": {}, + "onnx": {}, } CLASS2TYPE = { @@ -53,7 +54,9 @@ class ModelProbe(object): } @classmethod - def register_probe(cls, format: Literal["diffusers", "checkpoint"], model_type: ModelType, probe_class: ProbeBase): + def register_probe( + cls, format: Literal["diffusers", "checkpoint", "onnx"], model_type: ModelType, probe_class: ProbeBase + ): cls.PROBES[format][model_type] = probe_class @classmethod @@ -95,6 +98,7 @@ def probe( if format_type == "diffusers" else cls.get_model_type_from_checkpoint(model_path, model) ) + format_type = "onnx" if model_type == ModelType.ONNX else format_type probe_class = cls.PROBES[format_type].get(model_type) if not probe_class: return None @@ -168,6 +172,8 @@ def get_model_type_from_folder(cls, folder_path: Path, model: ModelMixin) -> Mod if model: class_name = model.__class__.__name__ else: + if (folder_path / "unet/model.onnx").exists(): + return ModelType.ONNX if (folder_path / "learned_embeds.bin").exists(): return ModelType.TextualInversion @@ -460,6 +466,17 @@ def get_base_type(self) -> BaseModelType: return TextualInversionCheckpointProbe(None, checkpoint=checkpoint).get_base_type() +class ONNXFolderProbe(FolderProbeBase): + def get_format(self) -> str: + return "onnx" + + def get_base_type(self) -> BaseModelType: + return BaseModelType.StableDiffusion1 + + def get_variant_type(self) -> ModelVariantType: + return ModelVariantType.Normal + + class ControlNetFolderProbe(FolderProbeBase): def get_base_type(self) -> BaseModelType: config_file = self.folder_path / "config.json" @@ -497,3 +514,4 @@ def get_base_type(self) -> BaseModelType: ModelProbe.register_probe("checkpoint", ModelType.Lora, LoRACheckpointProbe) ModelProbe.register_probe("checkpoint", ModelType.TextualInversion, TextualInversionCheckpointProbe) ModelProbe.register_probe("checkpoint", ModelType.ControlNet, ControlNetCheckpointProbe) +ModelProbe.register_probe("onnx", ModelType.ONNX, ONNXFolderProbe) diff --git a/invokeai/backend/model_management/models/__init__.py b/invokeai/backend/model_management/models/__init__.py index b15e1d309a1..931da1b1591 100644 --- a/invokeai/backend/model_management/models/__init__.py +++ b/invokeai/backend/model_management/models/__init__.py @@ -23,8 +23,11 @@ from .controlnet import ControlNetModel # TODO: from .textual_inversion import TextualInversionModel +from .stable_diffusion_onnx import ONNXStableDiffusion1Model, ONNXStableDiffusion2Model + MODEL_CLASSES = { BaseModelType.StableDiffusion1: { + ModelType.ONNX: ONNXStableDiffusion1Model, ModelType.Main: StableDiffusion1Model, ModelType.Vae: VaeModel, ModelType.Lora: LoRAModel, @@ -32,6 +35,7 @@ ModelType.TextualInversion: TextualInversionModel, }, BaseModelType.StableDiffusion2: { + ModelType.ONNX: ONNXStableDiffusion2Model, ModelType.Main: StableDiffusion2Model, ModelType.Vae: VaeModel, ModelType.Lora: LoRAModel, @@ -45,6 +49,7 @@ ModelType.Lora: LoRAModel, ModelType.ControlNet: ControlNetModel, ModelType.TextualInversion: TextualInversionModel, + ModelType.ONNX: ONNXStableDiffusion2Model, }, BaseModelType.StableDiffusionXLRefiner: { ModelType.Main: StableDiffusionXLModel, @@ -53,6 +58,7 @@ ModelType.Lora: LoRAModel, ModelType.ControlNet: ControlNetModel, ModelType.TextualInversion: TextualInversionModel, + ModelType.ONNX: ONNXStableDiffusion2Model, }, # BaseModelType.Kandinsky2_1: { # ModelType.Main: Kandinsky2_1Model, diff --git a/invokeai/backend/model_management/models/base.py b/invokeai/backend/model_management/models/base.py index f2142f772fe..e6a20e79ec7 100644 --- a/invokeai/backend/model_management/models/base.py +++ b/invokeai/backend/model_management/models/base.py @@ -8,13 +8,23 @@ from pathlib import Path from picklescan.scanner import scan_file_path import torch +import numpy as np import safetensors.torch -from diffusers import DiffusionPipeline, ConfigMixin +from pathlib import Path +from diffusers import DiffusionPipeline, ConfigMixin, OnnxRuntimeModel from contextlib import suppress from pydantic import BaseModel, Field from typing import List, Dict, Optional, Type, Literal, TypeVar, Generic, Callable, Any, Union +import onnx +from onnx import numpy_helper +from onnxruntime import ( + InferenceSession, + SessionOptions, + get_available_providers, +) + class DuplicateModelException(Exception): pass @@ -37,6 +47,7 @@ class BaseModelType(str, Enum): class ModelType(str, Enum): + ONNX = "onnx" Main = "main" Vae = "vae" Lora = "lora" @@ -51,6 +62,8 @@ class SubModelType(str, Enum): Tokenizer = "tokenizer" Tokenizer2 = "tokenizer_2" Vae = "vae" + VaeDecoder = "vae_decoder" + VaeEncoder = "vae_encoder" Scheduler = "scheduler" SafetyChecker = "safety_checker" # MoVQ = "movq" @@ -362,6 +375,8 @@ def calc_model_size_by_data(model) -> int: return _calc_pipeline_by_data(model) elif isinstance(model, torch.nn.Module): return _calc_model_by_data(model) + elif isinstance(model, IAIOnnxRuntimeModel): + return _calc_onnx_model_by_data(model) else: return 0 @@ -382,6 +397,12 @@ def _calc_model_by_data(model) -> int: return mem +def _calc_onnx_model_by_data(model) -> int: + tensor_size = model.tensors.size() * 2 # The session doubles this + mem = tensor_size # in bytes + return mem + + def _fast_safetensors_reader(path: str): checkpoint = dict() device = torch.device("meta") @@ -449,3 +470,208 @@ def __exit__(self, type, value, traceback): transformers_logging.set_verbosity(self.transformers_verbosity) diffusers_logging.set_verbosity(self.diffusers_verbosity) warnings.simplefilter("default") + + +ONNX_WEIGHTS_NAME = "model.onnx" + + +class IAIOnnxRuntimeModel: + class _tensor_access: + def __init__(self, model): + self.model = model + self.indexes = dict() + for idx, obj in enumerate(self.model.proto.graph.initializer): + self.indexes[obj.name] = idx + + def __getitem__(self, key: str): + value = self.model.proto.graph.initializer[self.indexes[key]] + return numpy_helper.to_array(value) + + def __setitem__(self, key: str, value: np.ndarray): + new_node = numpy_helper.from_array(value) + # set_external_data(new_node, location="in-memory-location") + new_node.name = key + # new_node.ClearField("raw_data") + del self.model.proto.graph.initializer[self.indexes[key]] + self.model.proto.graph.initializer.insert(self.indexes[key], new_node) + # self.model.data[key] = OrtValue.ortvalue_from_numpy(value) + + # __delitem__ + + def __contains__(self, key: str): + return self.indexes[key] in self.model.proto.graph.initializer + + def items(self): + raise NotImplementedError("tensor.items") + # return [(obj.name, obj) for obj in self.raw_proto] + + def keys(self): + return self.indexes.keys() + + def values(self): + raise NotImplementedError("tensor.values") + # return [obj for obj in self.raw_proto] + + def size(self): + bytesSum = 0 + for node in self.model.proto.graph.initializer: + bytesSum += sys.getsizeof(node.raw_data) + return bytesSum + + class _access_helper: + def __init__(self, raw_proto): + self.indexes = dict() + self.raw_proto = raw_proto + for idx, obj in enumerate(raw_proto): + self.indexes[obj.name] = idx + + def __getitem__(self, key: str): + return self.raw_proto[self.indexes[key]] + + def __setitem__(self, key: str, value): + index = self.indexes[key] + del self.raw_proto[index] + self.raw_proto.insert(index, value) + + # __delitem__ + + def __contains__(self, key: str): + return key in self.indexes + + def items(self): + return [(obj.name, obj) for obj in self.raw_proto] + + def keys(self): + return self.indexes.keys() + + def values(self): + return [obj for obj in self.raw_proto] + + def __init__(self, model_path: str, provider: Optional[str]): + self.path = model_path + self.session = None + self.provider = provider + """ + self.data_path = self.path + "_data" + if not os.path.exists(self.data_path): + print(f"Moving model tensors to separate file: {self.data_path}") + tmp_proto = onnx.load(model_path, load_external_data=True) + onnx.save_model(tmp_proto, self.path, save_as_external_data=True, all_tensors_to_one_file=True, location=os.path.basename(self.data_path), size_threshold=1024, convert_attribute=False) + del tmp_proto + gc.collect() + + self.proto = onnx.load(model_path, load_external_data=False) + """ + + self.proto = onnx.load(model_path, load_external_data=True) + # self.data = dict() + # for tensor in self.proto.graph.initializer: + # name = tensor.name + + # if tensor.HasField("raw_data"): + # npt = numpy_helper.to_array(tensor) + # orv = OrtValue.ortvalue_from_numpy(npt) + # # self.data[name] = orv + # # set_external_data(tensor, location="in-memory-location") + # tensor.name = name + # # tensor.ClearField("raw_data") + + self.nodes = self._access_helper(self.proto.graph.node) + # self.initializers = self._access_helper(self.proto.graph.initializer) + # print(self.proto.graph.input) + # print(self.proto.graph.initializer) + + self.tensors = self._tensor_access(self) + + # TODO: integrate with model manager/cache + def create_session(self, height=None, width=None): + if self.session is None or self.session_width != width or self.session_height != height: + # onnx.save(self.proto, "tmp.onnx") + # onnx.save_model(self.proto, "tmp.onnx", save_as_external_data=True, all_tensors_to_one_file=True, location="tmp.onnx_data", size_threshold=1024, convert_attribute=False) + # TODO: something to be able to get weight when they already moved outside of model proto + # (trimmed_model, external_data) = buffer_external_data_tensors(self.proto) + sess = SessionOptions() + # self._external_data.update(**external_data) + # sess.add_external_initializers(list(self.data.keys()), list(self.data.values())) + # sess.enable_profiling = True + + # sess.intra_op_num_threads = 1 + # sess.inter_op_num_threads = 1 + # sess.execution_mode = ExecutionMode.ORT_SEQUENTIAL + # sess.graph_optimization_level = GraphOptimizationLevel.ORT_ENABLE_ALL + # sess.enable_cpu_mem_arena = True + # sess.enable_mem_pattern = True + # sess.add_session_config_entry("session.intra_op.use_xnnpack_threadpool", "1") ########### It's the key code + self.session_height = height + self.session_width = width + if height and width: + sess.add_free_dimension_override_by_name("unet_sample_batch", 2) + sess.add_free_dimension_override_by_name("unet_sample_channels", 4) + sess.add_free_dimension_override_by_name("unet_hidden_batch", 2) + sess.add_free_dimension_override_by_name("unet_hidden_sequence", 77) + sess.add_free_dimension_override_by_name("unet_sample_height", self.session_height) + sess.add_free_dimension_override_by_name("unet_sample_width", self.session_width) + sess.add_free_dimension_override_by_name("unet_time_batch", 1) + providers = [] + if self.provider: + providers.append(self.provider) + else: + providers = get_available_providers() + if "TensorrtExecutionProvider" in providers: + providers.remove("TensorrtExecutionProvider") + try: + self.session = InferenceSession(self.proto.SerializeToString(), providers=providers, sess_options=sess) + except Exception as e: + raise e + # self.session = InferenceSession("tmp.onnx", providers=[self.provider], sess_options=self.sess_options) + # self.io_binding = self.session.io_binding() + + def release_session(self): + self.session = None + import gc + + gc.collect() + return + + def __call__(self, **kwargs): + if self.session is None: + raise Exception("You should call create_session before running model") + + inputs = {k: np.array(v) for k, v in kwargs.items()} + output_names = self.session.get_outputs() + # for k in inputs: + # self.io_binding.bind_cpu_input(k, inputs[k]) + # for name in output_names: + # self.io_binding.bind_output(name.name) + # self.session.run_with_iobinding(self.io_binding, None) + # return self.io_binding.copy_outputs_to_cpu() + return self.session.run(None, inputs) + + # compatability with diffusers load code + @classmethod + def from_pretrained( + cls, + model_id: Union[str, Path], + subfolder: Union[str, Path] = None, + file_name: Optional[str] = None, + provider: Optional[str] = None, + sess_options: Optional["SessionOptions"] = None, + **kwargs, + ): + file_name = file_name or ONNX_WEIGHTS_NAME + + if os.path.isdir(model_id): + model_path = model_id + if subfolder is not None: + model_path = os.path.join(model_path, subfolder) + model_path = os.path.join(model_path, file_name) + + else: + model_path = model_id + + # load model from local directory + if not os.path.isfile(model_path): + raise Exception(f"Model not found: {model_path}") + + # TODO: session options + return cls(model_path, provider=provider) diff --git a/invokeai/backend/model_management/models/stable_diffusion_onnx.py b/invokeai/backend/model_management/models/stable_diffusion_onnx.py new file mode 100644 index 00000000000..03693e2c3e8 --- /dev/null +++ b/invokeai/backend/model_management/models/stable_diffusion_onnx.py @@ -0,0 +1,157 @@ +import os +import json +from enum import Enum +from pydantic import Field +from pathlib import Path +from typing import Literal, Optional, Union +from .base import ( + ModelBase, + ModelConfigBase, + BaseModelType, + ModelType, + SubModelType, + ModelVariantType, + DiffusersModel, + SchedulerPredictionType, + SilenceWarnings, + read_checkpoint_meta, + classproperty, + OnnxRuntimeModel, + IAIOnnxRuntimeModel, +) +from invokeai.app.services.config import InvokeAIAppConfig + + +class StableDiffusionOnnxModelFormat(str, Enum): + Olive = "olive" + Onnx = "onnx" + + +class ONNXStableDiffusion1Model(DiffusersModel): + class Config(ModelConfigBase): + model_format: Literal[StableDiffusionOnnxModelFormat.Onnx] + variant: ModelVariantType + + def __init__(self, model_path: str, base_model: BaseModelType, model_type: ModelType): + assert base_model == BaseModelType.StableDiffusion1 + assert model_type == ModelType.ONNX + super().__init__( + model_path=model_path, + base_model=BaseModelType.StableDiffusion1, + model_type=ModelType.ONNX, + ) + + for child_name, child_type in self.child_types.items(): + if child_type is OnnxRuntimeModel: + self.child_types[child_name] = IAIOnnxRuntimeModel + + # TODO: check that no optimum models provided + + @classmethod + def probe_config(cls, path: str, **kwargs): + model_format = cls.detect_format(path) + in_channels = 4 # TODO: + + if in_channels == 9: + variant = ModelVariantType.Inpaint + elif in_channels == 4: + variant = ModelVariantType.Normal + else: + raise Exception("Unkown stable diffusion 1.* model format") + + return cls.create_config( + path=path, + model_format=model_format, + variant=variant, + ) + + @classproperty + def save_to_config(cls) -> bool: + return True + + @classmethod + def detect_format(cls, model_path: str): + # TODO: Detect onnx vs olive + return StableDiffusionOnnxModelFormat.Onnx + + @classmethod + def convert_if_required( + cls, + model_path: str, + output_path: str, + config: ModelConfigBase, + base_model: BaseModelType, + ) -> str: + return model_path + + +class ONNXStableDiffusion2Model(DiffusersModel): + # TODO: check that configs overwriten properly + class Config(ModelConfigBase): + model_format: Literal[StableDiffusionOnnxModelFormat.Onnx] + variant: ModelVariantType + prediction_type: SchedulerPredictionType + upcast_attention: bool + + def __init__(self, model_path: str, base_model: BaseModelType, model_type: ModelType): + assert base_model == BaseModelType.StableDiffusion2 + assert model_type == ModelType.ONNX + super().__init__( + model_path=model_path, + base_model=BaseModelType.StableDiffusion2, + model_type=ModelType.ONNX, + ) + + for child_name, child_type in self.child_types.items(): + if child_type is OnnxRuntimeModel: + self.child_types[child_name] = IAIOnnxRuntimeModel + # TODO: check that no optimum models provided + + @classmethod + def probe_config(cls, path: str, **kwargs): + model_format = cls.detect_format(path) + in_channels = 4 # TODO: + + if in_channels == 9: + variant = ModelVariantType.Inpaint + elif in_channels == 5: + variant = ModelVariantType.Depth + elif in_channels == 4: + variant = ModelVariantType.Normal + else: + raise Exception("Unkown stable diffusion 2.* model format") + + if variant == ModelVariantType.Normal: + prediction_type = SchedulerPredictionType.VPrediction + upcast_attention = True + + else: + prediction_type = SchedulerPredictionType.Epsilon + upcast_attention = False + + return cls.create_config( + path=path, + model_format=model_format, + variant=variant, + prediction_type=prediction_type, + upcast_attention=upcast_attention, + ) + + @classproperty + def save_to_config(cls) -> bool: + return True + + @classmethod + def detect_format(cls, model_path: str): + # TODO: Detect onnx vs olive + return StableDiffusionOnnxModelFormat.Onnx + + @classmethod + def convert_if_required( + cls, + model_path: str, + output_path: str, + config: ModelConfigBase, + base_model: BaseModelType, + ) -> str: + return model_path diff --git a/invokeai/frontend/web/dist/assets/App-44cdaaf3.js b/invokeai/frontend/web/dist/assets/App-44cdaaf3.js new file mode 100644 index 00000000000..801b048b3ab --- /dev/null +++ b/invokeai/frontend/web/dist/assets/App-44cdaaf3.js @@ -0,0 +1,169 @@ +import{t as wv,r as a7,i as Sv,a as Dc,b as x_,S as w_,c as S_,d as C_,e as Cv,f as k_,g as kv,h as i7,j as l7,k as c7,l as u7,m as __,n as d7,o as f7,p as p7,q as P_,s as h7,u as m7,v as g7,w as v7,x as b7,y as y7,z as f,A as i,B as om,C as Ap,D as x7,E as j_,F as I_,G as w7,P as md,H as K1,I as S7,J as C7,K as k7,L as _7,M as P7,N as j7,O as I7,Q as W2,R as E7,T as Ae,U as je,V as Ct,W as nt,X as gd,Y as mo,Z as Ir,_ as Fr,$ as qn,a0 as pl,a1 as ia,a2 as Ft,a3 as ns,a4 as tc,a5 as za,a6 as sm,a7 as X1,a8 as vd,a9 as sr,aa as O7,ab as H,ac as E_,ad as V2,ae as O_,af as _v,ag as Ac,ah as R7,ai as R_,aj as M_,ak as Tc,al as M7,am as fe,an as Ge,ao as Zt,ap as z,aq as D7,ar as U2,as as A7,at as T7,au as G2,av as te,aw as N7,ax as On,ay as Mn,az as Ee,aA as F,aB as Ys,aC as Ye,aD as Kn,aE as D_,aF as A_,aG as T_,aH as _i,aI as Ds,aJ as Y1,aK as $7,aL as z7,aM as L7,aN as Dl,aO as Pu,aP as B7,aQ as F7,aR as H7,aS as W7,aT as V7,aU as q2,aV as ui,aW as Q1,aX as Tp,aY as am,aZ as N_,a_ as os,a$ as $_,b0 as U7,b1 as Nc,b2 as z_,b3 as L_,b4 as Es,b5 as jo,b6 as ju,b7 as G7,b8 as q7,b9 as K7,ba as X7,bb as J1,bc as Np,bd as Y7,be as Q7,bf as Af,bg as Tf,bh as fu,bi as p0,bj as $u,bk as zu,bl as Lu,bm as Bu,bn as K2,bo as $p,bp as h0,bq as zp,br as m0,bs as Pv,bt as g0,bu as jv,bv as v0,bw as Lp,bx as X2,by as gc,bz as Y2,bA as vc,bB as Q2,bC as Bp,bD as Z1,bE as B_,bF as Iv,bG as Ev,bH as F_,bI as J7,bJ as Ov,bK as Z7,bL as Rv,bM as eb,bN as H_,bO as tb,bP as nb,bQ as eR,bR as tR,bS as im,bT as Xl,bU as nR,bV as rR,bW as Cp,bX as oR,bY as sR,bZ as aR,b_ as Mv,b$ as W_,c0 as iR,c1 as V_,c2 as U_,c3 as ss,c4 as J2,c5 as La,c6 as lR,c7 as Dv,c8 as cR,c9 as G_,ca as Z2,cb as uR,cc as dR,cd as fR,ce as pR,cf as hR,cg as mR,ch as rb,ci as ob,cj as gR,ck as Bn,cl as ew,cm as q_,cn as vR,co as bR,cp as yR,cq as xR,cr as wR,cs as SR,ct as CR,cu as kR,cv as _R,cw as K_,cx as PR,cy as jR,cz as IR,cA as ER,cB as OR,cC as RR,cD as MR,cE as DR,cF as AR,cG as TR,cH as tw,cI as NR,cJ as nw,cK as $R,cL as zR,cM as LR,cN as BR,cO as Yu,cP as so,cQ as bd,cR as yd,cS as FR,cT as Qn,cU as HR,cV as na,cW as sb,cX as lm,cY as WR,cZ as VR,c_ as UR,c$ as rw,d0 as Fp,d1 as GR,d2 as X_,d3 as ow,d4 as qR,d5 as KR,d6 as Ss,d7 as XR,d8 as YR,d9 as Y_,da as Q_,db as QR,dc as sw,dd as JR,de as ZR,df as J_,dg as eM,dh as tM,di as nM,dj as rM,dk as oM,dl as sM,dm as aM,dn as cm,dp as iM,dq as Z_,dr as aw,ds as Nf,dt as lM,du as ab,dv as e5,dw as cM,dx as uM,dy as dM,dz as ls,dA as fM,dB as pM,dC as hM,dD as mM,dE as gM,dF as vM,dG as bM,dH as yM,dI as xM,dJ as wM,dK as SM,dL as CM,dM as kM,dN as _M,dO as iw,dP as lw,dQ as PM,dR as t5,dS as n5,dT as xd,dU as r5,dV as qi,dW as o5,dX as cw,dY as jM,dZ as IM,d_ as s5,d$ as EM,e0 as OM,e1 as RM,e2 as MM,e3 as DM,e4 as ib,e5 as uw,e6 as a5,e7 as AM,e8 as dw,e9 as i5,ea as As,eb as TM,ec as l5,ed as fw,ee as NM,ef as $M,eg as zM,eh as LM,ei as BM,ej as FM,ek as HM,el as WM,em as VM,en as UM,eo as GM,ep as qM,eq as KM,er as XM,es as YM,et as QM,eu as JM,ev as ZM,ew as eD,ex as tD,ey as pw,ez as kp,eA as nD,eB as Hp,eC as c5,eD as Qu,eE as rD,eF as oD,eG as ea,eH as u5,eI as lb,eJ as wd,eK as sD,eL as aD,eM as iD,eN as Ea,eO as d5,eP as lD,eQ as cD,eR as f5,eS as uD,eT as dD,eU as fD,eV as pD,eW as hD,eX as mD,eY as gD,eZ as vD,e_ as bD,e$ as yD,f0 as hw,f1 as xD,f2 as wD,f3 as SD,f4 as CD,f5 as kD,f6 as _D,f7 as PD,f8 as jD,f9 as b0,fa as Js,fb as y0,fc as x0,fd as $f,fe as mw,ff as Av,fg as ID,fh as ED,fi as OD,fj as RD,fk as Wp,fl as p5,fm as h5,fn as MD,fo as DD,fp as m5,fq as g5,fr as v5,fs as b5,ft as y5,fu as x5,fv as w5,fw as S5,fx as nc,fy as rc,fz as C5,fA as k5,fB as AD,fC as _5,fD as P5,fE as j5,fF as I5,fG as E5,fH as O5,fI as cb,fJ as TD,fK as gw,fL as ND,fM as $D,fN as Vp,fO as vw,fP as bw,fQ as yw,fR as xw,fS as zD,fT as LD,fU as BD,fV as FD,fW as HD,fX as WD,fY as VD,fZ as UD,f_ as GD}from"./index-18f2f740.js";import{u as qD,c as KD,a as Dn,b as or,I as no,d as Ba,P as Ju,C as XD,e as ye,m as um,f as R5,g as Fa,h as YD,r as Ue,i as QD,j as ww,k as Vt,l as Sr}from"./MantineProvider-b20a2267.js";function JD(e,t){if(e==null)return{};var n={},r=Object.keys(e),o,s;for(s=0;s=0)&&(n[o]=e[o]);return n}var Sw=1/0,ZD=17976931348623157e292;function w0(e){if(!e)return e===0?e:0;if(e=wv(e),e===Sw||e===-Sw){var t=e<0?-1:1;return t*ZD}return e===e?e:0}var e9=function(){return a7.Date.now()};const S0=e9;var t9="Expected a function",n9=Math.max,r9=Math.min;function o9(e,t,n){var r,o,s,a,c,d,p=0,h=!1,m=!1,v=!0;if(typeof e!="function")throw new TypeError(t9);t=wv(t)||0,Sv(n)&&(h=!!n.leading,m="maxWait"in n,s=m?n9(wv(n.maxWait)||0,t):s,v="trailing"in n?!!n.trailing:v);function b(O){var R=r,M=o;return r=o=void 0,p=O,a=e.apply(M,R),a}function w(O){return p=O,c=setTimeout(_,t),h?b(O):a}function y(O){var R=O-d,M=O-p,A=t-R;return m?r9(A,s-M):A}function S(O){var R=O-d,M=O-p;return d===void 0||R>=t||R<0||m&&M>=s}function _(){var O=S0();if(S(O))return k(O);c=setTimeout(_,y(O))}function k(O){return c=void 0,v&&r?b(O):(r=o=void 0,a)}function j(){c!==void 0&&clearTimeout(c),p=0,r=d=o=c=void 0}function I(){return c===void 0?a:k(S0())}function E(){var O=S0(),R=S(O);if(r=arguments,o=this,d=O,R){if(c===void 0)return w(d);if(m)return clearTimeout(c),c=setTimeout(_,t),b(d)}return c===void 0&&(c=setTimeout(_,t)),a}return E.cancel=j,E.flush=I,E}var s9=200;function a9(e,t,n,r){var o=-1,s=S_,a=!0,c=e.length,d=[],p=t.length;if(!c)return d;n&&(t=Dc(t,x_(n))),r?(s=C_,a=!1):t.length>=s9&&(s=Cv,a=!1,t=new w_(t));e:for(;++o=120&&h.length>=120)?new w_(a&&h):void 0}h=e[0];var m=-1,v=c[0];e:for(;++m{r.has(s)&&n(o,s)})}const M5=({id:e,x:t,y:n,width:r,height:o,style:s,color:a,strokeColor:c,strokeWidth:d,className:p,borderRadius:h,shapeRendering:m,onClick:v})=>{const{background:b,backgroundColor:w}=s||{},y=a||b||w;return i.jsx("rect",{className:om(["react-flow__minimap-node",p]),x:t,y:n,rx:h,ry:h,width:r,height:o,fill:y,stroke:c,strokeWidth:d,shapeRendering:m,onClick:v?S=>v(S,e):void 0})};M5.displayName="MiniMapNode";var P9=f.memo(M5);const j9=e=>e.nodeOrigin,I9=e=>e.getNodes().filter(t=>!t.hidden&&t.width&&t.height),C0=e=>e instanceof Function?e:()=>e;function E9({nodeStrokeColor:e="transparent",nodeColor:t="#e2e2e2",nodeClassName:n="",nodeBorderRadius:r=5,nodeStrokeWidth:o=2,nodeComponent:s=P9,onClick:a}){const c=Ap(I9,K1),d=Ap(j9),p=C0(t),h=C0(e),m=C0(n),v=typeof window>"u"||window.chrome?"crispEdges":"geometricPrecision";return i.jsx(i.Fragment,{children:c.map(b=>{const{x:w,y}=x7(b,d).positionAbsolute;return i.jsx(s,{x:w,y,width:b.width,height:b.height,style:b.style,className:m(b),color:p(b),borderRadius:r,strokeColor:h(b),strokeWidth:o,shapeRendering:v,onClick:a,id:b.id},b.id)})})}var O9=f.memo(E9);const R9=200,M9=150,D9=e=>{const t=e.getNodes(),n={x:-e.transform[0]/e.transform[2],y:-e.transform[1]/e.transform[2],width:e.width/e.transform[2],height:e.height/e.transform[2]};return{viewBB:n,boundingRect:t.length>0?k7(_7(t,e.nodeOrigin),n):n,rfId:e.rfId}},A9="react-flow__minimap-desc";function D5({style:e,className:t,nodeStrokeColor:n="transparent",nodeColor:r="#e2e2e2",nodeClassName:o="",nodeBorderRadius:s=5,nodeStrokeWidth:a=2,nodeComponent:c,maskColor:d="rgb(240, 240, 240, 0.6)",maskStrokeColor:p="none",maskStrokeWidth:h=1,position:m="bottom-right",onClick:v,onNodeClick:b,pannable:w=!1,zoomable:y=!1,ariaLabel:S="React Flow mini map",inversePan:_=!1,zoomStep:k=10}){const j=j_(),I=f.useRef(null),{boundingRect:E,viewBB:O,rfId:R}=Ap(D9,K1),M=(e==null?void 0:e.width)??R9,A=(e==null?void 0:e.height)??M9,T=E.width/M,$=E.height/A,Q=Math.max(T,$),B=Q*M,V=Q*A,q=5*Q,G=E.x-(B-E.width)/2-q,D=E.y-(V-E.height)/2-q,L=B+q*2,W=V+q*2,Y=`${A9}-${R}`,ae=f.useRef(0);ae.current=Q,f.useEffect(()=>{if(I.current){const X=I_(I.current),K=re=>{const{transform:oe,d3Selection:pe,d3Zoom:le}=j.getState();if(re.sourceEvent.type!=="wheel"||!pe||!le)return;const ge=-re.sourceEvent.deltaY*(re.sourceEvent.deltaMode===1?.05:re.sourceEvent.deltaMode?1:.002)*k,ke=oe[2]*Math.pow(2,ge);le.scaleTo(pe,ke)},U=re=>{const{transform:oe,d3Selection:pe,d3Zoom:le,translateExtent:ge,width:ke,height:xe}=j.getState();if(re.sourceEvent.type!=="mousemove"||!pe||!le)return;const de=ae.current*Math.max(1,oe[2])*(_?-1:1),Te={x:oe[0]-re.sourceEvent.movementX*de,y:oe[1]-re.sourceEvent.movementY*de},Oe=[[0,0],[ke,xe]],$e=S7.translate(Te.x,Te.y).scale(oe[2]),kt=le.constrain()($e,Oe,ge);le.transform(pe,kt)},se=w7().on("zoom",w?U:null).on("zoom.wheel",y?K:null);return X.call(se),()=>{X.on("zoom",null)}}},[w,y,_,k]);const be=v?X=>{const K=C7(X);v(X,{x:K[0],y:K[1]})}:void 0,ie=b?(X,K)=>{const U=j.getState().nodeInternals.get(K);b(X,U)}:void 0;return i.jsx(md,{position:m,style:e,className:om(["react-flow__minimap",t]),"data-testid":"rf__minimap",children:i.jsxs("svg",{width:M,height:A,viewBox:`${G} ${D} ${L} ${W}`,role:"img","aria-labelledby":Y,ref:I,onClick:be,children:[S&&i.jsx("title",{id:Y,children:S}),i.jsx(O9,{onClick:ie,nodeColor:r,nodeStrokeColor:n,nodeBorderRadius:s,nodeClassName:o,nodeStrokeWidth:a,nodeComponent:c}),i.jsx("path",{className:"react-flow__minimap-mask",d:`M${G-q},${D-q}h${L+q*2}v${W+q*2}h${-L-q*2}z + M${O.x},${O.y}h${O.width}v${O.height}h${-O.width}z`,fill:d,fillRule:"evenodd",stroke:p,strokeWidth:h,pointerEvents:"none"})]})})}D5.displayName="MiniMap";var T9=f.memo(D5),Cs;(function(e){e.Lines="lines",e.Dots="dots",e.Cross="cross"})(Cs||(Cs={}));function N9({color:e,dimensions:t,lineWidth:n}){return i.jsx("path",{stroke:e,strokeWidth:n,d:`M${t[0]/2} 0 V${t[1]} M0 ${t[1]/2} H${t[0]}`})}function $9({color:e,radius:t}){return i.jsx("circle",{cx:t,cy:t,r:t,fill:e})}const z9={[Cs.Dots]:"#91919a",[Cs.Lines]:"#eee",[Cs.Cross]:"#e2e2e2"},L9={[Cs.Dots]:1,[Cs.Lines]:1,[Cs.Cross]:6},B9=e=>({transform:e.transform,patternId:`pattern-${e.rfId}`});function A5({id:e,variant:t=Cs.Dots,gap:n=20,size:r,lineWidth:o=1,offset:s=2,color:a,style:c,className:d}){const p=f.useRef(null),{transform:h,patternId:m}=Ap(B9,K1),v=a||z9[t],b=r||L9[t],w=t===Cs.Dots,y=t===Cs.Cross,S=Array.isArray(n)?n:[n,n],_=[S[0]*h[2]||1,S[1]*h[2]||1],k=b*h[2],j=y?[k,k]:_,I=w?[k/s,k/s]:[j[0]/s,j[1]/s];return i.jsxs("svg",{className:om(["react-flow__background",d]),style:{...c,position:"absolute",width:"100%",height:"100%",top:0,left:0},ref:p,"data-testid":"rf__background",children:[i.jsx("pattern",{id:m+e,x:h[0]%_[0],y:h[1]%_[1],width:_[0],height:_[1],patternUnits:"userSpaceOnUse",patternTransform:`translate(-${I[0]},-${I[1]})`,children:w?i.jsx($9,{color:v,radius:k/s}):i.jsx(N9,{dimensions:j,color:v,lineWidth:o})}),i.jsx("rect",{x:"0",y:"0",width:"100%",height:"100%",fill:`url(#${m+e})`})]})}A5.displayName="Background";var F9=f.memo(A5),Fu;(function(e){e.Line="line",e.Handle="handle"})(Fu||(Fu={}));function H9({width:e,prevWidth:t,height:n,prevHeight:r,invertX:o,invertY:s}){const a=e-t,c=n-r,d=[a>0?1:a<0?-1:0,c>0?1:c<0?-1:0];return a&&o&&(d[0]=d[0]*-1),c&&s&&(d[1]=d[1]*-1),d}const T5={width:0,height:0,x:0,y:0},W9={...T5,pointerX:0,pointerY:0,aspectRatio:1};function V9({nodeId:e,position:t,variant:n=Fu.Handle,className:r,style:o={},children:s,color:a,minWidth:c=10,minHeight:d=10,maxWidth:p=Number.MAX_VALUE,maxHeight:h=Number.MAX_VALUE,keepAspectRatio:m=!1,shouldResize:v,onResizeStart:b,onResize:w,onResizeEnd:y}){const S=P7(),_=typeof e=="string"?e:S,k=j_(),j=f.useRef(null),I=f.useRef(W9),E=f.useRef(T5),O=j7(),R=n===Fu.Line?"right":"bottom-right",M=t??R;f.useEffect(()=>{if(!j.current||!_)return;const Q=I_(j.current),B=M.includes("right")||M.includes("left"),V=M.includes("bottom")||M.includes("top"),q=M.includes("left"),G=M.includes("top"),D=I7().on("start",L=>{const W=k.getState().nodeInternals.get(_),{xSnapped:Y,ySnapped:ae}=O(L);E.current={width:(W==null?void 0:W.width)??0,height:(W==null?void 0:W.height)??0,x:(W==null?void 0:W.position.x)??0,y:(W==null?void 0:W.position.y)??0},I.current={...E.current,pointerX:Y,pointerY:ae,aspectRatio:E.current.width/E.current.height},b==null||b(L,{...E.current})}).on("drag",L=>{const{nodeInternals:W,triggerNodeChanges:Y}=k.getState(),{xSnapped:ae,ySnapped:be}=O(L),ie=W.get(_);if(ie){const X=[],{pointerX:K,pointerY:U,width:se,height:re,x:oe,y:pe,aspectRatio:le}=I.current,{x:ge,y:ke,width:xe,height:de}=E.current,Te=Math.floor(B?ae-K:0),Oe=Math.floor(V?be-U:0);let $e=W2(se+(q?-Te:Te),c,p),kt=W2(re+(G?-Oe:Oe),d,h);if(m){const Me=$e/kt,Pt=B&&V,Tt=B&&!V,we=V&&!B;$e=Me<=le&&Pt||we?kt*le:$e,kt=Me>le&&Pt||Tt?$e/le:kt,$e>=p?($e=p,kt=p/le):$e<=c&&($e=c,kt=c/le),kt>=h?(kt=h,$e=h*le):kt<=d&&(kt=d,$e=d*le)}const ct=$e!==xe,on=kt!==de;if(q||G){const Me=q?oe-($e-se):oe,Pt=G?pe-(kt-re):pe,Tt=Me!==ge&&ct,we=Pt!==ke&&on;if(Tt||we){const ht={id:ie.id,type:"position",position:{x:Tt?Me:ge,y:we?Pt:ke}};X.push(ht),E.current.x=ht.position.x,E.current.y=ht.position.y}}if(ct||on){const Me={id:_,type:"dimensions",updateStyle:!0,resizing:!0,dimensions:{width:$e,height:kt}};X.push(Me),E.current.width=$e,E.current.height=kt}if(X.length===0)return;const vt=H9({width:E.current.width,prevWidth:xe,height:E.current.height,prevHeight:de,invertX:q,invertY:G}),bt={...E.current,direction:vt};if((v==null?void 0:v(L,bt))===!1)return;w==null||w(L,bt),Y(X)}}).on("end",L=>{const W={id:_,type:"dimensions",resizing:!1};y==null||y(L,{...E.current}),k.getState().triggerNodeChanges([W])});return Q.call(D),()=>{Q.on(".drag",null)}},[_,M,c,d,p,h,m,O,b,w,y]);const A=M.split("-"),T=n===Fu.Line?"borderColor":"backgroundColor",$=a?{...o,[T]:a}:o;return i.jsx("div",{className:om(["react-flow__resize-control","nodrag",...A,n,r]),ref:j,style:$,children:s})}var U9=f.memo(V9);const N5=1/60*1e3,G9=typeof performance<"u"?()=>performance.now():()=>Date.now(),$5=typeof window<"u"?e=>window.requestAnimationFrame(e):e=>setTimeout(()=>e(G9()),N5);function q9(e){let t=[],n=[],r=0,o=!1,s=!1;const a=new WeakSet,c={schedule:(d,p=!1,h=!1)=>{const m=h&&o,v=m?t:n;return p&&a.add(d),v.indexOf(d)===-1&&(v.push(d),m&&o&&(r=t.length)),d},cancel:d=>{const p=n.indexOf(d);p!==-1&&n.splice(p,1),a.delete(d)},process:d=>{if(o){s=!0;return}if(o=!0,[t,n]=[n,t],n.length=0,r=t.length,r)for(let p=0;p(e[t]=q9(()=>Zu=!0),e),{}),X9=Sd.reduce((e,t)=>{const n=dm[t];return e[t]=(r,o=!1,s=!1)=>(Zu||J9(),n.schedule(r,o,s)),e},{}),Y9=Sd.reduce((e,t)=>(e[t]=dm[t].cancel,e),{});Sd.reduce((e,t)=>(e[t]=()=>dm[t].process(oc),e),{});const Q9=e=>dm[e].process(oc),z5=e=>{Zu=!1,oc.delta=Tv?N5:Math.max(Math.min(e-oc.timestamp,K9),1),oc.timestamp=e,Nv=!0,Sd.forEach(Q9),Nv=!1,Zu&&(Tv=!1,$5(z5))},J9=()=>{Zu=!0,Tv=!0,Nv||$5(z5)},_w=()=>oc;function ub(e){const t=Object.assign({},e);for(let n in t)t[n]===void 0&&delete t[n];return t}function Z9(e){const{theme:t}=E7(),n=qD();return f.useMemo(()=>KD(t.direction,{...n,...e}),[e,t.direction,n])}var eA=Object.defineProperty,tA=(e,t,n)=>t in e?eA(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,vr=(e,t,n)=>(tA(e,typeof t!="symbol"?t+"":t,n),n);function Pw(e){return e.sort((t,n)=>{const r=t.compareDocumentPosition(n);if(r&Node.DOCUMENT_POSITION_FOLLOWING||r&Node.DOCUMENT_POSITION_CONTAINED_BY)return-1;if(r&Node.DOCUMENT_POSITION_PRECEDING||r&Node.DOCUMENT_POSITION_CONTAINS)return 1;if(r&Node.DOCUMENT_POSITION_DISCONNECTED||r&Node.DOCUMENT_POSITION_IMPLEMENTATION_SPECIFIC)throw Error("Cannot sort the given nodes.");return 0})}var nA=e=>typeof e=="object"&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE;function jw(e,t,n){let r=e+1;return n&&r>=t&&(r=0),r}function Iw(e,t,n){let r=e-1;return n&&r<0&&(r=t),r}var $v=typeof window<"u"?f.useLayoutEffect:f.useEffect,Up=e=>e,rA=class{constructor(){vr(this,"descendants",new Map),vr(this,"register",e=>{if(e!=null)return nA(e)?this.registerNode(e):t=>{this.registerNode(t,e)}}),vr(this,"unregister",e=>{this.descendants.delete(e);const t=Pw(Array.from(this.descendants.keys()));this.assignIndex(t)}),vr(this,"destroy",()=>{this.descendants.clear()}),vr(this,"assignIndex",e=>{this.descendants.forEach(t=>{const n=e.indexOf(t.node);t.index=n,t.node.dataset.index=t.index.toString()})}),vr(this,"count",()=>this.descendants.size),vr(this,"enabledCount",()=>this.enabledValues().length),vr(this,"values",()=>Array.from(this.descendants.values()).sort((t,n)=>t.index-n.index)),vr(this,"enabledValues",()=>this.values().filter(e=>!e.disabled)),vr(this,"item",e=>{if(this.count()!==0)return this.values()[e]}),vr(this,"enabledItem",e=>{if(this.enabledCount()!==0)return this.enabledValues()[e]}),vr(this,"first",()=>this.item(0)),vr(this,"firstEnabled",()=>this.enabledItem(0)),vr(this,"last",()=>this.item(this.descendants.size-1)),vr(this,"lastEnabled",()=>{const e=this.enabledValues().length-1;return this.enabledItem(e)}),vr(this,"indexOf",e=>{var t,n;return e&&(n=(t=this.descendants.get(e))==null?void 0:t.index)!=null?n:-1}),vr(this,"enabledIndexOf",e=>e==null?-1:this.enabledValues().findIndex(t=>t.node.isSameNode(e))),vr(this,"next",(e,t=!0)=>{const n=jw(e,this.count(),t);return this.item(n)}),vr(this,"nextEnabled",(e,t=!0)=>{const n=this.item(e);if(!n)return;const r=this.enabledIndexOf(n.node),o=jw(r,this.enabledCount(),t);return this.enabledItem(o)}),vr(this,"prev",(e,t=!0)=>{const n=Iw(e,this.count()-1,t);return this.item(n)}),vr(this,"prevEnabled",(e,t=!0)=>{const n=this.item(e);if(!n)return;const r=this.enabledIndexOf(n.node),o=Iw(r,this.enabledCount()-1,t);return this.enabledItem(o)}),vr(this,"registerNode",(e,t)=>{if(!e||this.descendants.has(e))return;const n=Array.from(this.descendants.keys()).concat(e),r=Pw(n);t!=null&&t.disabled&&(t.disabled=!!t.disabled);const o={node:e,index:-1,...t};this.descendants.set(e,o),this.assignIndex(r)})}};function oA(e,t){if(e!=null){if(typeof e=="function"){e(t);return}try{e.current=t}catch{throw new Error(`Cannot assign value '${t}' to ref '${e}'`)}}}function cn(...e){return t=>{e.forEach(n=>{oA(n,t)})}}function sA(...e){return f.useMemo(()=>cn(...e),e)}function aA(){const e=f.useRef(new rA);return $v(()=>()=>e.current.destroy()),e.current}var[iA,L5]=Dn({name:"DescendantsProvider",errorMessage:"useDescendantsContext must be used within DescendantsProvider"});function lA(e){const t=L5(),[n,r]=f.useState(-1),o=f.useRef(null);$v(()=>()=>{o.current&&t.unregister(o.current)},[]),$v(()=>{if(!o.current)return;const a=Number(o.current.dataset.index);n!=a&&!Number.isNaN(a)&&r(a)});const s=Up(e?t.register(e):t.register);return{descendants:t,index:n,enabledIndex:t.enabledIndexOf(o.current),register:cn(s,o)}}function db(){return[Up(iA),()=>Up(L5()),()=>aA(),o=>lA(o)]}var[cA,fm]=Dn({name:"AccordionStylesContext",hookName:"useAccordionStyles",providerName:""}),[uA,fb]=Dn({name:"AccordionItemContext",hookName:"useAccordionItemContext",providerName:""}),[dA,Ode,fA,pA]=db(),Iu=Ae(function(t,n){const{getButtonProps:r}=fb(),o=r(t,n),a={display:"flex",alignItems:"center",width:"100%",outline:0,...fm().button};return i.jsx(je.button,{...o,className:Ct("chakra-accordion__button",t.className),__css:a})});Iu.displayName="AccordionButton";function $c(e){const{value:t,defaultValue:n,onChange:r,shouldUpdate:o=(v,b)=>v!==b}=e,s=or(r),a=or(o),[c,d]=f.useState(n),p=t!==void 0,h=p?t:c,m=or(v=>{const w=typeof v=="function"?v(h):v;a(h,w)&&(p||d(w),s(w))},[p,s,h,a]);return[h,m]}function hA(e){const{onChange:t,defaultIndex:n,index:r,allowMultiple:o,allowToggle:s,...a}=e;vA(e),bA(e);const c=fA(),[d,p]=f.useState(-1);f.useEffect(()=>()=>{p(-1)},[]);const[h,m]=$c({value:r,defaultValue(){return o?n??[]:n??-1},onChange:t});return{index:h,setIndex:m,htmlProps:a,getAccordionItemProps:b=>{let w=!1;return b!==null&&(w=Array.isArray(h)?h.includes(b):h===b),{isOpen:w,onChange:S=>{if(b!==null)if(o&&Array.isArray(h)){const _=S?h.concat(b):h.filter(k=>k!==b);m(_)}else S?m(b):s&&m(-1)}}},focusedIndex:d,setFocusedIndex:p,descendants:c}}var[mA,pb]=Dn({name:"AccordionContext",hookName:"useAccordionContext",providerName:"Accordion"});function gA(e){const{isDisabled:t,isFocusable:n,id:r,...o}=e,{getAccordionItemProps:s,setFocusedIndex:a}=pb(),c=f.useRef(null),d=f.useId(),p=r??d,h=`accordion-button-${p}`,m=`accordion-panel-${p}`;yA(e);const{register:v,index:b,descendants:w}=pA({disabled:t&&!n}),{isOpen:y,onChange:S}=s(b===-1?null:b);xA({isOpen:y,isDisabled:t});const _=()=>{S==null||S(!0)},k=()=>{S==null||S(!1)},j=f.useCallback(()=>{S==null||S(!y),a(b)},[b,a,y,S]),I=f.useCallback(M=>{const T={ArrowDown:()=>{const $=w.nextEnabled(b);$==null||$.node.focus()},ArrowUp:()=>{const $=w.prevEnabled(b);$==null||$.node.focus()},Home:()=>{const $=w.firstEnabled();$==null||$.node.focus()},End:()=>{const $=w.lastEnabled();$==null||$.node.focus()}}[M.key];T&&(M.preventDefault(),T(M))},[w,b]),E=f.useCallback(()=>{a(b)},[a,b]),O=f.useCallback(function(A={},T=null){return{...A,type:"button",ref:cn(v,c,T),id:h,disabled:!!t,"aria-expanded":!!y,"aria-controls":m,onClick:nt(A.onClick,j),onFocus:nt(A.onFocus,E),onKeyDown:nt(A.onKeyDown,I)}},[h,t,y,j,E,I,m,v]),R=f.useCallback(function(A={},T=null){return{...A,ref:T,role:"region",id:m,"aria-labelledby":h,hidden:!y}},[h,y,m]);return{isOpen:y,isDisabled:t,isFocusable:n,onOpen:_,onClose:k,getButtonProps:O,getPanelProps:R,htmlProps:o}}function vA(e){const t=e.index||e.defaultIndex,n=t!=null&&!Array.isArray(t)&&e.allowMultiple;gd({condition:!!n,message:`If 'allowMultiple' is passed, then 'index' or 'defaultIndex' must be an array. You passed: ${typeof t},`})}function bA(e){gd({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"})}function yA(e){gd({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. + `})}function xA(e){gd({condition:e.isOpen&&!!e.isDisabled,message:"Cannot open a disabled accordion item"})}function Eu(e){const{isOpen:t,isDisabled:n}=fb(),{reduceMotion:r}=pb(),o=Ct("chakra-accordion__icon",e.className),s=fm(),a={opacity:n?.4:1,transform:t?"rotate(-180deg)":void 0,transition:r?void 0:"transform 0.2s",transformOrigin:"center",...s.icon};return i.jsx(no,{viewBox:"0 0 24 24","aria-hidden":!0,className:o,__css:a,...e,children:i.jsx("path",{fill:"currentColor",d:"M16.59 8.59L12 13.17 7.41 8.59 6 10l6 6 6-6z"})})}Eu.displayName="AccordionIcon";var Ou=Ae(function(t,n){const{children:r,className:o}=t,{htmlProps:s,...a}=gA(t),d={...fm().container,overflowAnchor:"none"},p=f.useMemo(()=>a,[a]);return i.jsx(uA,{value:p,children:i.jsx(je.div,{ref:n,...s,className:Ct("chakra-accordion__item",o),__css:d,children:typeof r=="function"?r({isExpanded:!!a.isOpen,isDisabled:!!a.isDisabled}):r})})});Ou.displayName="AccordionItem";var Ki={ease:[.25,.1,.25,1],easeIn:[.4,0,1,1],easeOut:[0,0,.2,1],easeInOut:[.4,0,.2,1]},pu={scale:{enter:{scale:1},exit:{scale:.95}},fade:{enter:{opacity:1},exit:{opacity:0}},pushLeft:{enter:{x:"100%"},exit:{x:"-30%"}},pushRight:{enter:{x:"-100%"},exit:{x:"30%"}},pushUp:{enter:{y:"100%"},exit:{y:"-30%"}},pushDown:{enter:{y:"-100%"},exit:{y:"30%"}},slideLeft:{position:{left:0,top:0,bottom:0,width:"100%"},enter:{x:0,y:0},exit:{x:"-100%",y:0}},slideRight:{position:{right:0,top:0,bottom:0,width:"100%"},enter:{x:0,y:0},exit:{x:"100%",y:0}},slideUp:{position:{top:0,left:0,right:0,maxWidth:"100vw"},enter:{x:0,y:0},exit:{x:0,y:"-100%"}},slideDown:{position:{bottom:0,left:0,right:0,maxWidth:"100vw"},enter:{x:0,y:0},exit:{x:0,y:"100%"}}};function zv(e){var t;switch((t=e==null?void 0:e.direction)!=null?t:"right"){case"right":return pu.slideRight;case"left":return pu.slideLeft;case"bottom":return pu.slideDown;case"top":return pu.slideUp;default:return pu.slideRight}}var Yi={enter:{duration:.2,ease:Ki.easeOut},exit:{duration:.1,ease:Ki.easeIn}},ks={enter:(e,t)=>({...e,delay:typeof t=="number"?t:t==null?void 0:t.enter}),exit:(e,t)=>({...e,delay:typeof t=="number"?t:t==null?void 0:t.exit})},wA=e=>e!=null&&parseInt(e.toString(),10)>0,Ew={exit:{height:{duration:.2,ease:Ki.ease},opacity:{duration:.3,ease:Ki.ease}},enter:{height:{duration:.3,ease:Ki.ease},opacity:{duration:.4,ease:Ki.ease}}},SA={exit:({animateOpacity:e,startingHeight:t,transition:n,transitionEnd:r,delay:o})=>{var s;return{...e&&{opacity:wA(t)?1:0},height:t,transitionEnd:r==null?void 0:r.exit,transition:(s=n==null?void 0:n.exit)!=null?s:ks.exit(Ew.exit,o)}},enter:({animateOpacity:e,endingHeight:t,transition:n,transitionEnd:r,delay:o})=>{var s;return{...e&&{opacity:1},height:t,transitionEnd:r==null?void 0:r.enter,transition:(s=n==null?void 0:n.enter)!=null?s:ks.enter(Ew.enter,o)}}},pm=f.forwardRef((e,t)=>{const{in:n,unmountOnExit:r,animateOpacity:o=!0,startingHeight:s=0,endingHeight:a="auto",style:c,className:d,transition:p,transitionEnd:h,...m}=e,[v,b]=f.useState(!1);f.useEffect(()=>{const k=setTimeout(()=>{b(!0)});return()=>clearTimeout(k)},[]),gd({condition:Number(s)>0&&!!r,message:"startingHeight and unmountOnExit are mutually exclusive. You can't use them together"});const w=parseFloat(s.toString())>0,y={startingHeight:s,endingHeight:a,animateOpacity:o,transition:v?p:{enter:{duration:0}},transitionEnd:{enter:h==null?void 0:h.enter,exit:r?h==null?void 0:h.exit:{...h==null?void 0:h.exit,display:w?"block":"none"}}},S=r?n:!0,_=n||r?"enter":"exit";return i.jsx(mo,{initial:!1,custom:y,children:S&&i.jsx(Ir.div,{ref:t,...m,className:Ct("chakra-collapse",d),style:{overflow:"hidden",display:"block",...c},custom:y,variants:SA,initial:r?"exit":!1,animate:_,exit:"exit"})})});pm.displayName="Collapse";var CA={enter:({transition:e,transitionEnd:t,delay:n}={})=>{var r;return{opacity:1,transition:(r=e==null?void 0:e.enter)!=null?r:ks.enter(Yi.enter,n),transitionEnd:t==null?void 0:t.enter}},exit:({transition:e,transitionEnd:t,delay:n}={})=>{var r;return{opacity:0,transition:(r=e==null?void 0:e.exit)!=null?r:ks.exit(Yi.exit,n),transitionEnd:t==null?void 0:t.exit}}},B5={initial:"exit",animate:"enter",exit:"exit",variants:CA},kA=f.forwardRef(function(t,n){const{unmountOnExit:r,in:o,className:s,transition:a,transitionEnd:c,delay:d,...p}=t,h=o||r?"enter":"exit",m=r?o&&r:!0,v={transition:a,transitionEnd:c,delay:d};return i.jsx(mo,{custom:v,children:m&&i.jsx(Ir.div,{ref:n,className:Ct("chakra-fade",s),custom:v,...B5,animate:h,...p})})});kA.displayName="Fade";var _A={exit:({reverse:e,initialScale:t,transition:n,transitionEnd:r,delay:o})=>{var s;return{opacity:0,...e?{scale:t,transitionEnd:r==null?void 0:r.exit}:{transitionEnd:{scale:t,...r==null?void 0:r.exit}},transition:(s=n==null?void 0:n.exit)!=null?s:ks.exit(Yi.exit,o)}},enter:({transitionEnd:e,transition:t,delay:n})=>{var r;return{opacity:1,scale:1,transition:(r=t==null?void 0:t.enter)!=null?r:ks.enter(Yi.enter,n),transitionEnd:e==null?void 0:e.enter}}},F5={initial:"exit",animate:"enter",exit:"exit",variants:_A},PA=f.forwardRef(function(t,n){const{unmountOnExit:r,in:o,reverse:s=!0,initialScale:a=.95,className:c,transition:d,transitionEnd:p,delay:h,...m}=t,v=r?o&&r:!0,b=o||r?"enter":"exit",w={initialScale:a,reverse:s,transition:d,transitionEnd:p,delay:h};return i.jsx(mo,{custom:w,children:v&&i.jsx(Ir.div,{ref:n,className:Ct("chakra-offset-slide",c),...F5,animate:b,custom:w,...m})})});PA.displayName="ScaleFade";var jA={initial:({offsetX:e,offsetY:t,transition:n,transitionEnd:r,delay:o})=>{var s;return{opacity:0,x:e,y:t,transition:(s=n==null?void 0:n.exit)!=null?s:ks.exit(Yi.exit,o),transitionEnd:r==null?void 0:r.exit}},enter:({transition:e,transitionEnd:t,delay:n})=>{var r;return{opacity:1,x:0,y:0,transition:(r=e==null?void 0:e.enter)!=null?r:ks.enter(Yi.enter,n),transitionEnd:t==null?void 0:t.enter}},exit:({offsetY:e,offsetX:t,transition:n,transitionEnd:r,reverse:o,delay:s})=>{var a;const c={x:t,y:e};return{opacity:0,transition:(a=n==null?void 0:n.exit)!=null?a:ks.exit(Yi.exit,s),...o?{...c,transitionEnd:r==null?void 0:r.exit}:{transitionEnd:{...c,...r==null?void 0:r.exit}}}}},Lv={initial:"initial",animate:"enter",exit:"exit",variants:jA},IA=f.forwardRef(function(t,n){const{unmountOnExit:r,in:o,reverse:s=!0,className:a,offsetX:c=0,offsetY:d=8,transition:p,transitionEnd:h,delay:m,...v}=t,b=r?o&&r:!0,w=o||r?"enter":"exit",y={offsetX:c,offsetY:d,reverse:s,transition:p,transitionEnd:h,delay:m};return i.jsx(mo,{custom:y,children:b&&i.jsx(Ir.div,{ref:n,className:Ct("chakra-offset-slide",a),custom:y,...Lv,animate:w,...v})})});IA.displayName="SlideFade";var Ow={exit:{duration:.15,ease:Ki.easeInOut},enter:{type:"spring",damping:25,stiffness:180}},EA={exit:({direction:e,transition:t,transitionEnd:n,delay:r})=>{var o;const{exit:s}=zv({direction:e});return{...s,transition:(o=t==null?void 0:t.exit)!=null?o:ks.exit(Ow.exit,r),transitionEnd:n==null?void 0:n.exit}},enter:({direction:e,transitionEnd:t,transition:n,delay:r})=>{var o;const{enter:s}=zv({direction:e});return{...s,transition:(o=n==null?void 0:n.enter)!=null?o:ks.enter(Ow.enter,r),transitionEnd:t==null?void 0:t.enter}}},H5=f.forwardRef(function(t,n){const{direction:r="right",style:o,unmountOnExit:s,in:a,className:c,transition:d,transitionEnd:p,delay:h,motionProps:m,...v}=t,b=zv({direction:r}),w=Object.assign({position:"fixed"},b.position,o),y=s?a&&s:!0,S=a||s?"enter":"exit",_={transitionEnd:p,transition:d,direction:r,delay:h};return i.jsx(mo,{custom:_,children:y&&i.jsx(Ir.div,{...v,ref:n,initial:"exit",className:Ct("chakra-slide",c),animate:S,exit:"exit",custom:_,variants:EA,style:w,...m})})});H5.displayName="Slide";var Ru=Ae(function(t,n){const{className:r,motionProps:o,...s}=t,{reduceMotion:a}=pb(),{getPanelProps:c,isOpen:d}=fb(),p=c(s,n),h=Ct("chakra-accordion__panel",r),m=fm();a||delete p.hidden;const v=i.jsx(je.div,{...p,__css:m.panel,className:h});return a?v:i.jsx(pm,{in:d,...o,children:v})});Ru.displayName="AccordionPanel";var W5=Ae(function({children:t,reduceMotion:n,...r},o){const s=Fr("Accordion",r),a=qn(r),{htmlProps:c,descendants:d,...p}=hA(a),h=f.useMemo(()=>({...p,reduceMotion:!!n}),[p,n]);return i.jsx(dA,{value:d,children:i.jsx(mA,{value:h,children:i.jsx(cA,{value:s,children:i.jsx(je.div,{ref:o,...c,className:Ct("chakra-accordion",r.className),__css:s.root,children:t})})})})});W5.displayName="Accordion";function Cd(e){return f.Children.toArray(e).filter(t=>f.isValidElement(t))}var[OA,RA]=Dn({strict:!1,name:"ButtonGroupContext"}),MA={horizontal:{"> *: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}},vertical:{"> *:first-of-type:not(:last-of-type)":{borderBottomRadius:0},"> *:not(:first-of-type):not(:last-of-type)":{borderRadius:0},"> *:not(:first-of-type):last-of-type":{borderTopRadius:0}}},DA={horizontal:e=>({"& > *:not(style) ~ *:not(style)":{marginStart:e}}),vertical:e=>({"& > *:not(style) ~ *:not(style)":{marginTop:e}})},rr=Ae(function(t,n){const{size:r,colorScheme:o,variant:s,className:a,spacing:c="0.5rem",isAttached:d,isDisabled:p,orientation:h="horizontal",...m}=t,v=Ct("chakra-button__group",a),b=f.useMemo(()=>({size:r,colorScheme:o,variant:s,isDisabled:p}),[r,o,s,p]);let w={display:"inline-flex",...d?MA[h]:DA[h](c)};const y=h==="vertical";return i.jsx(OA,{value:b,children:i.jsx(je.div,{ref:n,role:"group",__css:w,className:v,"data-attached":d?"":void 0,"data-orientation":h,flexDir:y?"column":void 0,...m})})});rr.displayName="ButtonGroup";function AA(e){const[t,n]=f.useState(!e);return{ref:f.useCallback(s=>{s&&n(s.tagName==="BUTTON")},[]),type:t?"button":void 0}}function Bv(e){const{children:t,className:n,...r}=e,o=f.isValidElement(t)?f.cloneElement(t,{"aria-hidden":!0,focusable:!1}):t,s=Ct("chakra-button__icon",n);return i.jsx(je.span,{display:"inline-flex",alignSelf:"center",flexShrink:0,...r,className:s,children:o})}Bv.displayName="ButtonIcon";function Gp(e){const{label:t,placement:n,spacing:r="0.5rem",children:o=i.jsx(pl,{color:"currentColor",width:"1em",height:"1em"}),className:s,__css:a,...c}=e,d=Ct("chakra-button__spinner",s),p=n==="start"?"marginEnd":"marginStart",h=f.useMemo(()=>({display:"flex",alignItems:"center",position:t?"relative":"absolute",[p]:t?r:0,fontSize:"1em",lineHeight:"normal",...a}),[a,t,p,r]);return i.jsx(je.div,{className:d,...c,__css:h,children:o})}Gp.displayName="ButtonSpinner";var bc=Ae((e,t)=>{const n=RA(),r=ia("Button",{...n,...e}),{isDisabled:o=n==null?void 0:n.isDisabled,isLoading:s,isActive:a,children:c,leftIcon:d,rightIcon:p,loadingText:h,iconSpacing:m="0.5rem",type:v,spinner:b,spinnerPlacement:w="start",className:y,as:S,..._}=qn(e),k=f.useMemo(()=>{const O={...r==null?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:O}}},[r,n]),{ref:j,type:I}=AA(S),E={rightIcon:p,leftIcon:d,iconSpacing:m,children:c};return i.jsxs(je.button,{ref:sA(t,j),as:S,type:v??I,"data-active":Ft(a),"data-loading":Ft(s),__css:k,className:Ct("chakra-button",y),..._,disabled:o||s,children:[s&&w==="start"&&i.jsx(Gp,{className:"chakra-button__spinner--start",label:h,placement:"start",spacing:m,children:b}),s?h||i.jsx(je.span,{opacity:0,children:i.jsx(Rw,{...E})}):i.jsx(Rw,{...E}),s&&w==="end"&&i.jsx(Gp,{className:"chakra-button__spinner--end",label:h,placement:"end",spacing:m,children:b})]})});bc.displayName="Button";function Rw(e){const{leftIcon:t,rightIcon:n,children:r,iconSpacing:o}=e;return i.jsxs(i.Fragment,{children:[t&&i.jsx(Bv,{marginEnd:o,children:t}),r,n&&i.jsx(Bv,{marginStart:o,children:n})]})}var Ca=Ae((e,t)=>{const{icon:n,children:r,isRound:o,"aria-label":s,...a}=e,c=n||r,d=f.isValidElement(c)?f.cloneElement(c,{"aria-hidden":!0,focusable:!1}):null;return i.jsx(bc,{padding:"0",borderRadius:o?"full":void 0,ref:t,"aria-label":s,...a,children:d})});Ca.displayName="IconButton";var[Rde,TA]=Dn({name:"CheckboxGroupContext",strict:!1});function NA(e){const[t,n]=f.useState(e),[r,o]=f.useState(!1);return e!==t&&(o(!0),n(e)),r}function $A(e){return i.jsx(je.svg,{width:"1.2em",viewBox:"0 0 12 10",style:{fill:"none",strokeWidth:2,stroke:"currentColor",strokeDasharray:16},...e,children:i.jsx("polyline",{points:"1.5 6 4.5 9 10.5 1"})})}function zA(e){return i.jsx(je.svg,{width:"1.2em",viewBox:"0 0 24 24",style:{stroke:"currentColor",strokeWidth:4},...e,children:i.jsx("line",{x1:"21",x2:"3",y1:"12",y2:"12"})})}function LA(e){const{isIndeterminate:t,isChecked:n,...r}=e,o=t?zA:$A;return n||t?i.jsx(je.div,{style:{display:"flex",alignItems:"center",justifyContent:"center",height:"100%"},children:i.jsx(o,{...r})}):null}var[BA,V5]=Dn({name:"FormControlStylesContext",errorMessage:`useFormControlStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),[FA,kd]=Dn({strict:!1,name:"FormControlContext"});function HA(e){const{id:t,isRequired:n,isInvalid:r,isDisabled:o,isReadOnly:s,...a}=e,c=f.useId(),d=t||`field-${c}`,p=`${d}-label`,h=`${d}-feedback`,m=`${d}-helptext`,[v,b]=f.useState(!1),[w,y]=f.useState(!1),[S,_]=f.useState(!1),k=f.useCallback((R={},M=null)=>({id:m,...R,ref:cn(M,A=>{A&&y(!0)})}),[m]),j=f.useCallback((R={},M=null)=>({...R,ref:M,"data-focus":Ft(S),"data-disabled":Ft(o),"data-invalid":Ft(r),"data-readonly":Ft(s),id:R.id!==void 0?R.id:p,htmlFor:R.htmlFor!==void 0?R.htmlFor:d}),[d,o,S,r,s,p]),I=f.useCallback((R={},M=null)=>({id:h,...R,ref:cn(M,A=>{A&&b(!0)}),"aria-live":"polite"}),[h]),E=f.useCallback((R={},M=null)=>({...R,...a,ref:M,role:"group"}),[a]),O=f.useCallback((R={},M=null)=>({...R,ref:M,role:"presentation","aria-hidden":!0,children:R.children||"*"}),[]);return{isRequired:!!n,isInvalid:!!r,isReadOnly:!!s,isDisabled:!!o,isFocused:!!S,onFocus:()=>_(!0),onBlur:()=>_(!1),hasFeedbackText:v,setHasFeedbackText:b,hasHelpText:w,setHasHelpText:y,id:d,labelId:p,feedbackId:h,helpTextId:m,htmlProps:a,getHelpTextProps:k,getErrorMessageProps:I,getRootProps:E,getLabelProps:j,getRequiredIndicatorProps:O}}var go=Ae(function(t,n){const r=Fr("Form",t),o=qn(t),{getRootProps:s,htmlProps:a,...c}=HA(o),d=Ct("chakra-form-control",t.className);return i.jsx(FA,{value:c,children:i.jsx(BA,{value:r,children:i.jsx(je.div,{...s({},n),className:d,__css:r.container})})})});go.displayName="FormControl";var WA=Ae(function(t,n){const r=kd(),o=V5(),s=Ct("chakra-form__helper-text",t.className);return i.jsx(je.div,{...r==null?void 0:r.getHelpTextProps(t,n),__css:o.helperText,className:s})});WA.displayName="FormHelperText";var Lo=Ae(function(t,n){var r;const o=ia("FormLabel",t),s=qn(t),{className:a,children:c,requiredIndicator:d=i.jsx(U5,{}),optionalIndicator:p=null,...h}=s,m=kd(),v=(r=m==null?void 0:m.getLabelProps(h,n))!=null?r:{ref:n,...h};return i.jsxs(je.label,{...v,className:Ct("chakra-form__label",s.className),__css:{display:"block",textAlign:"start",...o},children:[c,m!=null&&m.isRequired?d:p]})});Lo.displayName="FormLabel";var U5=Ae(function(t,n){const r=kd(),o=V5();if(!(r!=null&&r.isRequired))return null;const s=Ct("chakra-form__required-indicator",t.className);return i.jsx(je.span,{...r==null?void 0:r.getRequiredIndicatorProps(t,n),__css:o.requiredIndicator,className:s})});U5.displayName="RequiredIndicator";function hb(e){const{isDisabled:t,isInvalid:n,isReadOnly:r,isRequired:o,...s}=mb(e);return{...s,disabled:t,readOnly:r,required:o,"aria-invalid":ns(n),"aria-required":ns(o),"aria-readonly":ns(r)}}function mb(e){var t,n,r;const o=kd(),{id:s,disabled:a,readOnly:c,required:d,isRequired:p,isInvalid:h,isReadOnly:m,isDisabled:v,onFocus:b,onBlur:w,...y}=e,S=e["aria-describedby"]?[e["aria-describedby"]]:[];return o!=null&&o.hasFeedbackText&&(o!=null&&o.isInvalid)&&S.push(o.feedbackId),o!=null&&o.hasHelpText&&S.push(o.helpTextId),{...y,"aria-describedby":S.join(" ")||void 0,id:s??(o==null?void 0:o.id),isDisabled:(t=a??v)!=null?t:o==null?void 0:o.isDisabled,isReadOnly:(n=c??m)!=null?n:o==null?void 0:o.isReadOnly,isRequired:(r=d??p)!=null?r:o==null?void 0:o.isRequired,isInvalid:h??(o==null?void 0:o.isInvalid),onFocus:nt(o==null?void 0:o.onFocus,b),onBlur:nt(o==null?void 0:o.onBlur,w)}}var gb={border:"0",clip:"rect(0, 0, 0, 0)",height:"1px",width:"1px",margin:"-1px",padding:"0",overflow:"hidden",whiteSpace:"nowrap",position:"absolute"},G5=je("span",{baseStyle:gb});G5.displayName="VisuallyHidden";var VA=je("input",{baseStyle:gb});VA.displayName="VisuallyHiddenInput";const UA=()=>typeof document<"u";let Mw=!1,_d=null,ol=!1,Fv=!1;const Hv=new Set;function vb(e,t){Hv.forEach(n=>n(e,t))}const GA=typeof window<"u"&&window.navigator!=null?/^Mac/.test(window.navigator.platform):!1;function qA(e){return!(e.metaKey||!GA&&e.altKey||e.ctrlKey||e.key==="Control"||e.key==="Shift"||e.key==="Meta")}function Dw(e){ol=!0,qA(e)&&(_d="keyboard",vb("keyboard",e))}function Tl(e){if(_d="pointer",e.type==="mousedown"||e.type==="pointerdown"){ol=!0;const t=e.composedPath?e.composedPath()[0]:e.target;let n=!1;try{n=t.matches(":focus-visible")}catch{}if(n)return;vb("pointer",e)}}function KA(e){return e.mozInputSource===0&&e.isTrusted?!0:e.detail===0&&!e.pointerType}function XA(e){KA(e)&&(ol=!0,_d="virtual")}function YA(e){e.target===window||e.target===document||(!ol&&!Fv&&(_d="virtual",vb("virtual",e)),ol=!1,Fv=!1)}function QA(){ol=!1,Fv=!0}function Aw(){return _d!=="pointer"}function JA(){if(!UA()||Mw)return;const{focus:e}=HTMLElement.prototype;HTMLElement.prototype.focus=function(...n){ol=!0,e.apply(this,n)},document.addEventListener("keydown",Dw,!0),document.addEventListener("keyup",Dw,!0),document.addEventListener("click",XA,!0),window.addEventListener("focus",YA,!0),window.addEventListener("blur",QA,!1),typeof PointerEvent<"u"?(document.addEventListener("pointerdown",Tl,!0),document.addEventListener("pointermove",Tl,!0),document.addEventListener("pointerup",Tl,!0)):(document.addEventListener("mousedown",Tl,!0),document.addEventListener("mousemove",Tl,!0),document.addEventListener("mouseup",Tl,!0)),Mw=!0}function q5(e){JA(),e(Aw());const t=()=>e(Aw());return Hv.add(t),()=>{Hv.delete(t)}}function ZA(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}function K5(e={}){const t=mb(e),{isDisabled:n,isReadOnly:r,isRequired:o,isInvalid:s,id:a,onBlur:c,onFocus:d,"aria-describedby":p}=t,{defaultChecked:h,isChecked:m,isFocusable:v,onChange:b,isIndeterminate:w,name:y,value:S,tabIndex:_=void 0,"aria-label":k,"aria-labelledby":j,"aria-invalid":I,...E}=e,O=ZA(E,["isDisabled","isReadOnly","isRequired","isInvalid","id","onBlur","onFocus","aria-describedby"]),R=or(b),M=or(c),A=or(d),[T,$]=f.useState(!1),[Q,B]=f.useState(!1),[V,q]=f.useState(!1),[G,D]=f.useState(!1);f.useEffect(()=>q5($),[]);const L=f.useRef(null),[W,Y]=f.useState(!0),[ae,be]=f.useState(!!h),ie=m!==void 0,X=ie?m:ae,K=f.useCallback(de=>{if(r||n){de.preventDefault();return}ie||be(X?de.target.checked:w?!0:de.target.checked),R==null||R(de)},[r,n,X,ie,w,R]);tc(()=>{L.current&&(L.current.indeterminate=!!w)},[w]),Ba(()=>{n&&B(!1)},[n,B]),tc(()=>{const de=L.current;if(!(de!=null&&de.form))return;const Te=()=>{be(!!h)};return de.form.addEventListener("reset",Te),()=>{var Oe;return(Oe=de.form)==null?void 0:Oe.removeEventListener("reset",Te)}},[]);const U=n&&!v,se=f.useCallback(de=>{de.key===" "&&D(!0)},[D]),re=f.useCallback(de=>{de.key===" "&&D(!1)},[D]);tc(()=>{if(!L.current)return;L.current.checked!==X&&be(L.current.checked)},[L.current]);const oe=f.useCallback((de={},Te=null)=>{const Oe=$e=>{Q&&$e.preventDefault(),D(!0)};return{...de,ref:Te,"data-active":Ft(G),"data-hover":Ft(V),"data-checked":Ft(X),"data-focus":Ft(Q),"data-focus-visible":Ft(Q&&T),"data-indeterminate":Ft(w),"data-disabled":Ft(n),"data-invalid":Ft(s),"data-readonly":Ft(r),"aria-hidden":!0,onMouseDown:nt(de.onMouseDown,Oe),onMouseUp:nt(de.onMouseUp,()=>D(!1)),onMouseEnter:nt(de.onMouseEnter,()=>q(!0)),onMouseLeave:nt(de.onMouseLeave,()=>q(!1))}},[G,X,n,Q,T,V,w,s,r]),pe=f.useCallback((de={},Te=null)=>({...de,ref:Te,"data-active":Ft(G),"data-hover":Ft(V),"data-checked":Ft(X),"data-focus":Ft(Q),"data-focus-visible":Ft(Q&&T),"data-indeterminate":Ft(w),"data-disabled":Ft(n),"data-invalid":Ft(s),"data-readonly":Ft(r)}),[G,X,n,Q,T,V,w,s,r]),le=f.useCallback((de={},Te=null)=>({...O,...de,ref:cn(Te,Oe=>{Oe&&Y(Oe.tagName==="LABEL")}),onClick:nt(de.onClick,()=>{var Oe;W||((Oe=L.current)==null||Oe.click(),requestAnimationFrame(()=>{var $e;($e=L.current)==null||$e.focus({preventScroll:!0})}))}),"data-disabled":Ft(n),"data-checked":Ft(X),"data-invalid":Ft(s)}),[O,n,X,s,W]),ge=f.useCallback((de={},Te=null)=>({...de,ref:cn(L,Te),type:"checkbox",name:y,value:S,id:a,tabIndex:_,onChange:nt(de.onChange,K),onBlur:nt(de.onBlur,M,()=>B(!1)),onFocus:nt(de.onFocus,A,()=>B(!0)),onKeyDown:nt(de.onKeyDown,se),onKeyUp:nt(de.onKeyUp,re),required:o,checked:X,disabled:U,readOnly:r,"aria-label":k,"aria-labelledby":j,"aria-invalid":I?!!I:s,"aria-describedby":p,"aria-disabled":n,style:gb}),[y,S,a,K,M,A,se,re,o,X,U,r,k,j,I,s,p,n,_]),ke=f.useCallback((de={},Te=null)=>({...de,ref:Te,onMouseDown:nt(de.onMouseDown,eT),"data-disabled":Ft(n),"data-checked":Ft(X),"data-invalid":Ft(s)}),[X,n,s]);return{state:{isInvalid:s,isFocused:Q,isChecked:X,isActive:G,isHovered:V,isIndeterminate:w,isDisabled:n,isReadOnly:r,isRequired:o},getRootProps:le,getCheckboxProps:oe,getIndicatorProps:pe,getInputProps:ge,getLabelProps:ke,htmlProps:O}}function eT(e){e.preventDefault(),e.stopPropagation()}var tT={display:"inline-flex",alignItems:"center",justifyContent:"center",verticalAlign:"top",userSelect:"none",flexShrink:0},nT={cursor:"pointer",display:"inline-flex",alignItems:"center",verticalAlign:"top",position:"relative"},rT=za({from:{opacity:0,strokeDashoffset:16,transform:"scale(0.95)"},to:{opacity:1,strokeDashoffset:0,transform:"scale(1)"}}),oT=za({from:{opacity:0},to:{opacity:1}}),sT=za({from:{transform:"scaleX(0.65)"},to:{transform:"scaleX(1)"}}),X5=Ae(function(t,n){const r=TA(),o={...r,...t},s=Fr("Checkbox",o),a=qn(t),{spacing:c="0.5rem",className:d,children:p,iconColor:h,iconSize:m,icon:v=i.jsx(LA,{}),isChecked:b,isDisabled:w=r==null?void 0:r.isDisabled,onChange:y,inputProps:S,..._}=a;let k=b;r!=null&&r.value&&a.value&&(k=r.value.includes(a.value));let j=y;r!=null&&r.onChange&&a.value&&(j=sm(r.onChange,y));const{state:I,getInputProps:E,getCheckboxProps:O,getLabelProps:R,getRootProps:M}=K5({..._,isDisabled:w,isChecked:k,onChange:j}),A=NA(I.isChecked),T=f.useMemo(()=>({animation:A?I.isIndeterminate?`${oT} 20ms linear, ${sT} 200ms linear`:`${rT} 200ms linear`:void 0,fontSize:m,color:h,...s.icon}),[h,m,A,I.isIndeterminate,s.icon]),$=f.cloneElement(v,{__css:T,isIndeterminate:I.isIndeterminate,isChecked:I.isChecked});return i.jsxs(je.label,{__css:{...nT,...s.container},className:Ct("chakra-checkbox",d),...M(),children:[i.jsx("input",{className:"chakra-checkbox__input",...E(S,n)}),i.jsx(je.span,{__css:{...tT,...s.control},className:"chakra-checkbox__control",...O(),children:$}),p&&i.jsx(je.span,{className:"chakra-checkbox__label",...R(),__css:{marginStart:c,...s.label},children:p})]})});X5.displayName="Checkbox";function aT(e){const t=parseFloat(e);return typeof t!="number"||Number.isNaN(t)?0:t}function bb(e,t){let n=aT(e);const r=10**(t??10);return n=Math.round(n*r)/r,t?n.toFixed(t):n.toString()}function Wv(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 qp(e,t,n){return(e-t)*100/(n-t)}function Y5(e,t,n){return(n-t)*e+t}function Vv(e,t,n){const r=Math.round((e-t)/n)*n+t,o=Wv(n);return bb(r,o)}function sc(e,t,n){return e==null?e:(n{var T;return r==null?"":(T=k0(r,s,n))!=null?T:""}),v=typeof o<"u",b=v?o:h,w=Q5(ni(b),s),y=n??w,S=f.useCallback(T=>{T!==b&&(v||m(T.toString()),p==null||p(T.toString(),ni(T)))},[p,v,b]),_=f.useCallback(T=>{let $=T;return d&&($=sc($,a,c)),bb($,y)},[y,d,c,a]),k=f.useCallback((T=s)=>{let $;b===""?$=ni(T):$=ni(b)+T,$=_($),S($)},[_,s,S,b]),j=f.useCallback((T=s)=>{let $;b===""?$=ni(-T):$=ni(b)-T,$=_($),S($)},[_,s,S,b]),I=f.useCallback(()=>{var T;let $;r==null?$="":$=(T=k0(r,s,n))!=null?T:a,S($)},[r,n,s,S,a]),E=f.useCallback(T=>{var $;const Q=($=k0(T,s,y))!=null?$:a;S(Q)},[y,s,S,a]),O=ni(b);return{isOutOfRange:O>c||O" `}),[cT,Z5]=Dn({name:"EditableContext",errorMessage:"useEditableContext: context is undefined. Seems you forgot to wrap the editable components in ``"}),e3={fontSize:"inherit",fontWeight:"inherit",textAlign:"inherit",bg:"transparent"},t3=Ae(function(t,n){const{getInputProps:r}=Z5(),o=J5(),s=r(t,n),a=Ct("chakra-editable__input",t.className);return i.jsx(je.input,{...s,__css:{outline:0,...e3,...o.input},className:a})});t3.displayName="EditableInput";var n3=Ae(function(t,n){const{getPreviewProps:r}=Z5(),o=J5(),s=r(t,n),a=Ct("chakra-editable__preview",t.className);return i.jsx(je.span,{...s,__css:{cursor:"text",display:"inline-block",...e3,...o.preview},className:a})});n3.displayName="EditablePreview";function Qi(e,t,n,r){const o=or(n);return f.useEffect(()=>{const s=typeof e=="function"?e():e??document;if(!(!n||!s))return s.addEventListener(t,o,r),()=>{s.removeEventListener(t,o,r)}},[t,e,r,o,n]),()=>{const s=typeof e=="function"?e():e??document;s==null||s.removeEventListener(t,o,r)}}function uT(e){return"current"in e}var r3=()=>typeof window<"u";function dT(){var e;const t=navigator.userAgentData;return(e=t==null?void 0:t.platform)!=null?e:navigator.platform}var fT=e=>r3()&&e.test(navigator.vendor),pT=e=>r3()&&e.test(dT()),hT=()=>pT(/mac|iphone|ipad|ipod/i),mT=()=>hT()&&fT(/apple/i);function o3(e){const{ref:t,elements:n,enabled:r}=e,o=()=>{var s,a;return(a=(s=t.current)==null?void 0:s.ownerDocument)!=null?a:document};Qi(o,"pointerdown",s=>{if(!mT()||!r)return;const a=s.target,d=(n??[t]).some(p=>{const h=uT(p)?p.current:p;return(h==null?void 0:h.contains(a))||h===a});o().activeElement!==a&&d&&(s.preventDefault(),a.focus())})}function Tw(e,t){return e?e===t||e.contains(t):!1}function gT(e={}){const{onChange:t,onCancel:n,onSubmit:r,onBlur:o,value:s,isDisabled:a,defaultValue:c,startWithEditView:d,isPreviewFocusable:p=!0,submitOnBlur:h=!0,selectAllOnFocus:m=!0,placeholder:v,onEdit:b,finalFocusRef:w,...y}=e,S=or(b),_=!!(d&&!a),[k,j]=f.useState(_),[I,E]=$c({defaultValue:c||"",value:s,onChange:t}),[O,R]=f.useState(I),M=f.useRef(null),A=f.useRef(null),T=f.useRef(null),$=f.useRef(null),Q=f.useRef(null);o3({ref:M,enabled:k,elements:[$,Q]});const B=!k&&!a;tc(()=>{var oe,pe;k&&((oe=M.current)==null||oe.focus(),m&&((pe=M.current)==null||pe.select()))},[]),Ba(()=>{var oe,pe,le,ge;if(!k){w?(oe=w.current)==null||oe.focus():(pe=T.current)==null||pe.focus();return}(le=M.current)==null||le.focus(),m&&((ge=M.current)==null||ge.select()),S==null||S()},[k,S,m]);const V=f.useCallback(()=>{B&&j(!0)},[B]),q=f.useCallback(()=>{R(I)},[I]),G=f.useCallback(()=>{j(!1),E(O),n==null||n(O),o==null||o(O)},[n,o,E,O]),D=f.useCallback(()=>{j(!1),R(I),r==null||r(I),o==null||o(O)},[I,r,o,O]);f.useEffect(()=>{if(k)return;const oe=M.current;(oe==null?void 0:oe.ownerDocument.activeElement)===oe&&(oe==null||oe.blur())},[k]);const L=f.useCallback(oe=>{E(oe.currentTarget.value)},[E]),W=f.useCallback(oe=>{const pe=oe.key,ge={Escape:G,Enter:ke=>{!ke.shiftKey&&!ke.metaKey&&D()}}[pe];ge&&(oe.preventDefault(),ge(oe))},[G,D]),Y=f.useCallback(oe=>{const pe=oe.key,ge={Escape:G}[pe];ge&&(oe.preventDefault(),ge(oe))},[G]),ae=I.length===0,be=f.useCallback(oe=>{var pe;if(!k)return;const le=oe.currentTarget.ownerDocument,ge=(pe=oe.relatedTarget)!=null?pe:le.activeElement,ke=Tw($.current,ge),xe=Tw(Q.current,ge);!ke&&!xe&&(h?D():G())},[h,D,G,k]),ie=f.useCallback((oe={},pe=null)=>{const le=B&&p?0:void 0;return{...oe,ref:cn(pe,A),children:ae?v:I,hidden:k,"aria-disabled":ns(a),tabIndex:le,onFocus:nt(oe.onFocus,V,q)}},[a,k,B,p,ae,V,q,v,I]),X=f.useCallback((oe={},pe=null)=>({...oe,hidden:!k,placeholder:v,ref:cn(pe,M),disabled:a,"aria-disabled":ns(a),value:I,onBlur:nt(oe.onBlur,be),onChange:nt(oe.onChange,L),onKeyDown:nt(oe.onKeyDown,W),onFocus:nt(oe.onFocus,q)}),[a,k,be,L,W,q,v,I]),K=f.useCallback((oe={},pe=null)=>({...oe,hidden:!k,placeholder:v,ref:cn(pe,M),disabled:a,"aria-disabled":ns(a),value:I,onBlur:nt(oe.onBlur,be),onChange:nt(oe.onChange,L),onKeyDown:nt(oe.onKeyDown,Y),onFocus:nt(oe.onFocus,q)}),[a,k,be,L,Y,q,v,I]),U=f.useCallback((oe={},pe=null)=>({"aria-label":"Edit",...oe,type:"button",onClick:nt(oe.onClick,V),ref:cn(pe,T),disabled:a}),[V,a]),se=f.useCallback((oe={},pe=null)=>({...oe,"aria-label":"Submit",ref:cn(Q,pe),type:"button",onClick:nt(oe.onClick,D),disabled:a}),[D,a]),re=f.useCallback((oe={},pe=null)=>({"aria-label":"Cancel",id:"cancel",...oe,ref:cn($,pe),type:"button",onClick:nt(oe.onClick,G),disabled:a}),[G,a]);return{isEditing:k,isDisabled:a,isValueEmpty:ae,value:I,onEdit:V,onCancel:G,onSubmit:D,getPreviewProps:ie,getInputProps:X,getTextareaProps:K,getEditButtonProps:U,getSubmitButtonProps:se,getCancelButtonProps:re,htmlProps:y}}var s3=Ae(function(t,n){const r=Fr("Editable",t),o=qn(t),{htmlProps:s,...a}=gT(o),{isEditing:c,onSubmit:d,onCancel:p,onEdit:h}=a,m=Ct("chakra-editable",t.className),v=X1(t.children,{isEditing:c,onSubmit:d,onCancel:p,onEdit:h});return i.jsx(cT,{value:a,children:i.jsx(lT,{value:r,children:i.jsx(je.div,{ref:n,...s,className:m,children:v})})})});s3.displayName="Editable";var a3={exports:{}},vT="SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED",bT=vT,yT=bT;function i3(){}function l3(){}l3.resetWarningCache=i3;var xT=function(){function e(r,o,s,a,c,d){if(d!==yT){var p=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 p.name="Invariant Violation",p}}e.isRequired=e;function t(){return 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:l3,resetWarningCache:i3};return n.PropTypes=n,n};a3.exports=xT();var wT=a3.exports;const Ln=vd(wT);var Uv="data-focus-lock",c3="data-focus-lock-disabled",ST="data-no-focus-lock",CT="data-autofocus-inside",kT="data-no-autofocus";function _T(e,t){return typeof e=="function"?e(t):e&&(e.current=t),e}function PT(e,t){var n=f.useState(function(){return{value:e,callback:t,facade:{get current(){return n.value},set current(r){var o=n.value;o!==r&&(n.value=r,n.callback(r,o))}}}})[0];return n.callback=t,n.facade}function u3(e,t){return PT(t||null,function(n){return e.forEach(function(r){return _T(r,n)})})}var _0={width:"1px",height:"0px",padding:0,overflow:"hidden",position:"fixed",top:"1px",left:"1px"},Qs=function(){return Qs=Object.assign||function(t){for(var n,r=1,o=arguments.length;r0&&s[s.length-1])&&(p[0]===6||p[0]===2)){n=0;continue}if(p[0]===3&&(!s||p[1]>s[0]&&p[1]0)&&!(o=r.next()).done;)s.push(o.value)}catch(c){a={error:c}}finally{try{o&&!o.done&&(n=r.return)&&n.call(r)}finally{if(a)throw a.error}}return s}function Gv(e,t,n){if(n||arguments.length===2)for(var r=0,o=t.length,s;r=0}).sort(BT)},FT=["button:enabled","select:enabled","textarea:enabled","input:enabled","a[href]","area[href]","summary","iframe","object","embed","audio[controls]","video[controls]","[tabindex]","[contenteditable]","[autofocus]"],Sb=FT.join(","),HT="".concat(Sb,", [data-focus-guard]"),I3=function(e,t){return la((e.shadowRoot||e).children).reduce(function(n,r){return n.concat(r.matches(t?HT:Sb)?[r]:[],I3(r))},[])},WT=function(e,t){var n;return e instanceof HTMLIFrameElement&&(!((n=e.contentDocument)===null||n===void 0)&&n.body)?hm([e.contentDocument.body],t):[e]},hm=function(e,t){return e.reduce(function(n,r){var o,s=I3(r,t),a=(o=[]).concat.apply(o,s.map(function(c){return WT(c,t)}));return n.concat(a,r.parentNode?la(r.parentNode.querySelectorAll(Sb)).filter(function(c){return c===r}):[])},[])},VT=function(e){var t=e.querySelectorAll("[".concat(CT,"]"));return la(t).map(function(n){return hm([n])}).reduce(function(n,r){return n.concat(r)},[])},Cb=function(e,t){return la(e).filter(function(n){return S3(t,n)}).filter(function(n){return $T(n)})},$w=function(e,t){return t===void 0&&(t=new Map),la(e).filter(function(n){return C3(t,n)})},Kv=function(e,t,n){return j3(Cb(hm(e,n),t),!0,n)},zw=function(e,t){return j3(Cb(hm(e),t),!1)},UT=function(e,t){return Cb(VT(e),t)},ac=function(e,t){return e.shadowRoot?ac(e.shadowRoot,t):Object.getPrototypeOf(e).contains!==void 0&&Object.getPrototypeOf(e).contains.call(e,t)?!0:la(e.children).some(function(n){var r;if(n instanceof HTMLIFrameElement){var o=(r=n.contentDocument)===null||r===void 0?void 0:r.body;return o?ac(o,t):!1}return ac(n,t)})},GT=function(e){for(var t=new Set,n=e.length,r=0;r0&&t.add(o),(s&Node.DOCUMENT_POSITION_CONTAINS)>0&&t.add(r)}return e.filter(function(a,c){return!t.has(c)})},E3=function(e){return e.parentNode?E3(e.parentNode):e},kb=function(e){var t=Kp(e);return t.filter(Boolean).reduce(function(n,r){var o=r.getAttribute(Uv);return n.push.apply(n,o?GT(la(E3(r).querySelectorAll("[".concat(Uv,'="').concat(o,'"]:not([').concat(c3,'="disabled"])')))):[r]),n},[])},qT=function(e){try{return e()}catch{return}},ed=function(e){if(e===void 0&&(e=document),!(!e||!e.activeElement)){var t=e.activeElement;return t.shadowRoot?ed(t.shadowRoot):t instanceof HTMLIFrameElement&&qT(function(){return t.contentWindow.document})?ed(t.contentWindow.document):t}},KT=function(e,t){return e===t},XT=function(e,t){return!!la(e.querySelectorAll("iframe")).some(function(n){return KT(n,t)})},O3=function(e,t){return t===void 0&&(t=ed(y3(e).ownerDocument)),!t||t.dataset&&t.dataset.focusGuard?!1:kb(e).some(function(n){return ac(n,t)||XT(n,t)})},YT=function(e){e===void 0&&(e=document);var t=ed(e);return t?la(e.querySelectorAll("[".concat(ST,"]"))).some(function(n){return ac(n,t)}):!1},QT=function(e,t){return t.filter(P3).filter(function(n){return n.name===e.name}).filter(function(n){return n.checked})[0]||e},_b=function(e,t){return P3(e)&&e.name?QT(e,t):e},JT=function(e){var t=new Set;return e.forEach(function(n){return t.add(_b(n,e))}),e.filter(function(n){return t.has(n)})},Lw=function(e){return e[0]&&e.length>1?_b(e[0],e):e[0]},Bw=function(e,t){return e.length>1?e.indexOf(_b(e[t],e)):t},R3="NEW_FOCUS",ZT=function(e,t,n,r){var o=e.length,s=e[0],a=e[o-1],c=wb(n);if(!(n&&e.indexOf(n)>=0)){var d=n!==void 0?t.indexOf(n):-1,p=r?t.indexOf(r):d,h=r?e.indexOf(r):-1,m=d-p,v=t.indexOf(s),b=t.indexOf(a),w=JT(t),y=n!==void 0?w.indexOf(n):-1,S=y-(r?w.indexOf(r):d),_=Bw(e,0),k=Bw(e,o-1);if(d===-1||h===-1)return R3;if(!m&&h>=0)return h;if(d<=v&&c&&Math.abs(m)>1)return k;if(d>=b&&c&&Math.abs(m)>1)return _;if(m&&Math.abs(S)>1)return h;if(d<=v)return k;if(d>b)return _;if(m)return Math.abs(m)>1?h:(o+h+m)%o}},eN=function(e){return function(t){var n,r=(n=k3(t))===null||n===void 0?void 0:n.autofocus;return t.autofocus||r!==void 0&&r!=="false"||e.indexOf(t)>=0}},tN=function(e,t,n){var r=e.map(function(s){var a=s.node;return a}),o=$w(r.filter(eN(n)));return o&&o.length?Lw(o):Lw($w(t))},Xv=function(e,t){return t===void 0&&(t=[]),t.push(e),e.parentNode&&Xv(e.parentNode.host||e.parentNode,t),t},P0=function(e,t){for(var n=Xv(e),r=Xv(t),o=0;o=0)return s}return!1},M3=function(e,t,n){var r=Kp(e),o=Kp(t),s=r[0],a=!1;return o.filter(Boolean).forEach(function(c){a=P0(a||c,c)||a,n.filter(Boolean).forEach(function(d){var p=P0(s,d);p&&(!a||ac(p,a)?a=p:a=P0(p,a))})}),a},nN=function(e,t){return e.reduce(function(n,r){return n.concat(UT(r,t))},[])},rN=function(e,t){var n=new Map;return t.forEach(function(r){return n.set(r.node,r)}),e.map(function(r){return n.get(r)}).filter(LT)},oN=function(e,t){var n=ed(Kp(e).length>0?document:y3(e).ownerDocument),r=kb(e).filter(Xp),o=M3(n||e,e,r),s=new Map,a=zw(r,s),c=Kv(r,s).filter(function(b){var w=b.node;return Xp(w)});if(!(!c[0]&&(c=a,!c[0]))){var d=zw([o],s).map(function(b){var w=b.node;return w}),p=rN(d,c),h=p.map(function(b){var w=b.node;return w}),m=ZT(h,d,n,t);if(m===R3){var v=tN(a,h,nN(r,s));if(v)return{node:v};console.warn("focus-lock: cannot find any node to move focus into");return}return m===void 0?m:p[m]}},sN=function(e){var t=kb(e).filter(Xp),n=M3(e,e,t),r=new Map,o=Kv([n],r,!0),s=Kv(t,r).filter(function(a){var c=a.node;return Xp(c)}).map(function(a){var c=a.node;return c});return o.map(function(a){var c=a.node,d=a.index;return{node:c,index:d,lockItem:s.indexOf(c)>=0,guard:wb(c)}})},aN=function(e,t){"focus"in e&&e.focus(t),"contentWindow"in e&&e.contentWindow&&e.contentWindow.focus()},j0=0,I0=!1,D3=function(e,t,n){n===void 0&&(n={});var r=oN(e,t);if(!I0&&r){if(j0>2){console.error("FocusLock: focus-fighting detected. Only one focus management system could be active. See https://github.com/theKashey/focus-lock/#focus-fighting"),I0=!0,setTimeout(function(){I0=!1},1);return}j0++,aN(r.node,n.focusOptions),j0--}};function Pb(e){setTimeout(e,1)}var iN=function(){return document&&document.activeElement===document.body},lN=function(){return iN()||YT()},ic=null,Yl=null,lc=null,td=!1,cN=function(){return!0},uN=function(t){return(ic.whiteList||cN)(t)},dN=function(t,n){lc={observerNode:t,portaledElement:n}},fN=function(t){return lc&&lc.portaledElement===t};function Fw(e,t,n,r){var o=null,s=e;do{var a=r[s];if(a.guard)a.node.dataset.focusAutoGuard&&(o=a);else if(a.lockItem){if(s!==e)return;o=null}else break}while((s+=n)!==t);o&&(o.node.tabIndex=0)}var pN=function(t){return t&&"current"in t?t.current:t},hN=function(t){return t?!!td:td==="meanwhile"},mN=function e(t,n,r){return n&&(n.host===t&&(!n.activeElement||r.contains(n.activeElement))||n.parentNode&&e(t,n.parentNode,r))},gN=function(t,n){return n.some(function(r){return mN(t,r,r)})},Yp=function(){var t=!1;if(ic){var n=ic,r=n.observed,o=n.persistentFocus,s=n.autoFocus,a=n.shards,c=n.crossFrame,d=n.focusOptions,p=r||lc&&lc.portaledElement,h=document&&document.activeElement;if(p){var m=[p].concat(a.map(pN).filter(Boolean));if((!h||uN(h))&&(o||hN(c)||!lN()||!Yl&&s)&&(p&&!(O3(m)||h&&gN(h,m)||fN(h))&&(document&&!Yl&&h&&!s?(h.blur&&h.blur(),document.body.focus()):(t=D3(m,Yl,{focusOptions:d}),lc={})),td=!1,Yl=document&&document.activeElement),document){var v=document&&document.activeElement,b=sN(m),w=b.map(function(y){var S=y.node;return S}).indexOf(v);w>-1&&(b.filter(function(y){var S=y.guard,_=y.node;return S&&_.dataset.focusAutoGuard}).forEach(function(y){var S=y.node;return S.removeAttribute("tabIndex")}),Fw(w,b.length,1,b),Fw(w,-1,-1,b))}}}return t},A3=function(t){Yp()&&t&&(t.stopPropagation(),t.preventDefault())},jb=function(){return Pb(Yp)},vN=function(t){var n=t.target,r=t.currentTarget;r.contains(n)||dN(r,n)},bN=function(){return null},T3=function(){td="just",Pb(function(){td="meanwhile"})},yN=function(){document.addEventListener("focusin",A3),document.addEventListener("focusout",jb),window.addEventListener("blur",T3)},xN=function(){document.removeEventListener("focusin",A3),document.removeEventListener("focusout",jb),window.removeEventListener("blur",T3)};function wN(e){return e.filter(function(t){var n=t.disabled;return!n})}function SN(e){var t=e.slice(-1)[0];t&&!ic&&yN();var n=ic,r=n&&t&&t.id===n.id;ic=t,n&&!r&&(n.onDeactivation(),e.filter(function(o){var s=o.id;return s===n.id}).length||n.returnFocus(!t)),t?(Yl=null,(!r||n.observed!==t.observed)&&t.onActivation(),Yp(),Pb(Yp)):(xN(),Yl=null)}g3.assignSyncMedium(vN);v3.assignMedium(jb);IT.assignMedium(function(e){return e({moveFocusInside:D3,focusInside:O3})});const CN=MT(wN,SN)(bN);var N3=f.forwardRef(function(t,n){return f.createElement(b3,sr({sideCar:CN,ref:n},t))}),$3=b3.propTypes||{};$3.sideCar;JD($3,["sideCar"]);N3.propTypes={};const Hw=N3;function z3(e){return e!=null&&typeof e=="object"&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE}function Ib(e){var t;if(!z3(e))return!1;const n=(t=e.ownerDocument.defaultView)!=null?t:window;return e instanceof n.HTMLElement}function kN(e){var t,n;return(n=(t=L3(e))==null?void 0:t.defaultView)!=null?n:window}function L3(e){return z3(e)?e.ownerDocument:document}function _N(e){return L3(e).activeElement}function PN(e){const t=e.ownerDocument.defaultView||window,{overflow:n,overflowX:r,overflowY:o}=t.getComputedStyle(e);return/auto|scroll|overlay|hidden/.test(n+o+r)}function jN(e){return e.localName==="html"?e:e.assignedSlot||e.parentElement||e.ownerDocument.documentElement}function B3(e){return["html","body","#document"].includes(e.localName)?e.ownerDocument.body:Ib(e)&&PN(e)?e:B3(jN(e))}var F3=e=>e.hasAttribute("tabindex"),IN=e=>F3(e)&&e.tabIndex===-1;function EN(e){return!!e.getAttribute("disabled")||!!e.getAttribute("aria-disabled")}function H3(e){return e.parentElement&&H3(e.parentElement)?!0:e.hidden}function ON(e){const t=e.getAttribute("contenteditable");return t!=="false"&&t!=null}function W3(e){if(!Ib(e)||H3(e)||EN(e))return!1;const{localName:t}=e;if(["input","select","textarea","button"].indexOf(t)>=0)return!0;const r={a:()=>e.hasAttribute("href"),audio:()=>e.hasAttribute("controls"),video:()=>e.hasAttribute("controls")};return t in r?r[t]():ON(e)?!0:F3(e)}function RN(e){return e?Ib(e)&&W3(e)&&!IN(e):!1}var MN=["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]"],DN=MN.join(),AN=e=>e.offsetWidth>0&&e.offsetHeight>0;function V3(e){const t=Array.from(e.querySelectorAll(DN));return t.unshift(e),t.filter(n=>W3(n)&&AN(n))}var Ww,TN=(Ww=Hw.default)!=null?Ww:Hw,U3=e=>{const{initialFocusRef:t,finalFocusRef:n,contentRef:r,restoreFocus:o,children:s,isDisabled:a,autoFocus:c,persistentFocus:d,lockFocusAcrossFrames:p}=e,h=f.useCallback(()=>{t!=null&&t.current?t.current.focus():r!=null&&r.current&&V3(r.current).length===0&&requestAnimationFrame(()=>{var w;(w=r.current)==null||w.focus()})},[t,r]),m=f.useCallback(()=>{var b;(b=n==null?void 0:n.current)==null||b.focus()},[n]),v=o&&!n;return i.jsx(TN,{crossFrame:p,persistentFocus:d,autoFocus:c,disabled:a,onActivation:h,onDeactivation:m,returnFocus:v,children:s})};U3.displayName="FocusLock";function NN(e,t,n,r){const o=E_(t);return f.useEffect(()=>{var s;const a=(s=V2(n))!=null?s:document;if(t)return a.addEventListener(e,o,r),()=>{a.removeEventListener(e,o,r)}},[e,n,r,o,t]),()=>{var s;((s=V2(n))!=null?s:document).removeEventListener(e,o,r)}}function $N(e){const{ref:t,handler:n,enabled:r=!0}=e,o=E_(n),a=f.useRef({isPointerDown:!1,ignoreEmulatedMouseEvents:!1}).current;f.useEffect(()=>{if(!r)return;const c=m=>{E0(m,t)&&(a.isPointerDown=!0)},d=m=>{if(a.ignoreEmulatedMouseEvents){a.ignoreEmulatedMouseEvents=!1;return}a.isPointerDown&&n&&E0(m,t)&&(a.isPointerDown=!1,o(m))},p=m=>{a.ignoreEmulatedMouseEvents=!0,n&&a.isPointerDown&&E0(m,t)&&(a.isPointerDown=!1,o(m))},h=O_(t.current);return h.addEventListener("mousedown",c,!0),h.addEventListener("mouseup",d,!0),h.addEventListener("touchstart",c,!0),h.addEventListener("touchend",p,!0),()=>{h.removeEventListener("mousedown",c,!0),h.removeEventListener("mouseup",d,!0),h.removeEventListener("touchstart",c,!0),h.removeEventListener("touchend",p,!0)}},[n,t,o,a,r])}function E0(e,t){var n;const r=e.target;return r&&!O_(r).contains(r)?!1:!((n=t.current)!=null&&n.contains(r))}var[zN,LN]=Dn({name:"InputGroupStylesContext",errorMessage:`useInputGroupStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),G3=Ae(function(t,n){const r=Fr("Input",t),{children:o,className:s,...a}=qn(t),c=Ct("chakra-input__group",s),d={},p=Cd(o),h=r.field;p.forEach(v=>{var b,w;r&&(h&&v.type.id==="InputLeftElement"&&(d.paddingStart=(b=h.height)!=null?b:h.h),h&&v.type.id==="InputRightElement"&&(d.paddingEnd=(w=h.height)!=null?w:h.h),v.type.id==="InputRightAddon"&&(d.borderEndRadius=0),v.type.id==="InputLeftAddon"&&(d.borderStartRadius=0))});const m=p.map(v=>{var b,w;const y=ub({size:((b=v.props)==null?void 0:b.size)||t.size,variant:((w=v.props)==null?void 0:w.variant)||t.variant});return v.type.id!=="Input"?f.cloneElement(v,y):f.cloneElement(v,Object.assign(y,d,v.props))});return i.jsx(je.div,{className:c,ref:n,__css:{width:"100%",display:"flex",position:"relative",isolation:"isolate",...r.group},"data-group":!0,...a,children:i.jsx(zN,{value:r,children:m})})});G3.displayName="InputGroup";var BN=je("div",{baseStyle:{display:"flex",alignItems:"center",justifyContent:"center",position:"absolute",top:"0",zIndex:2}}),mm=Ae(function(t,n){var r,o;const{placement:s="left",...a}=t,c=LN(),d=c.field,h={[s==="left"?"insetStart":"insetEnd"]:"0",width:(r=d==null?void 0:d.height)!=null?r:d==null?void 0:d.h,height:(o=d==null?void 0:d.height)!=null?o:d==null?void 0:d.h,fontSize:d==null?void 0:d.fontSize,...c.element};return i.jsx(BN,{ref:n,__css:h,...a})});mm.id="InputElement";mm.displayName="InputElement";var q3=Ae(function(t,n){const{className:r,...o}=t,s=Ct("chakra-input__left-element",r);return i.jsx(mm,{ref:n,placement:"left",className:s,...o})});q3.id="InputLeftElement";q3.displayName="InputLeftElement";var Eb=Ae(function(t,n){const{className:r,...o}=t,s=Ct("chakra-input__right-element",r);return i.jsx(mm,{ref:n,placement:"right",className:s,...o})});Eb.id="InputRightElement";Eb.displayName="InputRightElement";var Pd=Ae(function(t,n){const{htmlSize:r,...o}=t,s=Fr("Input",o),a=qn(o),c=hb(a),d=Ct("chakra-input",t.className);return i.jsx(je.input,{size:r,...c,__css:s.field,ref:n,className:d})});Pd.displayName="Input";Pd.id="Input";var Ob=Ae(function(t,n){const r=ia("Link",t),{className:o,isExternal:s,...a}=qn(t);return i.jsx(je.a,{target:s?"_blank":void 0,rel:s?"noopener":void 0,ref:n,className:Ct("chakra-link",o),...a,__css:r})});Ob.displayName="Link";var[FN,K3]=Dn({name:"ListStylesContext",errorMessage:`useListStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),Rb=Ae(function(t,n){const r=Fr("List",t),{children:o,styleType:s="none",stylePosition:a,spacing:c,...d}=qn(t),p=Cd(o),m=c?{["& > *:not(style) ~ *:not(style)"]:{mt:c}}:{};return i.jsx(FN,{value:r,children:i.jsx(je.ul,{ref:n,listStyleType:s,listStylePosition:a,role:"list",__css:{...r.container,...m},...d,children:p})})});Rb.displayName="List";var HN=Ae((e,t)=>{const{as:n,...r}=e;return i.jsx(Rb,{ref:t,as:"ol",styleType:"decimal",marginStart:"1em",...r})});HN.displayName="OrderedList";var Mb=Ae(function(t,n){const{as:r,...o}=t;return i.jsx(Rb,{ref:n,as:"ul",styleType:"initial",marginStart:"1em",...o})});Mb.displayName="UnorderedList";var wa=Ae(function(t,n){const r=K3();return i.jsx(je.li,{ref:n,...t,__css:r.item})});wa.displayName="ListItem";var WN=Ae(function(t,n){const r=K3();return i.jsx(no,{ref:n,role:"presentation",...t,__css:r.icon})});WN.displayName="ListIcon";var sl=Ae(function(t,n){const{templateAreas:r,gap:o,rowGap:s,columnGap:a,column:c,row:d,autoFlow:p,autoRows:h,templateRows:m,autoColumns:v,templateColumns:b,...w}=t,y={display:"grid",gridTemplateAreas:r,gridGap:o,gridRowGap:s,gridColumnGap:a,gridAutoColumns:v,gridColumn:c,gridRow:d,gridAutoFlow:p,gridAutoRows:h,gridTemplateRows:m,gridTemplateColumns:b};return i.jsx(je.div,{ref:n,__css:y,...w})});sl.displayName="Grid";function X3(e,t){return Array.isArray(e)?e.map(n=>n===null?null:t(n)):_v(e)?Object.keys(e).reduce((n,r)=>(n[r]=t(e[r]),n),{}):e!=null?t(e):null}var hl=je("div",{baseStyle:{flex:1,justifySelf:"stretch",alignSelf:"stretch"}});hl.displayName="Spacer";var qe=Ae(function(t,n){const r=ia("Text",t),{className:o,align:s,decoration:a,casing:c,...d}=qn(t),p=ub({textAlign:t.align,textDecoration:t.decoration,textTransform:t.casing});return i.jsx(je.p,{ref:n,className:Ct("chakra-text",t.className),...p,...d,__css:r})});qe.displayName="Text";var Y3=e=>i.jsx(je.div,{className:"chakra-stack__item",...e,__css:{display:"inline-block",flex:"0 0 auto",minWidth:0,...e.__css}});Y3.displayName="StackItem";function VN(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{"&":X3(n,o=>r[o])}}var Db=Ae((e,t)=>{const{isInline:n,direction:r,align:o,justify:s,spacing:a="0.5rem",wrap:c,children:d,divider:p,className:h,shouldWrapChildren:m,...v}=e,b=n?"row":r??"column",w=f.useMemo(()=>VN({spacing:a,direction:b}),[a,b]),y=!!p,S=!m&&!y,_=f.useMemo(()=>{const j=Cd(d);return S?j:j.map((I,E)=>{const O=typeof I.key<"u"?I.key:E,R=E+1===j.length,A=m?i.jsx(Y3,{children:I},O):I;if(!y)return A;const T=f.cloneElement(p,{__css:w}),$=R?null:T;return i.jsxs(f.Fragment,{children:[A,$]},O)})},[p,w,y,S,m,d]),k=Ct("chakra-stack",h);return i.jsx(je.div,{ref:t,display:"flex",alignItems:o,justifyContent:s,flexDirection:b,flexWrap:c,gap:y?void 0:a,className:k,...v,children:_})});Db.displayName="Stack";var Q3=Ae((e,t)=>i.jsx(Db,{align:"center",...e,direction:"column",ref:t}));Q3.displayName="VStack";var di=Ae((e,t)=>i.jsx(Db,{align:"center",...e,direction:"row",ref:t}));di.displayName="HStack";function Vw(e){return X3(e,t=>t==="auto"?"auto":`span ${t}/span ${t}`)}var Yv=Ae(function(t,n){const{area:r,colSpan:o,colStart:s,colEnd:a,rowEnd:c,rowSpan:d,rowStart:p,...h}=t,m=ub({gridArea:r,gridColumn:Vw(o),gridRow:Vw(d),gridColumnStart:s,gridColumnEnd:a,gridRowStart:p,gridRowEnd:c});return i.jsx(je.div,{ref:n,__css:m,...h})});Yv.displayName="GridItem";var ml=Ae(function(t,n){const r=ia("Badge",t),{className:o,...s}=qn(t);return i.jsx(je.span,{ref:n,className:Ct("chakra-badge",t.className),...s,__css:{display:"inline-block",whiteSpace:"nowrap",verticalAlign:"middle",...r}})});ml.displayName="Badge";var Pi=Ae(function(t,n){const{borderLeftWidth:r,borderBottomWidth:o,borderTopWidth:s,borderRightWidth:a,borderWidth:c,borderStyle:d,borderColor:p,...h}=ia("Divider",t),{className:m,orientation:v="horizontal",__css:b,...w}=qn(t),y={vertical:{borderLeftWidth:r||a||c||"1px",height:"100%"},horizontal:{borderBottomWidth:o||s||c||"1px",width:"100%"}};return i.jsx(je.hr,{ref:n,"aria-orientation":v,...w,__css:{...h,border:"0",borderColor:p,borderStyle:d,...y[v],...b},className:Ct("chakra-divider",m)})});Pi.displayName="Divider";function UN(e){const{key:t}=e;return t.length===1||t.length>1&&/[^a-zA-Z0-9]/.test(t)}function GN(e={}){const{timeout:t=300,preventDefault:n=()=>!0}=e,[r,o]=f.useState([]),s=f.useRef(),a=()=>{s.current&&(clearTimeout(s.current),s.current=null)},c=()=>{a(),s.current=setTimeout(()=>{o([]),s.current=null},t)};f.useEffect(()=>a,[]);function d(p){return h=>{if(h.key==="Backspace"){const m=[...r];m.pop(),o(m);return}if(UN(h)){const m=r.concat(h.key);n(h)&&(h.preventDefault(),h.stopPropagation()),o(m),p(m.join("")),c()}}}return d}function qN(e,t,n,r){if(t==null)return r;if(!r)return e.find(a=>n(a).toLowerCase().startsWith(t.toLowerCase()));const o=e.filter(s=>n(s).toLowerCase().startsWith(t.toLowerCase()));if(o.length>0){let s;return o.includes(r)?(s=o.indexOf(r)+1,s===o.length&&(s=0),o[s]):(s=e.indexOf(o[0]),e[s])}return r}function KN(){const e=f.useRef(new Map),t=e.current,n=f.useCallback((o,s,a,c)=>{e.current.set(a,{type:s,el:o,options:c}),o.addEventListener(s,a,c)},[]),r=f.useCallback((o,s,a,c)=>{o.removeEventListener(s,a,c),e.current.delete(a)},[]);return f.useEffect(()=>()=>{t.forEach((o,s)=>{r(o.el,o.type,s,o.options)})},[r,t]),{add:n,remove:r}}function O0(e){const t=e.target,{tagName:n,isContentEditable:r}=t;return n!=="INPUT"&&n!=="TEXTAREA"&&r!==!0}function J3(e={}){const{ref:t,isDisabled:n,isFocusable:r,clickOnEnter:o=!0,clickOnSpace:s=!0,onMouseDown:a,onMouseUp:c,onClick:d,onKeyDown:p,onKeyUp:h,tabIndex:m,onMouseOver:v,onMouseLeave:b,...w}=e,[y,S]=f.useState(!0),[_,k]=f.useState(!1),j=KN(),I=D=>{D&&D.tagName!=="BUTTON"&&S(!1)},E=y?m:m||0,O=n&&!r,R=f.useCallback(D=>{if(n){D.stopPropagation(),D.preventDefault();return}D.currentTarget.focus(),d==null||d(D)},[n,d]),M=f.useCallback(D=>{_&&O0(D)&&(D.preventDefault(),D.stopPropagation(),k(!1),j.remove(document,"keyup",M,!1))},[_,j]),A=f.useCallback(D=>{if(p==null||p(D),n||D.defaultPrevented||D.metaKey||!O0(D.nativeEvent)||y)return;const L=o&&D.key==="Enter";s&&D.key===" "&&(D.preventDefault(),k(!0)),L&&(D.preventDefault(),D.currentTarget.click()),j.add(document,"keyup",M,!1)},[n,y,p,o,s,j,M]),T=f.useCallback(D=>{if(h==null||h(D),n||D.defaultPrevented||D.metaKey||!O0(D.nativeEvent)||y)return;s&&D.key===" "&&(D.preventDefault(),k(!1),D.currentTarget.click())},[s,y,n,h]),$=f.useCallback(D=>{D.button===0&&(k(!1),j.remove(document,"mouseup",$,!1))},[j]),Q=f.useCallback(D=>{if(D.button!==0)return;if(n){D.stopPropagation(),D.preventDefault();return}y||k(!0),D.currentTarget.focus({preventScroll:!0}),j.add(document,"mouseup",$,!1),a==null||a(D)},[n,y,a,j,$]),B=f.useCallback(D=>{D.button===0&&(y||k(!1),c==null||c(D))},[c,y]),V=f.useCallback(D=>{if(n){D.preventDefault();return}v==null||v(D)},[n,v]),q=f.useCallback(D=>{_&&(D.preventDefault(),k(!1)),b==null||b(D)},[_,b]),G=cn(t,I);return y?{...w,ref:G,type:"button","aria-disabled":O?void 0:n,disabled:O,onClick:R,onMouseDown:a,onMouseUp:c,onKeyUp:h,onKeyDown:p,onMouseOver:v,onMouseLeave:b}:{...w,ref:G,role:"button","data-active":Ft(_),"aria-disabled":n?"true":void 0,tabIndex:O?void 0:E,onClick:R,onMouseDown:Q,onMouseUp:B,onKeyUp:T,onKeyDown:A,onMouseOver:V,onMouseLeave:q}}function XN(e){const t=e.current;if(!t)return!1;const n=_N(t);return!n||t.contains(n)?!1:!!RN(n)}function Z3(e,t){const{shouldFocus:n,visible:r,focusRef:o}=t,s=n&&!r;Ba(()=>{if(!s||XN(e))return;const a=(o==null?void 0:o.current)||e.current;let c;if(a)return c=requestAnimationFrame(()=>{a.focus({preventScroll:!0})}),()=>{cancelAnimationFrame(c)}},[s,e,o])}var YN={preventScroll:!0,shouldFocus:!1};function QN(e,t=YN){const{focusRef:n,preventScroll:r,shouldFocus:o,visible:s}=t,a=JN(e)?e.current:e,c=o&&s,d=f.useRef(c),p=f.useRef(s);tc(()=>{!p.current&&s&&(d.current=c),p.current=s},[s,c]);const h=f.useCallback(()=>{if(!(!s||!a||!d.current)&&(d.current=!1,!a.contains(document.activeElement)))if(n!=null&&n.current)requestAnimationFrame(()=>{var m;(m=n.current)==null||m.focus({preventScroll:r})});else{const m=V3(a);m.length>0&&requestAnimationFrame(()=>{m[0].focus({preventScroll:r})})}},[s,r,a,n]);Ba(()=>{h()},[h]),Qi(a,"transitionend",h)}function JN(e){return"current"in e}var Nl=(e,t)=>({var:e,varRef:t?`var(${e}, ${t})`:`var(${e})`}),jr={arrowShadowColor:Nl("--popper-arrow-shadow-color"),arrowSize:Nl("--popper-arrow-size","8px"),arrowSizeHalf:Nl("--popper-arrow-size-half"),arrowBg:Nl("--popper-arrow-bg"),transformOrigin:Nl("--popper-transform-origin"),arrowOffset:Nl("--popper-arrow-offset")};function ZN(e){if(e.includes("top"))return"1px 1px 0px 0 var(--popper-arrow-shadow-color)";if(e.includes("bottom"))return"-1px -1px 0px 0 var(--popper-arrow-shadow-color)";if(e.includes("right"))return"-1px 1px 0px 0 var(--popper-arrow-shadow-color)";if(e.includes("left"))return"1px -1px 0px 0 var(--popper-arrow-shadow-color)"}var e$={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"},t$=e=>e$[e],Uw={scroll:!0,resize:!0};function n$(e){let t;return typeof e=="object"?t={enabled:!0,options:{...Uw,...e}}:t={enabled:e,options:Uw},t}var r$={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`}},o$={name:"transformOrigin",enabled:!0,phase:"write",fn:({state:e})=>{Gw(e)},effect:({state:e})=>()=>{Gw(e)}},Gw=e=>{e.elements.popper.style.setProperty(jr.transformOrigin.var,t$(e.placement))},s$={name:"positionArrow",enabled:!0,phase:"afterWrite",fn:({state:e})=>{a$(e)}},a$=e=>{var t;if(!e.placement)return;const n=i$(e.placement);if((t=e.elements)!=null&&t.arrow&&n){Object.assign(e.elements.arrow.style,{[n.property]:n.value,width:jr.arrowSize.varRef,height:jr.arrowSize.varRef,zIndex:-1});const r={[jr.arrowSizeHalf.var]:`calc(${jr.arrowSize.varRef} / 2 - 1px)`,[jr.arrowOffset.var]:`calc(${jr.arrowSizeHalf.varRef} * -1)`};for(const o in r)e.elements.arrow.style.setProperty(o,r[o])}},i$=e=>{if(e.startsWith("top"))return{property:"bottom",value:jr.arrowOffset.varRef};if(e.startsWith("bottom"))return{property:"top",value:jr.arrowOffset.varRef};if(e.startsWith("left"))return{property:"right",value:jr.arrowOffset.varRef};if(e.startsWith("right"))return{property:"left",value:jr.arrowOffset.varRef}},l$={name:"innerArrow",enabled:!0,phase:"main",requires:["arrow"],fn:({state:e})=>{qw(e)},effect:({state:e})=>()=>{qw(e)}},qw=e=>{if(!e.elements.arrow)return;const t=e.elements.arrow.querySelector("[data-popper-arrow-inner]");if(!t)return;const n=ZN(e.placement);n&&t.style.setProperty("--popper-arrow-default-shadow",n),Object.assign(t.style,{transform:"rotate(45deg)",background:jr.arrowBg.varRef,top:0,left:0,width:"100%",height:"100%",position:"absolute",zIndex:"inherit",boxShadow:"var(--popper-arrow-shadow, var(--popper-arrow-default-shadow))"})},c$={"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"}},u$={"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 d$(e,t="ltr"){var n,r;const o=((n=c$[e])==null?void 0:n[t])||e;return t==="ltr"?o:(r=u$[e])!=null?r:o}var _o="top",as="bottom",is="right",Po="left",Ab="auto",jd=[_o,as,is,Po],yc="start",nd="end",f$="clippingParents",e6="viewport",hu="popper",p$="reference",Kw=jd.reduce(function(e,t){return e.concat([t+"-"+yc,t+"-"+nd])},[]),t6=[].concat(jd,[Ab]).reduce(function(e,t){return e.concat([t,t+"-"+yc,t+"-"+nd])},[]),h$="beforeRead",m$="read",g$="afterRead",v$="beforeMain",b$="main",y$="afterMain",x$="beforeWrite",w$="write",S$="afterWrite",C$=[h$,m$,g$,v$,b$,y$,x$,w$,S$];function ra(e){return e?(e.nodeName||"").toLowerCase():null}function Bo(e){if(e==null)return window;if(e.toString()!=="[object Window]"){var t=e.ownerDocument;return t&&t.defaultView||window}return e}function al(e){var t=Bo(e).Element;return e instanceof t||e instanceof Element}function rs(e){var t=Bo(e).HTMLElement;return e instanceof t||e instanceof HTMLElement}function Tb(e){if(typeof ShadowRoot>"u")return!1;var t=Bo(e).ShadowRoot;return e instanceof t||e instanceof ShadowRoot}function k$(e){var t=e.state;Object.keys(t.elements).forEach(function(n){var r=t.styles[n]||{},o=t.attributes[n]||{},s=t.elements[n];!rs(s)||!ra(s)||(Object.assign(s.style,r),Object.keys(o).forEach(function(a){var c=o[a];c===!1?s.removeAttribute(a):s.setAttribute(a,c===!0?"":c)}))})}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(r){var o=t.elements[r],s=t.attributes[r]||{},a=Object.keys(t.styles.hasOwnProperty(r)?t.styles[r]:n[r]),c=a.reduce(function(d,p){return d[p]="",d},{});!rs(o)||!ra(o)||(Object.assign(o.style,c),Object.keys(s).forEach(function(d){o.removeAttribute(d)}))})}}const P$={name:"applyStyles",enabled:!0,phase:"write",fn:k$,effect:_$,requires:["computeStyles"]};function ta(e){return e.split("-")[0]}var Ji=Math.max,Qp=Math.min,xc=Math.round;function Qv(){var e=navigator.userAgentData;return e!=null&&e.brands&&Array.isArray(e.brands)?e.brands.map(function(t){return t.brand+"/"+t.version}).join(" "):navigator.userAgent}function n6(){return!/^((?!chrome|android).)*safari/i.test(Qv())}function wc(e,t,n){t===void 0&&(t=!1),n===void 0&&(n=!1);var r=e.getBoundingClientRect(),o=1,s=1;t&&rs(e)&&(o=e.offsetWidth>0&&xc(r.width)/e.offsetWidth||1,s=e.offsetHeight>0&&xc(r.height)/e.offsetHeight||1);var a=al(e)?Bo(e):window,c=a.visualViewport,d=!n6()&&n,p=(r.left+(d&&c?c.offsetLeft:0))/o,h=(r.top+(d&&c?c.offsetTop:0))/s,m=r.width/o,v=r.height/s;return{width:m,height:v,top:h,right:p+m,bottom:h+v,left:p,x:p,y:h}}function Nb(e){var t=wc(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 r6(e,t){var n=t.getRootNode&&t.getRootNode();if(e.contains(t))return!0;if(n&&Tb(n)){var r=t;do{if(r&&e.isSameNode(r))return!0;r=r.parentNode||r.host}while(r)}return!1}function Oa(e){return Bo(e).getComputedStyle(e)}function j$(e){return["table","td","th"].indexOf(ra(e))>=0}function ji(e){return((al(e)?e.ownerDocument:e.document)||window.document).documentElement}function gm(e){return ra(e)==="html"?e:e.assignedSlot||e.parentNode||(Tb(e)?e.host:null)||ji(e)}function Xw(e){return!rs(e)||Oa(e).position==="fixed"?null:e.offsetParent}function I$(e){var t=/firefox/i.test(Qv()),n=/Trident/i.test(Qv());if(n&&rs(e)){var r=Oa(e);if(r.position==="fixed")return null}var o=gm(e);for(Tb(o)&&(o=o.host);rs(o)&&["html","body"].indexOf(ra(o))<0;){var s=Oa(o);if(s.transform!=="none"||s.perspective!=="none"||s.contain==="paint"||["transform","perspective"].indexOf(s.willChange)!==-1||t&&s.willChange==="filter"||t&&s.filter&&s.filter!=="none")return o;o=o.parentNode}return null}function Id(e){for(var t=Bo(e),n=Xw(e);n&&j$(n)&&Oa(n).position==="static";)n=Xw(n);return n&&(ra(n)==="html"||ra(n)==="body"&&Oa(n).position==="static")?t:n||I$(e)||t}function $b(e){return["top","bottom"].indexOf(e)>=0?"x":"y"}function Hu(e,t,n){return Ji(e,Qp(t,n))}function E$(e,t,n){var r=Hu(e,t,n);return r>n?n:r}function o6(){return{top:0,right:0,bottom:0,left:0}}function s6(e){return Object.assign({},o6(),e)}function a6(e,t){return t.reduce(function(n,r){return n[r]=e,n},{})}var O$=function(t,n){return t=typeof t=="function"?t(Object.assign({},n.rects,{placement:n.placement})):t,s6(typeof t!="number"?t:a6(t,jd))};function R$(e){var t,n=e.state,r=e.name,o=e.options,s=n.elements.arrow,a=n.modifiersData.popperOffsets,c=ta(n.placement),d=$b(c),p=[Po,is].indexOf(c)>=0,h=p?"height":"width";if(!(!s||!a)){var m=O$(o.padding,n),v=Nb(s),b=d==="y"?_o:Po,w=d==="y"?as:is,y=n.rects.reference[h]+n.rects.reference[d]-a[d]-n.rects.popper[h],S=a[d]-n.rects.reference[d],_=Id(s),k=_?d==="y"?_.clientHeight||0:_.clientWidth||0:0,j=y/2-S/2,I=m[b],E=k-v[h]-m[w],O=k/2-v[h]/2+j,R=Hu(I,O,E),M=d;n.modifiersData[r]=(t={},t[M]=R,t.centerOffset=R-O,t)}}function M$(e){var t=e.state,n=e.options,r=n.element,o=r===void 0?"[data-popper-arrow]":r;o!=null&&(typeof o=="string"&&(o=t.elements.popper.querySelector(o),!o)||r6(t.elements.popper,o)&&(t.elements.arrow=o))}const D$={name:"arrow",enabled:!0,phase:"main",fn:R$,effect:M$,requires:["popperOffsets"],requiresIfExists:["preventOverflow"]};function Sc(e){return e.split("-")[1]}var A$={top:"auto",right:"auto",bottom:"auto",left:"auto"};function T$(e,t){var n=e.x,r=e.y,o=t.devicePixelRatio||1;return{x:xc(n*o)/o||0,y:xc(r*o)/o||0}}function Yw(e){var t,n=e.popper,r=e.popperRect,o=e.placement,s=e.variation,a=e.offsets,c=e.position,d=e.gpuAcceleration,p=e.adaptive,h=e.roundOffsets,m=e.isFixed,v=a.x,b=v===void 0?0:v,w=a.y,y=w===void 0?0:w,S=typeof h=="function"?h({x:b,y}):{x:b,y};b=S.x,y=S.y;var _=a.hasOwnProperty("x"),k=a.hasOwnProperty("y"),j=Po,I=_o,E=window;if(p){var O=Id(n),R="clientHeight",M="clientWidth";if(O===Bo(n)&&(O=ji(n),Oa(O).position!=="static"&&c==="absolute"&&(R="scrollHeight",M="scrollWidth")),O=O,o===_o||(o===Po||o===is)&&s===nd){I=as;var A=m&&O===E&&E.visualViewport?E.visualViewport.height:O[R];y-=A-r.height,y*=d?1:-1}if(o===Po||(o===_o||o===as)&&s===nd){j=is;var T=m&&O===E&&E.visualViewport?E.visualViewport.width:O[M];b-=T-r.width,b*=d?1:-1}}var $=Object.assign({position:c},p&&A$),Q=h===!0?T$({x:b,y},Bo(n)):{x:b,y};if(b=Q.x,y=Q.y,d){var B;return Object.assign({},$,(B={},B[I]=k?"0":"",B[j]=_?"0":"",B.transform=(E.devicePixelRatio||1)<=1?"translate("+b+"px, "+y+"px)":"translate3d("+b+"px, "+y+"px, 0)",B))}return Object.assign({},$,(t={},t[I]=k?y+"px":"",t[j]=_?b+"px":"",t.transform="",t))}function N$(e){var t=e.state,n=e.options,r=n.gpuAcceleration,o=r===void 0?!0:r,s=n.adaptive,a=s===void 0?!0:s,c=n.roundOffsets,d=c===void 0?!0:c,p={placement:ta(t.placement),variation:Sc(t.placement),popper:t.elements.popper,popperRect:t.rects.popper,gpuAcceleration:o,isFixed:t.options.strategy==="fixed"};t.modifiersData.popperOffsets!=null&&(t.styles.popper=Object.assign({},t.styles.popper,Yw(Object.assign({},p,{offsets:t.modifiersData.popperOffsets,position:t.options.strategy,adaptive:a,roundOffsets:d})))),t.modifiersData.arrow!=null&&(t.styles.arrow=Object.assign({},t.styles.arrow,Yw(Object.assign({},p,{offsets:t.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:d})))),t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-placement":t.placement})}const $$={name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:N$,data:{}};var zf={passive:!0};function z$(e){var t=e.state,n=e.instance,r=e.options,o=r.scroll,s=o===void 0?!0:o,a=r.resize,c=a===void 0?!0:a,d=Bo(t.elements.popper),p=[].concat(t.scrollParents.reference,t.scrollParents.popper);return s&&p.forEach(function(h){h.addEventListener("scroll",n.update,zf)}),c&&d.addEventListener("resize",n.update,zf),function(){s&&p.forEach(function(h){h.removeEventListener("scroll",n.update,zf)}),c&&d.removeEventListener("resize",n.update,zf)}}const L$={name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:z$,data:{}};var B$={left:"right",right:"left",bottom:"top",top:"bottom"};function _p(e){return e.replace(/left|right|bottom|top/g,function(t){return B$[t]})}var F$={start:"end",end:"start"};function Qw(e){return e.replace(/start|end/g,function(t){return F$[t]})}function zb(e){var t=Bo(e),n=t.pageXOffset,r=t.pageYOffset;return{scrollLeft:n,scrollTop:r}}function Lb(e){return wc(ji(e)).left+zb(e).scrollLeft}function H$(e,t){var n=Bo(e),r=ji(e),o=n.visualViewport,s=r.clientWidth,a=r.clientHeight,c=0,d=0;if(o){s=o.width,a=o.height;var p=n6();(p||!p&&t==="fixed")&&(c=o.offsetLeft,d=o.offsetTop)}return{width:s,height:a,x:c+Lb(e),y:d}}function W$(e){var t,n=ji(e),r=zb(e),o=(t=e.ownerDocument)==null?void 0:t.body,s=Ji(n.scrollWidth,n.clientWidth,o?o.scrollWidth:0,o?o.clientWidth:0),a=Ji(n.scrollHeight,n.clientHeight,o?o.scrollHeight:0,o?o.clientHeight:0),c=-r.scrollLeft+Lb(e),d=-r.scrollTop;return Oa(o||n).direction==="rtl"&&(c+=Ji(n.clientWidth,o?o.clientWidth:0)-s),{width:s,height:a,x:c,y:d}}function Bb(e){var t=Oa(e),n=t.overflow,r=t.overflowX,o=t.overflowY;return/auto|scroll|overlay|hidden/.test(n+o+r)}function i6(e){return["html","body","#document"].indexOf(ra(e))>=0?e.ownerDocument.body:rs(e)&&Bb(e)?e:i6(gm(e))}function Wu(e,t){var n;t===void 0&&(t=[]);var r=i6(e),o=r===((n=e.ownerDocument)==null?void 0:n.body),s=Bo(r),a=o?[s].concat(s.visualViewport||[],Bb(r)?r:[]):r,c=t.concat(a);return o?c:c.concat(Wu(gm(a)))}function Jv(e){return Object.assign({},e,{left:e.x,top:e.y,right:e.x+e.width,bottom:e.y+e.height})}function V$(e,t){var n=wc(e,!1,t==="fixed");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}function Jw(e,t,n){return t===e6?Jv(H$(e,n)):al(t)?V$(t,n):Jv(W$(ji(e)))}function U$(e){var t=Wu(gm(e)),n=["absolute","fixed"].indexOf(Oa(e).position)>=0,r=n&&rs(e)?Id(e):e;return al(r)?t.filter(function(o){return al(o)&&r6(o,r)&&ra(o)!=="body"}):[]}function G$(e,t,n,r){var o=t==="clippingParents"?U$(e):[].concat(t),s=[].concat(o,[n]),a=s[0],c=s.reduce(function(d,p){var h=Jw(e,p,r);return d.top=Ji(h.top,d.top),d.right=Qp(h.right,d.right),d.bottom=Qp(h.bottom,d.bottom),d.left=Ji(h.left,d.left),d},Jw(e,a,r));return c.width=c.right-c.left,c.height=c.bottom-c.top,c.x=c.left,c.y=c.top,c}function l6(e){var t=e.reference,n=e.element,r=e.placement,o=r?ta(r):null,s=r?Sc(r):null,a=t.x+t.width/2-n.width/2,c=t.y+t.height/2-n.height/2,d;switch(o){case _o:d={x:a,y:t.y-n.height};break;case as:d={x:a,y:t.y+t.height};break;case is:d={x:t.x+t.width,y:c};break;case Po:d={x:t.x-n.width,y:c};break;default:d={x:t.x,y:t.y}}var p=o?$b(o):null;if(p!=null){var h=p==="y"?"height":"width";switch(s){case yc:d[p]=d[p]-(t[h]/2-n[h]/2);break;case nd:d[p]=d[p]+(t[h]/2-n[h]/2);break}}return d}function rd(e,t){t===void 0&&(t={});var n=t,r=n.placement,o=r===void 0?e.placement:r,s=n.strategy,a=s===void 0?e.strategy:s,c=n.boundary,d=c===void 0?f$:c,p=n.rootBoundary,h=p===void 0?e6:p,m=n.elementContext,v=m===void 0?hu:m,b=n.altBoundary,w=b===void 0?!1:b,y=n.padding,S=y===void 0?0:y,_=s6(typeof S!="number"?S:a6(S,jd)),k=v===hu?p$:hu,j=e.rects.popper,I=e.elements[w?k:v],E=G$(al(I)?I:I.contextElement||ji(e.elements.popper),d,h,a),O=wc(e.elements.reference),R=l6({reference:O,element:j,strategy:"absolute",placement:o}),M=Jv(Object.assign({},j,R)),A=v===hu?M:O,T={top:E.top-A.top+_.top,bottom:A.bottom-E.bottom+_.bottom,left:E.left-A.left+_.left,right:A.right-E.right+_.right},$=e.modifiersData.offset;if(v===hu&&$){var Q=$[o];Object.keys(T).forEach(function(B){var V=[is,as].indexOf(B)>=0?1:-1,q=[_o,as].indexOf(B)>=0?"y":"x";T[B]+=Q[q]*V})}return T}function q$(e,t){t===void 0&&(t={});var n=t,r=n.placement,o=n.boundary,s=n.rootBoundary,a=n.padding,c=n.flipVariations,d=n.allowedAutoPlacements,p=d===void 0?t6:d,h=Sc(r),m=h?c?Kw:Kw.filter(function(w){return Sc(w)===h}):jd,v=m.filter(function(w){return p.indexOf(w)>=0});v.length===0&&(v=m);var b=v.reduce(function(w,y){return w[y]=rd(e,{placement:y,boundary:o,rootBoundary:s,padding:a})[ta(y)],w},{});return Object.keys(b).sort(function(w,y){return b[w]-b[y]})}function K$(e){if(ta(e)===Ab)return[];var t=_p(e);return[Qw(e),t,Qw(t)]}function X$(e){var t=e.state,n=e.options,r=e.name;if(!t.modifiersData[r]._skip){for(var o=n.mainAxis,s=o===void 0?!0:o,a=n.altAxis,c=a===void 0?!0:a,d=n.fallbackPlacements,p=n.padding,h=n.boundary,m=n.rootBoundary,v=n.altBoundary,b=n.flipVariations,w=b===void 0?!0:b,y=n.allowedAutoPlacements,S=t.options.placement,_=ta(S),k=_===S,j=d||(k||!w?[_p(S)]:K$(S)),I=[S].concat(j).reduce(function(X,K){return X.concat(ta(K)===Ab?q$(t,{placement:K,boundary:h,rootBoundary:m,padding:p,flipVariations:w,allowedAutoPlacements:y}):K)},[]),E=t.rects.reference,O=t.rects.popper,R=new Map,M=!0,A=I[0],T=0;T=0,q=V?"width":"height",G=rd(t,{placement:$,boundary:h,rootBoundary:m,altBoundary:v,padding:p}),D=V?B?is:Po:B?as:_o;E[q]>O[q]&&(D=_p(D));var L=_p(D),W=[];if(s&&W.push(G[Q]<=0),c&&W.push(G[D]<=0,G[L]<=0),W.every(function(X){return X})){A=$,M=!1;break}R.set($,W)}if(M)for(var Y=w?3:1,ae=function(K){var U=I.find(function(se){var re=R.get(se);if(re)return re.slice(0,K).every(function(oe){return oe})});if(U)return A=U,"break"},be=Y;be>0;be--){var ie=ae(be);if(ie==="break")break}t.placement!==A&&(t.modifiersData[r]._skip=!0,t.placement=A,t.reset=!0)}}const Y$={name:"flip",enabled:!0,phase:"main",fn:X$,requiresIfExists:["offset"],data:{_skip:!1}};function Zw(e,t,n){return n===void 0&&(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 eS(e){return[_o,is,as,Po].some(function(t){return e[t]>=0})}function Q$(e){var t=e.state,n=e.name,r=t.rects.reference,o=t.rects.popper,s=t.modifiersData.preventOverflow,a=rd(t,{elementContext:"reference"}),c=rd(t,{altBoundary:!0}),d=Zw(a,r),p=Zw(c,o,s),h=eS(d),m=eS(p);t.modifiersData[n]={referenceClippingOffsets:d,popperEscapeOffsets:p,isReferenceHidden:h,hasPopperEscaped:m},t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-reference-hidden":h,"data-popper-escaped":m})}const J$={name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:Q$};function Z$(e,t,n){var r=ta(e),o=[Po,_o].indexOf(r)>=0?-1:1,s=typeof n=="function"?n(Object.assign({},t,{placement:e})):n,a=s[0],c=s[1];return a=a||0,c=(c||0)*o,[Po,is].indexOf(r)>=0?{x:c,y:a}:{x:a,y:c}}function ez(e){var t=e.state,n=e.options,r=e.name,o=n.offset,s=o===void 0?[0,0]:o,a=t6.reduce(function(h,m){return h[m]=Z$(m,t.rects,s),h},{}),c=a[t.placement],d=c.x,p=c.y;t.modifiersData.popperOffsets!=null&&(t.modifiersData.popperOffsets.x+=d,t.modifiersData.popperOffsets.y+=p),t.modifiersData[r]=a}const tz={name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:ez};function nz(e){var t=e.state,n=e.name;t.modifiersData[n]=l6({reference:t.rects.reference,element:t.rects.popper,strategy:"absolute",placement:t.placement})}const rz={name:"popperOffsets",enabled:!0,phase:"read",fn:nz,data:{}};function oz(e){return e==="x"?"y":"x"}function sz(e){var t=e.state,n=e.options,r=e.name,o=n.mainAxis,s=o===void 0?!0:o,a=n.altAxis,c=a===void 0?!1:a,d=n.boundary,p=n.rootBoundary,h=n.altBoundary,m=n.padding,v=n.tether,b=v===void 0?!0:v,w=n.tetherOffset,y=w===void 0?0:w,S=rd(t,{boundary:d,rootBoundary:p,padding:m,altBoundary:h}),_=ta(t.placement),k=Sc(t.placement),j=!k,I=$b(_),E=oz(I),O=t.modifiersData.popperOffsets,R=t.rects.reference,M=t.rects.popper,A=typeof y=="function"?y(Object.assign({},t.rects,{placement:t.placement})):y,T=typeof A=="number"?{mainAxis:A,altAxis:A}:Object.assign({mainAxis:0,altAxis:0},A),$=t.modifiersData.offset?t.modifiersData.offset[t.placement]:null,Q={x:0,y:0};if(O){if(s){var B,V=I==="y"?_o:Po,q=I==="y"?as:is,G=I==="y"?"height":"width",D=O[I],L=D+S[V],W=D-S[q],Y=b?-M[G]/2:0,ae=k===yc?R[G]:M[G],be=k===yc?-M[G]:-R[G],ie=t.elements.arrow,X=b&&ie?Nb(ie):{width:0,height:0},K=t.modifiersData["arrow#persistent"]?t.modifiersData["arrow#persistent"].padding:o6(),U=K[V],se=K[q],re=Hu(0,R[G],X[G]),oe=j?R[G]/2-Y-re-U-T.mainAxis:ae-re-U-T.mainAxis,pe=j?-R[G]/2+Y+re+se+T.mainAxis:be+re+se+T.mainAxis,le=t.elements.arrow&&Id(t.elements.arrow),ge=le?I==="y"?le.clientTop||0:le.clientLeft||0:0,ke=(B=$==null?void 0:$[I])!=null?B:0,xe=D+oe-ke-ge,de=D+pe-ke,Te=Hu(b?Qp(L,xe):L,D,b?Ji(W,de):W);O[I]=Te,Q[I]=Te-D}if(c){var Oe,$e=I==="x"?_o:Po,kt=I==="x"?as:is,ct=O[E],on=E==="y"?"height":"width",vt=ct+S[$e],bt=ct-S[kt],Se=[_o,Po].indexOf(_)!==-1,Me=(Oe=$==null?void 0:$[E])!=null?Oe:0,Pt=Se?vt:ct-R[on]-M[on]-Me+T.altAxis,Tt=Se?ct+R[on]+M[on]-Me-T.altAxis:bt,we=b&&Se?E$(Pt,ct,Tt):Hu(b?Pt:vt,ct,b?Tt:bt);O[E]=we,Q[E]=we-ct}t.modifiersData[r]=Q}}const az={name:"preventOverflow",enabled:!0,phase:"main",fn:sz,requiresIfExists:["offset"]};function iz(e){return{scrollLeft:e.scrollLeft,scrollTop:e.scrollTop}}function lz(e){return e===Bo(e)||!rs(e)?zb(e):iz(e)}function cz(e){var t=e.getBoundingClientRect(),n=xc(t.width)/e.offsetWidth||1,r=xc(t.height)/e.offsetHeight||1;return n!==1||r!==1}function uz(e,t,n){n===void 0&&(n=!1);var r=rs(t),o=rs(t)&&cz(t),s=ji(t),a=wc(e,o,n),c={scrollLeft:0,scrollTop:0},d={x:0,y:0};return(r||!r&&!n)&&((ra(t)!=="body"||Bb(s))&&(c=lz(t)),rs(t)?(d=wc(t,!0),d.x+=t.clientLeft,d.y+=t.clientTop):s&&(d.x=Lb(s))),{x:a.left+c.scrollLeft-d.x,y:a.top+c.scrollTop-d.y,width:a.width,height:a.height}}function dz(e){var t=new Map,n=new Set,r=[];e.forEach(function(s){t.set(s.name,s)});function o(s){n.add(s.name);var a=[].concat(s.requires||[],s.requiresIfExists||[]);a.forEach(function(c){if(!n.has(c)){var d=t.get(c);d&&o(d)}}),r.push(s)}return e.forEach(function(s){n.has(s.name)||o(s)}),r}function fz(e){var t=dz(e);return C$.reduce(function(n,r){return n.concat(t.filter(function(o){return o.phase===r}))},[])}function pz(e){var t;return function(){return t||(t=new Promise(function(n){Promise.resolve().then(function(){t=void 0,n(e())})})),t}}function hz(e){var t=e.reduce(function(n,r){var o=n[r.name];return n[r.name]=o?Object.assign({},o,r,{options:Object.assign({},o.options,r.options),data:Object.assign({},o.data,r.data)}):r,n},{});return Object.keys(t).map(function(n){return t[n]})}var tS={placement:"bottom",modifiers:[],strategy:"absolute"};function nS(){for(var e=arguments.length,t=new Array(e),n=0;n{}),j=f.useCallback(()=>{var T;!t||!w.current||!y.current||((T=k.current)==null||T.call(k),S.current=vz(w.current,y.current,{placement:_,modifiers:[l$,s$,o$,{...r$,enabled:!!v},{name:"eventListeners",...n$(a)},{name:"arrow",options:{padding:s}},{name:"offset",options:{offset:c??[0,d]}},{name:"flip",enabled:!!p,options:{padding:8}},{name:"preventOverflow",enabled:!!m,options:{boundary:h}},...n??[]],strategy:o}),S.current.forceUpdate(),k.current=S.current.destroy)},[_,t,n,v,a,s,c,d,p,m,h,o]);f.useEffect(()=>()=>{var T;!w.current&&!y.current&&((T=S.current)==null||T.destroy(),S.current=null)},[]);const I=f.useCallback(T=>{w.current=T,j()},[j]),E=f.useCallback((T={},$=null)=>({...T,ref:cn(I,$)}),[I]),O=f.useCallback(T=>{y.current=T,j()},[j]),R=f.useCallback((T={},$=null)=>({...T,ref:cn(O,$),style:{...T.style,position:o,minWidth:v?void 0:"max-content",inset:"0 auto auto 0"}}),[o,O,v]),M=f.useCallback((T={},$=null)=>{const{size:Q,shadowColor:B,bg:V,style:q,...G}=T;return{...G,ref:$,"data-popper-arrow":"",style:bz(T)}},[]),A=f.useCallback((T={},$=null)=>({...T,ref:$,"data-popper-arrow-inner":""}),[]);return{update(){var T;(T=S.current)==null||T.update()},forceUpdate(){var T;(T=S.current)==null||T.forceUpdate()},transformOrigin:jr.transformOrigin.varRef,referenceRef:I,popperRef:O,getPopperProps:R,getArrowProps:M,getArrowInnerProps:A,getReferenceProps:E}}function bz(e){const{size:t,shadowColor:n,bg:r,style:o}=e,s={...o,position:"absolute"};return t&&(s["--popper-arrow-size"]=t),n&&(s["--popper-arrow-shadow-color"]=n),r&&(s["--popper-arrow-bg"]=r),s}function Hb(e={}){const{onClose:t,onOpen:n,isOpen:r,id:o}=e,s=or(n),a=or(t),[c,d]=f.useState(e.defaultIsOpen||!1),p=r!==void 0?r:c,h=r!==void 0,m=f.useId(),v=o??`disclosure-${m}`,b=f.useCallback(()=>{h||d(!1),a==null||a()},[h,a]),w=f.useCallback(()=>{h||d(!0),s==null||s()},[h,s]),y=f.useCallback(()=>{p?b():w()},[p,w,b]);function S(k={}){return{...k,"aria-expanded":p,"aria-controls":v,onClick(j){var I;(I=k.onClick)==null||I.call(k,j),y()}}}function _(k={}){return{...k,hidden:!p,id:v}}return{isOpen:p,onOpen:w,onClose:b,onToggle:y,isControlled:h,getButtonProps:S,getDisclosureProps:_}}function yz(e){const{ref:t,handler:n,enabled:r=!0}=e,o=or(n),a=f.useRef({isPointerDown:!1,ignoreEmulatedMouseEvents:!1}).current;f.useEffect(()=>{if(!r)return;const c=m=>{R0(m,t)&&(a.isPointerDown=!0)},d=m=>{if(a.ignoreEmulatedMouseEvents){a.ignoreEmulatedMouseEvents=!1;return}a.isPointerDown&&n&&R0(m,t)&&(a.isPointerDown=!1,o(m))},p=m=>{a.ignoreEmulatedMouseEvents=!0,n&&a.isPointerDown&&R0(m,t)&&(a.isPointerDown=!1,o(m))},h=c6(t.current);return h.addEventListener("mousedown",c,!0),h.addEventListener("mouseup",d,!0),h.addEventListener("touchstart",c,!0),h.addEventListener("touchend",p,!0),()=>{h.removeEventListener("mousedown",c,!0),h.removeEventListener("mouseup",d,!0),h.removeEventListener("touchstart",c,!0),h.removeEventListener("touchend",p,!0)}},[n,t,o,a,r])}function R0(e,t){var n;const r=e.target;return r&&!c6(r).contains(r)?!1:!((n=t.current)!=null&&n.contains(r))}function c6(e){var t;return(t=e==null?void 0:e.ownerDocument)!=null?t:document}function u6(e){const{isOpen:t,ref:n}=e,[r,o]=f.useState(t),[s,a]=f.useState(!1);return f.useEffect(()=>{s||(o(t),a(!0))},[t,s,r]),Qi(()=>n.current,"animationend",()=>{o(t)}),{present:!(t?!1:!r),onComplete(){var d;const p=kN(n.current),h=new p.CustomEvent("animationend",{bubbles:!0});(d=n.current)==null||d.dispatchEvent(h)}}}function Wb(e){const{wasSelected:t,enabled:n,isSelected:r,mode:o="unmount"}=e;return!!(!n||r||o==="keepMounted"&&t)}var[xz,wz,Sz,Cz]=db(),[kz,Ed]=Dn({strict:!1,name:"MenuContext"});function _z(e,...t){const n=f.useId(),r=e||n;return f.useMemo(()=>t.map(o=>`${o}-${r}`),[r,t])}function d6(e){var t;return(t=e==null?void 0:e.ownerDocument)!=null?t:document}function rS(e){return d6(e).activeElement===e}function Pz(e={}){const{id:t,closeOnSelect:n=!0,closeOnBlur:r=!0,initialFocusRef:o,autoSelect:s=!0,isLazy:a,isOpen:c,defaultIsOpen:d,onClose:p,onOpen:h,placement:m="bottom-start",lazyBehavior:v="unmount",direction:b,computePositionOnMount:w=!1,...y}=e,S=f.useRef(null),_=f.useRef(null),k=Sz(),j=f.useCallback(()=>{requestAnimationFrame(()=>{var ie;(ie=S.current)==null||ie.focus({preventScroll:!1})})},[]),I=f.useCallback(()=>{const ie=setTimeout(()=>{var X;if(o)(X=o.current)==null||X.focus();else{const K=k.firstEnabled();K&&B(K.index)}});L.current.add(ie)},[k,o]),E=f.useCallback(()=>{const ie=setTimeout(()=>{const X=k.lastEnabled();X&&B(X.index)});L.current.add(ie)},[k]),O=f.useCallback(()=>{h==null||h(),s?I():j()},[s,I,j,h]),{isOpen:R,onOpen:M,onClose:A,onToggle:T}=Hb({isOpen:c,defaultIsOpen:d,onClose:p,onOpen:O});yz({enabled:R&&r,ref:S,handler:ie=>{var X;(X=_.current)!=null&&X.contains(ie.target)||A()}});const $=Fb({...y,enabled:R||w,placement:m,direction:b}),[Q,B]=f.useState(-1);Ba(()=>{R||B(-1)},[R]),Z3(S,{focusRef:_,visible:R,shouldFocus:!0});const V=u6({isOpen:R,ref:S}),[q,G]=_z(t,"menu-button","menu-list"),D=f.useCallback(()=>{M(),j()},[M,j]),L=f.useRef(new Set([]));Az(()=>{L.current.forEach(ie=>clearTimeout(ie)),L.current.clear()});const W=f.useCallback(()=>{M(),I()},[I,M]),Y=f.useCallback(()=>{M(),E()},[M,E]),ae=f.useCallback(()=>{var ie,X;const K=d6(S.current),U=(ie=S.current)==null?void 0:ie.contains(K.activeElement);if(!(R&&!U))return;const re=(X=k.item(Q))==null?void 0:X.node;re==null||re.focus()},[R,Q,k]),be=f.useRef(null);return{openAndFocusMenu:D,openAndFocusFirstItem:W,openAndFocusLastItem:Y,onTransitionEnd:ae,unstable__animationState:V,descendants:k,popper:$,buttonId:q,menuId:G,forceUpdate:$.forceUpdate,orientation:"vertical",isOpen:R,onToggle:T,onOpen:M,onClose:A,menuRef:S,buttonRef:_,focusedIndex:Q,closeOnSelect:n,closeOnBlur:r,autoSelect:s,setFocusedIndex:B,isLazy:a,lazyBehavior:v,initialFocusRef:o,rafId:be}}function jz(e={},t=null){const n=Ed(),{onToggle:r,popper:o,openAndFocusFirstItem:s,openAndFocusLastItem:a}=n,c=f.useCallback(d=>{const p=d.key,m={Enter:s,ArrowDown:s,ArrowUp:a}[p];m&&(d.preventDefault(),d.stopPropagation(),m(d))},[s,a]);return{...e,ref:cn(n.buttonRef,t,o.referenceRef),id:n.buttonId,"data-active":Ft(n.isOpen),"aria-expanded":n.isOpen,"aria-haspopup":"menu","aria-controls":n.menuId,onClick:nt(e.onClick,r),onKeyDown:nt(e.onKeyDown,c)}}function Zv(e){var t;return Mz(e)&&!!((t=e==null?void 0:e.getAttribute("role"))!=null&&t.startsWith("menuitem"))}function Iz(e={},t=null){const n=Ed();if(!n)throw new Error("useMenuContext: context is undefined. Seems you forgot to wrap component within ");const{focusedIndex:r,setFocusedIndex:o,menuRef:s,isOpen:a,onClose:c,menuId:d,isLazy:p,lazyBehavior:h,unstable__animationState:m}=n,v=wz(),b=GN({preventDefault:_=>_.key!==" "&&Zv(_.target)}),w=f.useCallback(_=>{if(!_.currentTarget.contains(_.target))return;const k=_.key,I={Tab:O=>O.preventDefault(),Escape:c,ArrowDown:()=>{const O=v.nextEnabled(r);O&&o(O.index)},ArrowUp:()=>{const O=v.prevEnabled(r);O&&o(O.index)}}[k];if(I){_.preventDefault(),I(_);return}const E=b(O=>{const R=qN(v.values(),O,M=>{var A,T;return(T=(A=M==null?void 0:M.node)==null?void 0:A.textContent)!=null?T:""},v.item(r));if(R){const M=v.indexOf(R.node);o(M)}});Zv(_.target)&&E(_)},[v,r,b,c,o]),y=f.useRef(!1);a&&(y.current=!0);const S=Wb({wasSelected:y.current,enabled:p,mode:h,isSelected:m.present});return{...e,ref:cn(s,t),children:S?e.children:null,tabIndex:-1,role:"menu",id:d,style:{...e.style,transformOrigin:"var(--popper-transform-origin)"},"aria-orientation":"vertical",onKeyDown:nt(e.onKeyDown,w)}}function Ez(e={}){const{popper:t,isOpen:n}=Ed();return t.getPopperProps({...e,style:{visibility:n?"visible":"hidden",...e.style}})}function f6(e={},t=null){const{onMouseEnter:n,onMouseMove:r,onMouseLeave:o,onClick:s,onFocus:a,isDisabled:c,isFocusable:d,closeOnSelect:p,type:h,...m}=e,v=Ed(),{setFocusedIndex:b,focusedIndex:w,closeOnSelect:y,onClose:S,menuRef:_,isOpen:k,menuId:j,rafId:I}=v,E=f.useRef(null),O=`${j}-menuitem-${f.useId()}`,{index:R,register:M}=Cz({disabled:c&&!d}),A=f.useCallback(D=>{n==null||n(D),!c&&b(R)},[b,R,c,n]),T=f.useCallback(D=>{r==null||r(D),E.current&&!rS(E.current)&&A(D)},[A,r]),$=f.useCallback(D=>{o==null||o(D),!c&&b(-1)},[b,c,o]),Q=f.useCallback(D=>{s==null||s(D),Zv(D.currentTarget)&&(p??y)&&S()},[S,s,y,p]),B=f.useCallback(D=>{a==null||a(D),b(R)},[b,a,R]),V=R===w,q=c&&!d;Ba(()=>{k&&(V&&!q&&E.current?(I.current&&cancelAnimationFrame(I.current),I.current=requestAnimationFrame(()=>{var D;(D=E.current)==null||D.focus(),I.current=null})):_.current&&!rS(_.current)&&_.current.focus({preventScroll:!0}))},[V,q,_,k]);const G=J3({onClick:Q,onFocus:B,onMouseEnter:A,onMouseMove:T,onMouseLeave:$,ref:cn(M,E,t),isDisabled:c,isFocusable:d});return{...m,...G,type:h??G.type,id:O,role:"menuitem",tabIndex:V?0:-1}}function Oz(e={},t=null){const{type:n="radio",isChecked:r,...o}=e;return{...f6(o,t),role:`menuitem${n}`,"aria-checked":r}}function Rz(e={}){const{children:t,type:n="radio",value:r,defaultValue:o,onChange:s,...a}=e,d=n==="radio"?"":[],[p,h]=$c({defaultValue:o??d,value:r,onChange:s}),m=f.useCallback(w=>{if(n==="radio"&&typeof p=="string"&&h(w),n==="checkbox"&&Array.isArray(p)){const y=p.includes(w)?p.filter(S=>S!==w):p.concat(w);h(y)}},[p,h,n]),b=Cd(t).map(w=>{if(w.type.id!=="MenuItemOption")return w;const y=_=>{var k,j;m(w.props.value),(j=(k=w.props).onClick)==null||j.call(k,_)},S=n==="radio"?w.props.value===p:p.includes(w.props.value);return f.cloneElement(w,{type:n,onClick:y,isChecked:S})});return{...a,children:b}}function Mz(e){var t;if(!Dz(e))return!1;const n=(t=e.ownerDocument.defaultView)!=null?t:window;return e instanceof n.HTMLElement}function Dz(e){return e!=null&&typeof e=="object"&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE}function Az(e,t=[]){return f.useEffect(()=>()=>e(),t)}var[Tz,Bc]=Dn({name:"MenuStylesContext",errorMessage:`useMenuStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),Od=e=>{const{children:t}=e,n=Fr("Menu",e),r=qn(e),{direction:o}=Ac(),{descendants:s,...a}=Pz({...r,direction:o}),c=f.useMemo(()=>a,[a]),{isOpen:d,onClose:p,forceUpdate:h}=c;return i.jsx(xz,{value:s,children:i.jsx(kz,{value:c,children:i.jsx(Tz,{value:n,children:X1(t,{isOpen:d,onClose:p,forceUpdate:h})})})})};Od.displayName="Menu";var p6=Ae((e,t)=>{const n=Bc();return i.jsx(je.span,{ref:t,...e,__css:n.command,className:"chakra-menu__command"})});p6.displayName="MenuCommand";var h6=Ae((e,t)=>{const{type:n,...r}=e,o=Bc(),s=r.as||n?n??void 0:"button",a=f.useMemo(()=>({textDecoration:"none",color:"inherit",userSelect:"none",display:"flex",width:"100%",alignItems:"center",textAlign:"start",flex:"0 0 auto",outline:0,...o.item}),[o.item]);return i.jsx(je.button,{ref:t,type:s,...r,__css:a})}),Vb=e=>{const{className:t,children:n,...r}=e,o=Bc(),s=f.Children.only(n),a=f.isValidElement(s)?f.cloneElement(s,{focusable:"false","aria-hidden":!0,className:Ct("chakra-menu__icon",s.props.className)}):null,c=Ct("chakra-menu__icon-wrapper",t);return i.jsx(je.span,{className:c,...r,__css:o.icon,children:a})};Vb.displayName="MenuIcon";var Pr=Ae((e,t)=>{const{icon:n,iconSpacing:r="0.75rem",command:o,commandSpacing:s="0.75rem",children:a,...c}=e,d=f6(c,t),h=n||o?i.jsx("span",{style:{pointerEvents:"none",flex:1},children:a}):a;return i.jsxs(h6,{...d,className:Ct("chakra-menu__menuitem",d.className),children:[n&&i.jsx(Vb,{fontSize:"0.8em",marginEnd:r,children:n}),h,o&&i.jsx(p6,{marginStart:s,children:o})]})});Pr.displayName="MenuItem";var Nz={enter:{visibility:"visible",opacity:1,scale:1,transition:{duration:.2,ease:[.4,0,.2,1]}},exit:{transitionEnd:{visibility:"hidden"},opacity:0,scale:.8,transition:{duration:.1,easings:"easeOut"}}},$z=je(Ir.div),Fc=Ae(function(t,n){var r,o;const{rootProps:s,motionProps:a,...c}=t,{isOpen:d,onTransitionEnd:p,unstable__animationState:h}=Ed(),m=Iz(c,n),v=Ez(s),b=Bc();return i.jsx(je.div,{...v,__css:{zIndex:(o=t.zIndex)!=null?o:(r=b.list)==null?void 0:r.zIndex},children:i.jsx($z,{variants:Nz,initial:!1,animate:d?"enter":"exit",__css:{outline:0,...b.list},...a,className:Ct("chakra-menu__menu-list",m.className),...m,onUpdate:p,onAnimationComplete:sm(h.onComplete,m.onAnimationComplete)})})});Fc.displayName="MenuList";var od=Ae((e,t)=>{const{title:n,children:r,className:o,...s}=e,a=Ct("chakra-menu__group__title",o),c=Bc();return i.jsxs("div",{ref:t,className:"chakra-menu__group",role:"group",children:[n&&i.jsx(je.p,{className:a,...s,__css:c.groupTitle,children:n}),r]})});od.displayName="MenuGroup";var m6=e=>{const{className:t,title:n,...r}=e,o=Rz(r);return i.jsx(od,{title:n,className:Ct("chakra-menu__option-group",t),...o})};m6.displayName="MenuOptionGroup";var zz=Ae((e,t)=>{const n=Bc();return i.jsx(je.button,{ref:t,...e,__css:{display:"inline-flex",appearance:"none",alignItems:"center",outline:0,...n.button}})}),Rd=Ae((e,t)=>{const{children:n,as:r,...o}=e,s=jz(o,t),a=r||zz;return i.jsx(a,{...s,className:Ct("chakra-menu__menu-button",e.className),children:i.jsx(je.span,{__css:{pointerEvents:"none",flex:"1 1 auto",minW:0},children:e.children})})});Rd.displayName="MenuButton";var Lz=e=>i.jsx("svg",{viewBox:"0 0 14 14",width:"1em",height:"1em",...e,children:i.jsx("polygon",{fill:"currentColor",points:"5.5 11.9993304 14 3.49933039 12.5 2 5.5 8.99933039 1.5 4.9968652 0 6.49933039"})}),Jp=Ae((e,t)=>{const{icon:n,iconSpacing:r="0.75rem",...o}=e,s=Oz(o,t);return i.jsxs(h6,{...s,className:Ct("chakra-menu__menuitem-option",o.className),children:[n!==null&&i.jsx(Vb,{fontSize:"0.8em",marginEnd:r,opacity:e.isChecked?1:0,children:n||i.jsx(Lz,{})}),i.jsx("span",{style:{flex:1},children:s.children})]})});Jp.id="MenuItemOption";Jp.displayName="MenuItemOption";var Bz={slideInBottom:{...Lv,custom:{offsetY:16,reverse:!0}},slideInRight:{...Lv,custom:{offsetX:16,reverse:!0}},scale:{...F5,custom:{initialScale:.95,reverse:!0}},none:{}},Fz=je(Ir.section),Hz=e=>Bz[e||"none"],g6=f.forwardRef((e,t)=>{const{preset:n,motionProps:r=Hz(n),...o}=e;return i.jsx(Fz,{ref:t,...r,...o})});g6.displayName="ModalTransition";var Wz=Object.defineProperty,Vz=(e,t,n)=>t in e?Wz(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Uz=(e,t,n)=>(Vz(e,typeof t!="symbol"?t+"":t,n),n),Gz=class{constructor(){Uz(this,"modals"),this.modals=new Map}add(e){return this.modals.set(e,this.modals.size+1),this.modals.size}remove(e){this.modals.delete(e)}isTopModal(e){return e?this.modals.get(e)===this.modals.size:!1}},e1=new Gz;function v6(e,t){const[n,r]=f.useState(0);return f.useEffect(()=>{const o=e.current;if(o){if(t){const s=e1.add(o);r(s)}return()=>{e1.remove(o),r(0)}}},[t,e]),n}var qz=function(e){if(typeof document>"u")return null;var t=Array.isArray(e)?e[0]:e;return t.ownerDocument.body},$l=new WeakMap,Lf=new WeakMap,Bf={},M0=0,b6=function(e){return e&&(e.host||b6(e.parentNode))},Kz=function(e,t){return t.map(function(n){if(e.contains(n))return n;var r=b6(n);return r&&e.contains(r)?r:(console.error("aria-hidden",n,"in not contained inside",e,". Doing nothing"),null)}).filter(function(n){return!!n})},Xz=function(e,t,n,r){var o=Kz(t,Array.isArray(e)?e:[e]);Bf[n]||(Bf[n]=new WeakMap);var s=Bf[n],a=[],c=new Set,d=new Set(o),p=function(m){!m||c.has(m)||(c.add(m),p(m.parentNode))};o.forEach(p);var h=function(m){!m||d.has(m)||Array.prototype.forEach.call(m.children,function(v){if(c.has(v))h(v);else{var b=v.getAttribute(r),w=b!==null&&b!=="false",y=($l.get(v)||0)+1,S=(s.get(v)||0)+1;$l.set(v,y),s.set(v,S),a.push(v),y===1&&w&&Lf.set(v,!0),S===1&&v.setAttribute(n,"true"),w||v.setAttribute(r,"true")}})};return h(t),c.clear(),M0++,function(){a.forEach(function(m){var v=$l.get(m)-1,b=s.get(m)-1;$l.set(m,v),s.set(m,b),v||(Lf.has(m)||m.removeAttribute(r),Lf.delete(m)),b||m.removeAttribute(n)}),M0--,M0||($l=new WeakMap,$l=new WeakMap,Lf=new WeakMap,Bf={})}},Yz=function(e,t,n){n===void 0&&(n="data-aria-hidden");var r=Array.from(Array.isArray(e)?e:[e]),o=t||qz(e);return o?(r.push.apply(r,Array.from(o.querySelectorAll("[aria-live]"))),Xz(r,o,n,"aria-hidden")):function(){return null}};function Qz(e){const{isOpen:t,onClose:n,id:r,closeOnOverlayClick:o=!0,closeOnEsc:s=!0,useInert:a=!0,onOverlayClick:c,onEsc:d}=e,p=f.useRef(null),h=f.useRef(null),[m,v,b]=Zz(r,"chakra-modal","chakra-modal--header","chakra-modal--body");Jz(p,t&&a);const w=v6(p,t),y=f.useRef(null),S=f.useCallback(A=>{y.current=A.target},[]),_=f.useCallback(A=>{A.key==="Escape"&&(A.stopPropagation(),s&&(n==null||n()),d==null||d())},[s,n,d]),[k,j]=f.useState(!1),[I,E]=f.useState(!1),O=f.useCallback((A={},T=null)=>({role:"dialog",...A,ref:cn(T,p),id:m,tabIndex:-1,"aria-modal":!0,"aria-labelledby":k?v:void 0,"aria-describedby":I?b:void 0,onClick:nt(A.onClick,$=>$.stopPropagation())}),[b,I,m,v,k]),R=f.useCallback(A=>{A.stopPropagation(),y.current===A.target&&e1.isTopModal(p.current)&&(o&&(n==null||n()),c==null||c())},[n,o,c]),M=f.useCallback((A={},T=null)=>({...A,ref:cn(T,h),onClick:nt(A.onClick,R),onKeyDown:nt(A.onKeyDown,_),onMouseDown:nt(A.onMouseDown,S)}),[_,S,R]);return{isOpen:t,onClose:n,headerId:v,bodyId:b,setBodyMounted:E,setHeaderMounted:j,dialogRef:p,overlayRef:h,getDialogProps:O,getDialogContainerProps:M,index:w}}function Jz(e,t){const n=e.current;f.useEffect(()=>{if(!(!e.current||!t))return Yz(e.current)},[t,e,n])}function Zz(e,...t){const n=f.useId(),r=e||n;return f.useMemo(()=>t.map(o=>`${o}-${r}`),[r,t])}var[eL,Hc]=Dn({name:"ModalStylesContext",errorMessage:`useModalStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),[tL,il]=Dn({strict:!0,name:"ModalContext",errorMessage:"useModalContext: `context` is undefined. Seems you forgot to wrap modal components in ``"}),sd=e=>{const t={scrollBehavior:"outside",autoFocus:!0,trapFocus:!0,returnFocusOnClose:!0,blockScrollOnMount:!0,allowPinchZoom:!1,motionPreset:"scale",lockFocusAcrossFrames:!0,...e},{portalProps:n,children:r,autoFocus:o,trapFocus:s,initialFocusRef:a,finalFocusRef:c,returnFocusOnClose:d,blockScrollOnMount:p,allowPinchZoom:h,preserveScrollBarGap:m,motionPreset:v,lockFocusAcrossFrames:b,onCloseComplete:w}=t,y=Fr("Modal",t),_={...Qz(t),autoFocus:o,trapFocus:s,initialFocusRef:a,finalFocusRef:c,returnFocusOnClose:d,blockScrollOnMount:p,allowPinchZoom:h,preserveScrollBarGap:m,motionPreset:v,lockFocusAcrossFrames:b};return i.jsx(tL,{value:_,children:i.jsx(eL,{value:y,children:i.jsx(mo,{onExitComplete:w,children:_.isOpen&&i.jsx(Ju,{...n,children:r})})})})};sd.displayName="Modal";var Pp="right-scroll-bar-position",jp="width-before-scroll-bar",nL="with-scroll-bars-hidden",rL="--removed-body-scroll-bar-size",y6=h3(),D0=function(){},vm=f.forwardRef(function(e,t){var n=f.useRef(null),r=f.useState({onScrollCapture:D0,onWheelCapture:D0,onTouchMoveCapture:D0}),o=r[0],s=r[1],a=e.forwardProps,c=e.children,d=e.className,p=e.removeScrollBar,h=e.enabled,m=e.shards,v=e.sideCar,b=e.noIsolation,w=e.inert,y=e.allowPinchZoom,S=e.as,_=S===void 0?"div":S,k=e.gapMode,j=d3(e,["forwardProps","children","className","removeScrollBar","enabled","shards","sideCar","noIsolation","inert","allowPinchZoom","as","gapMode"]),I=v,E=u3([n,t]),O=Qs(Qs({},j),o);return f.createElement(f.Fragment,null,h&&f.createElement(I,{sideCar:y6,removeScrollBar:p,shards:m,noIsolation:b,inert:w,setCallbacks:s,allowPinchZoom:!!y,lockRef:n,gapMode:k}),a?f.cloneElement(f.Children.only(c),Qs(Qs({},O),{ref:E})):f.createElement(_,Qs({},O,{className:d,ref:E}),c))});vm.defaultProps={enabled:!0,removeScrollBar:!0,inert:!1};vm.classNames={fullWidth:jp,zeroRight:Pp};var oS,oL=function(){if(oS)return oS;if(typeof __webpack_nonce__<"u")return __webpack_nonce__};function sL(){if(!document)return null;var e=document.createElement("style");e.type="text/css";var t=oL();return t&&e.setAttribute("nonce",t),e}function aL(e,t){e.styleSheet?e.styleSheet.cssText=t:e.appendChild(document.createTextNode(t))}function iL(e){var t=document.head||document.getElementsByTagName("head")[0];t.appendChild(e)}var lL=function(){var e=0,t=null;return{add:function(n){e==0&&(t=sL())&&(aL(t,n),iL(t)),e++},remove:function(){e--,!e&&t&&(t.parentNode&&t.parentNode.removeChild(t),t=null)}}},cL=function(){var e=lL();return function(t,n){f.useEffect(function(){return e.add(t),function(){e.remove()}},[t&&n])}},x6=function(){var e=cL(),t=function(n){var r=n.styles,o=n.dynamic;return e(r,o),null};return t},uL={left:0,top:0,right:0,gap:0},A0=function(e){return parseInt(e||"",10)||0},dL=function(e){var t=window.getComputedStyle(document.body),n=t[e==="padding"?"paddingLeft":"marginLeft"],r=t[e==="padding"?"paddingTop":"marginTop"],o=t[e==="padding"?"paddingRight":"marginRight"];return[A0(n),A0(r),A0(o)]},fL=function(e){if(e===void 0&&(e="margin"),typeof window>"u")return uL;var t=dL(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])}},pL=x6(),hL=function(e,t,n,r){var o=e.left,s=e.top,a=e.right,c=e.gap;return n===void 0&&(n="margin"),` + .`.concat(nL,` { + overflow: hidden `).concat(r,`; + padding-right: `).concat(c,"px ").concat(r,`; + } + body { + overflow: hidden `).concat(r,`; + overscroll-behavior: contain; + `).concat([t&&"position: relative ".concat(r,";"),n==="margin"&&` + padding-left: `.concat(o,`px; + padding-top: `).concat(s,`px; + padding-right: `).concat(a,`px; + margin-left:0; + margin-top:0; + margin-right: `).concat(c,"px ").concat(r,`; + `),n==="padding"&&"padding-right: ".concat(c,"px ").concat(r,";")].filter(Boolean).join(""),` + } + + .`).concat(Pp,` { + right: `).concat(c,"px ").concat(r,`; + } + + .`).concat(jp,` { + margin-right: `).concat(c,"px ").concat(r,`; + } + + .`).concat(Pp," .").concat(Pp,` { + right: 0 `).concat(r,`; + } + + .`).concat(jp," .").concat(jp,` { + margin-right: 0 `).concat(r,`; + } + + body { + `).concat(rL,": ").concat(c,`px; + } +`)},mL=function(e){var t=e.noRelative,n=e.noImportant,r=e.gapMode,o=r===void 0?"margin":r,s=f.useMemo(function(){return fL(o)},[o]);return f.createElement(pL,{styles:hL(s,!t,o,n?"":"!important")})},t1=!1;if(typeof window<"u")try{var Ff=Object.defineProperty({},"passive",{get:function(){return t1=!0,!0}});window.addEventListener("test",Ff,Ff),window.removeEventListener("test",Ff,Ff)}catch{t1=!1}var zl=t1?{passive:!1}:!1,gL=function(e){return e.tagName==="TEXTAREA"},w6=function(e,t){var n=window.getComputedStyle(e);return n[t]!=="hidden"&&!(n.overflowY===n.overflowX&&!gL(e)&&n[t]==="visible")},vL=function(e){return w6(e,"overflowY")},bL=function(e){return w6(e,"overflowX")},sS=function(e,t){var n=t.ownerDocument,r=t;do{typeof ShadowRoot<"u"&&r instanceof ShadowRoot&&(r=r.host);var o=S6(e,r);if(o){var s=C6(e,r),a=s[1],c=s[2];if(a>c)return!0}r=r.parentNode}while(r&&r!==n.body);return!1},yL=function(e){var t=e.scrollTop,n=e.scrollHeight,r=e.clientHeight;return[t,n,r]},xL=function(e){var t=e.scrollLeft,n=e.scrollWidth,r=e.clientWidth;return[t,n,r]},S6=function(e,t){return e==="v"?vL(t):bL(t)},C6=function(e,t){return e==="v"?yL(t):xL(t)},wL=function(e,t){return e==="h"&&t==="rtl"?-1:1},SL=function(e,t,n,r,o){var s=wL(e,window.getComputedStyle(t).direction),a=s*r,c=n.target,d=t.contains(c),p=!1,h=a>0,m=0,v=0;do{var b=C6(e,c),w=b[0],y=b[1],S=b[2],_=y-S-s*w;(w||_)&&S6(e,c)&&(m+=_,v+=w),c=c.parentNode}while(!d&&c!==document.body||d&&(t.contains(c)||t===c));return(h&&(o&&m===0||!o&&a>m)||!h&&(o&&v===0||!o&&-a>v))&&(p=!0),p},Hf=function(e){return"changedTouches"in e?[e.changedTouches[0].clientX,e.changedTouches[0].clientY]:[0,0]},aS=function(e){return[e.deltaX,e.deltaY]},iS=function(e){return e&&"current"in e?e.current:e},CL=function(e,t){return e[0]===t[0]&&e[1]===t[1]},kL=function(e){return` + .block-interactivity-`.concat(e,` {pointer-events: none;} + .allow-interactivity-`).concat(e,` {pointer-events: all;} +`)},_L=0,Ll=[];function PL(e){var t=f.useRef([]),n=f.useRef([0,0]),r=f.useRef(),o=f.useState(_L++)[0],s=f.useState(x6)[0],a=f.useRef(e);f.useEffect(function(){a.current=e},[e]),f.useEffect(function(){if(e.inert){document.body.classList.add("block-interactivity-".concat(o));var y=Gv([e.lockRef.current],(e.shards||[]).map(iS),!0).filter(Boolean);return y.forEach(function(S){return S.classList.add("allow-interactivity-".concat(o))}),function(){document.body.classList.remove("block-interactivity-".concat(o)),y.forEach(function(S){return S.classList.remove("allow-interactivity-".concat(o))})}}},[e.inert,e.lockRef.current,e.shards]);var c=f.useCallback(function(y,S){if("touches"in y&&y.touches.length===2)return!a.current.allowPinchZoom;var _=Hf(y),k=n.current,j="deltaX"in y?y.deltaX:k[0]-_[0],I="deltaY"in y?y.deltaY:k[1]-_[1],E,O=y.target,R=Math.abs(j)>Math.abs(I)?"h":"v";if("touches"in y&&R==="h"&&O.type==="range")return!1;var M=sS(R,O);if(!M)return!0;if(M?E=R:(E=R==="v"?"h":"v",M=sS(R,O)),!M)return!1;if(!r.current&&"changedTouches"in y&&(j||I)&&(r.current=E),!E)return!0;var A=r.current||E;return SL(A,S,y,A==="h"?j:I,!0)},[]),d=f.useCallback(function(y){var S=y;if(!(!Ll.length||Ll[Ll.length-1]!==s)){var _="deltaY"in S?aS(S):Hf(S),k=t.current.filter(function(E){return E.name===S.type&&E.target===S.target&&CL(E.delta,_)})[0];if(k&&k.should){S.cancelable&&S.preventDefault();return}if(!k){var j=(a.current.shards||[]).map(iS).filter(Boolean).filter(function(E){return E.contains(S.target)}),I=j.length>0?c(S,j[0]):!a.current.noIsolation;I&&S.cancelable&&S.preventDefault()}}},[]),p=f.useCallback(function(y,S,_,k){var j={name:y,delta:S,target:_,should:k};t.current.push(j),setTimeout(function(){t.current=t.current.filter(function(I){return I!==j})},1)},[]),h=f.useCallback(function(y){n.current=Hf(y),r.current=void 0},[]),m=f.useCallback(function(y){p(y.type,aS(y),y.target,c(y,e.lockRef.current))},[]),v=f.useCallback(function(y){p(y.type,Hf(y),y.target,c(y,e.lockRef.current))},[]);f.useEffect(function(){return Ll.push(s),e.setCallbacks({onScrollCapture:m,onWheelCapture:m,onTouchMoveCapture:v}),document.addEventListener("wheel",d,zl),document.addEventListener("touchmove",d,zl),document.addEventListener("touchstart",h,zl),function(){Ll=Ll.filter(function(y){return y!==s}),document.removeEventListener("wheel",d,zl),document.removeEventListener("touchmove",d,zl),document.removeEventListener("touchstart",h,zl)}},[]);var b=e.removeScrollBar,w=e.inert;return f.createElement(f.Fragment,null,w?f.createElement(s,{styles:kL(o)}):null,b?f.createElement(mL,{gapMode:e.gapMode}):null)}const jL=jT(y6,PL);var k6=f.forwardRef(function(e,t){return f.createElement(vm,Qs({},e,{ref:t,sideCar:jL}))});k6.classNames=vm.classNames;const IL=k6;function EL(e){const{autoFocus:t,trapFocus:n,dialogRef:r,initialFocusRef:o,blockScrollOnMount:s,allowPinchZoom:a,finalFocusRef:c,returnFocusOnClose:d,preserveScrollBarGap:p,lockFocusAcrossFrames:h,isOpen:m}=il(),[v,b]=R7();f.useEffect(()=>{!v&&b&&setTimeout(b)},[v,b]);const w=v6(r,m);return i.jsx(U3,{autoFocus:t,isDisabled:!n,initialFocusRef:o,finalFocusRef:c,restoreFocus:d,contentRef:r,lockFocusAcrossFrames:h,children:i.jsx(IL,{removeScrollBar:!p,allowPinchZoom:a,enabled:w===1&&s,forwardProps:!0,children:e.children})})}var ad=Ae((e,t)=>{const{className:n,children:r,containerProps:o,motionProps:s,...a}=e,{getDialogProps:c,getDialogContainerProps:d}=il(),p=c(a,t),h=d(o),m=Ct("chakra-modal__content",n),v=Hc(),b={display:"flex",flexDirection:"column",position:"relative",width:"100%",outline:0,...v.dialog},w={display:"flex",width:"100vw",height:"$100vh",position:"fixed",left:0,top:0,...v.dialogContainer},{motionPreset:y}=il();return i.jsx(EL,{children:i.jsx(je.div,{...h,className:"chakra-modal__content-container",tabIndex:-1,__css:w,children:i.jsx(g6,{preset:y,motionProps:s,className:m,...p,__css:b,children:r})})})});ad.displayName="ModalContent";function Md(e){const{leastDestructiveRef:t,...n}=e;return i.jsx(sd,{...n,initialFocusRef:t})}var Dd=Ae((e,t)=>i.jsx(ad,{ref:t,role:"alertdialog",...e})),Ra=Ae((e,t)=>{const{className:n,...r}=e,o=Ct("chakra-modal__footer",n),a={display:"flex",alignItems:"center",justifyContent:"flex-end",...Hc().footer};return i.jsx(je.footer,{ref:t,...r,__css:a,className:o})});Ra.displayName="ModalFooter";var Ma=Ae((e,t)=>{const{className:n,...r}=e,{headerId:o,setHeaderMounted:s}=il();f.useEffect(()=>(s(!0),()=>s(!1)),[s]);const a=Ct("chakra-modal__header",n),d={flex:0,...Hc().header};return i.jsx(je.header,{ref:t,className:a,id:o,...r,__css:d})});Ma.displayName="ModalHeader";var OL=je(Ir.div),Da=Ae((e,t)=>{const{className:n,transition:r,motionProps:o,...s}=e,a=Ct("chakra-modal__overlay",n),d={pos:"fixed",left:"0",top:"0",w:"100vw",h:"100vh",...Hc().overlay},{motionPreset:p}=il(),m=o||(p==="none"?{}:B5);return i.jsx(OL,{...m,__css:d,ref:t,className:a,...s})});Da.displayName="ModalOverlay";var Aa=Ae((e,t)=>{const{className:n,...r}=e,{bodyId:o,setBodyMounted:s}=il();f.useEffect(()=>(s(!0),()=>s(!1)),[s]);const a=Ct("chakra-modal__body",n),c=Hc();return i.jsx(je.div,{ref:t,className:a,id:o,...r,__css:c.body})});Aa.displayName="ModalBody";var Ub=Ae((e,t)=>{const{onClick:n,className:r,...o}=e,{onClose:s}=il(),a=Ct("chakra-modal__close-btn",r),c=Hc();return i.jsx(XD,{ref:t,__css:c.closeButton,className:a,onClick:nt(n,d=>{d.stopPropagation(),s()}),...o})});Ub.displayName="ModalCloseButton";var RL=e=>i.jsx(no,{viewBox:"0 0 24 24",...e,children:i.jsx("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"})}),ML=e=>i.jsx(no,{viewBox:"0 0 24 24",...e,children:i.jsx("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 lS(e,t,n,r){f.useEffect(()=>{var o;if(!e.current||!r)return;const s=(o=e.current.ownerDocument.defaultView)!=null?o:window,a=Array.isArray(t)?t:[t],c=new s.MutationObserver(d=>{for(const p of d)p.type==="attributes"&&p.attributeName&&a.includes(p.attributeName)&&n(p)});return c.observe(e.current,{attributes:!0,attributeFilter:a}),()=>c.disconnect()})}function DL(e,t){const n=or(e);f.useEffect(()=>{let r=null;const o=()=>n();return t!==null&&(r=window.setInterval(o,t)),()=>{r&&window.clearInterval(r)}},[t,n])}var AL=50,cS=300;function TL(e,t){const[n,r]=f.useState(!1),[o,s]=f.useState(null),[a,c]=f.useState(!0),d=f.useRef(null),p=()=>clearTimeout(d.current);DL(()=>{o==="increment"&&e(),o==="decrement"&&t()},n?AL:null);const h=f.useCallback(()=>{a&&e(),d.current=setTimeout(()=>{c(!1),r(!0),s("increment")},cS)},[e,a]),m=f.useCallback(()=>{a&&t(),d.current=setTimeout(()=>{c(!1),r(!0),s("decrement")},cS)},[t,a]),v=f.useCallback(()=>{c(!0),r(!1),p()},[]);return f.useEffect(()=>()=>p(),[]),{up:h,down:m,stop:v,isSpinning:n}}var NL=/^[Ee0-9+\-.]$/;function $L(e){return NL.test(e)}function zL(e,t){if(e.key==null)return!0;const n=e.ctrlKey||e.altKey||e.metaKey;return!(e.key.length===1)||n?!0:t(e.key)}function LL(e={}){const{focusInputOnChange:t=!0,clampValueOnBlur:n=!0,keepWithinRange:r=!0,min:o=Number.MIN_SAFE_INTEGER,max:s=Number.MAX_SAFE_INTEGER,step:a=1,isReadOnly:c,isDisabled:d,isRequired:p,isInvalid:h,pattern:m="[0-9]*(.[0-9]+)?",inputMode:v="decimal",allowMouseWheel:b,id:w,onChange:y,precision:S,name:_,"aria-describedby":k,"aria-label":j,"aria-labelledby":I,onFocus:E,onBlur:O,onInvalid:R,getAriaValueText:M,isValidCharacter:A,format:T,parse:$,...Q}=e,B=or(E),V=or(O),q=or(R),G=or(A??$L),D=or(M),L=iT(e),{update:W,increment:Y,decrement:ae}=L,[be,ie]=f.useState(!1),X=!(c||d),K=f.useRef(null),U=f.useRef(null),se=f.useRef(null),re=f.useRef(null),oe=f.useCallback(we=>we.split("").filter(G).join(""),[G]),pe=f.useCallback(we=>{var ht;return(ht=$==null?void 0:$(we))!=null?ht:we},[$]),le=f.useCallback(we=>{var ht;return((ht=T==null?void 0:T(we))!=null?ht:we).toString()},[T]);Ba(()=>{(L.valueAsNumber>s||L.valueAsNumber{if(!K.current)return;if(K.current.value!=L.value){const ht=pe(K.current.value);L.setValue(oe(ht))}},[pe,oe]);const ge=f.useCallback((we=a)=>{X&&Y(we)},[Y,X,a]),ke=f.useCallback((we=a)=>{X&&ae(we)},[ae,X,a]),xe=TL(ge,ke);lS(se,"disabled",xe.stop,xe.isSpinning),lS(re,"disabled",xe.stop,xe.isSpinning);const de=f.useCallback(we=>{if(we.nativeEvent.isComposing)return;const $t=pe(we.currentTarget.value);W(oe($t)),U.current={start:we.currentTarget.selectionStart,end:we.currentTarget.selectionEnd}},[W,oe,pe]),Te=f.useCallback(we=>{var ht,$t,zt;B==null||B(we),U.current&&(we.target.selectionStart=($t=U.current.start)!=null?$t:(ht=we.currentTarget.value)==null?void 0:ht.length,we.currentTarget.selectionEnd=(zt=U.current.end)!=null?zt:we.currentTarget.selectionStart)},[B]),Oe=f.useCallback(we=>{if(we.nativeEvent.isComposing)return;zL(we,G)||we.preventDefault();const ht=$e(we)*a,$t=we.key,ze={ArrowUp:()=>ge(ht),ArrowDown:()=>ke(ht),Home:()=>W(o),End:()=>W(s)}[$t];ze&&(we.preventDefault(),ze(we))},[G,a,ge,ke,W,o,s]),$e=we=>{let ht=1;return(we.metaKey||we.ctrlKey)&&(ht=.1),we.shiftKey&&(ht=10),ht},kt=f.useMemo(()=>{const we=D==null?void 0:D(L.value);if(we!=null)return we;const ht=L.value.toString();return ht||void 0},[L.value,D]),ct=f.useCallback(()=>{let we=L.value;if(L.value==="")return;/^[eE]/.test(L.value.toString())?L.setValue(""):(L.valueAsNumbers&&(we=s),L.cast(we))},[L,s,o]),on=f.useCallback(()=>{ie(!1),n&&ct()},[n,ie,ct]),vt=f.useCallback(()=>{t&&requestAnimationFrame(()=>{var we;(we=K.current)==null||we.focus()})},[t]),bt=f.useCallback(we=>{we.preventDefault(),xe.up(),vt()},[vt,xe]),Se=f.useCallback(we=>{we.preventDefault(),xe.down(),vt()},[vt,xe]);Qi(()=>K.current,"wheel",we=>{var ht,$t;const ze=(($t=(ht=K.current)==null?void 0:ht.ownerDocument)!=null?$t:document).activeElement===K.current;if(!b||!ze)return;we.preventDefault();const Ke=$e(we)*a,Pn=Math.sign(we.deltaY);Pn===-1?ge(Ke):Pn===1&&ke(Ke)},{passive:!1});const Me=f.useCallback((we={},ht=null)=>{const $t=d||r&&L.isAtMax;return{...we,ref:cn(ht,se),role:"button",tabIndex:-1,onPointerDown:nt(we.onPointerDown,zt=>{zt.button!==0||$t||bt(zt)}),onPointerLeave:nt(we.onPointerLeave,xe.stop),onPointerUp:nt(we.onPointerUp,xe.stop),disabled:$t,"aria-disabled":ns($t)}},[L.isAtMax,r,bt,xe.stop,d]),Pt=f.useCallback((we={},ht=null)=>{const $t=d||r&&L.isAtMin;return{...we,ref:cn(ht,re),role:"button",tabIndex:-1,onPointerDown:nt(we.onPointerDown,zt=>{zt.button!==0||$t||Se(zt)}),onPointerLeave:nt(we.onPointerLeave,xe.stop),onPointerUp:nt(we.onPointerUp,xe.stop),disabled:$t,"aria-disabled":ns($t)}},[L.isAtMin,r,Se,xe.stop,d]),Tt=f.useCallback((we={},ht=null)=>{var $t,zt,ze,Ke;return{name:_,inputMode:v,type:"text",pattern:m,"aria-labelledby":I,"aria-label":j,"aria-describedby":k,id:w,disabled:d,...we,readOnly:($t=we.readOnly)!=null?$t:c,"aria-readonly":(zt=we.readOnly)!=null?zt:c,"aria-required":(ze=we.required)!=null?ze:p,required:(Ke=we.required)!=null?Ke:p,ref:cn(K,ht),value:le(L.value),role:"spinbutton","aria-valuemin":o,"aria-valuemax":s,"aria-valuenow":Number.isNaN(L.valueAsNumber)?void 0:L.valueAsNumber,"aria-invalid":ns(h??L.isOutOfRange),"aria-valuetext":kt,autoComplete:"off",autoCorrect:"off",onChange:nt(we.onChange,de),onKeyDown:nt(we.onKeyDown,Oe),onFocus:nt(we.onFocus,Te,()=>ie(!0)),onBlur:nt(we.onBlur,V,on)}},[_,v,m,I,j,le,k,w,d,p,c,h,L.value,L.valueAsNumber,L.isOutOfRange,o,s,kt,de,Oe,Te,V,on]);return{value:le(L.value),valueAsNumber:L.valueAsNumber,isFocused:be,isDisabled:d,isReadOnly:c,getIncrementButtonProps:Me,getDecrementButtonProps:Pt,getInputProps:Tt,htmlProps:Q}}var[BL,bm]=Dn({name:"NumberInputStylesContext",errorMessage:`useNumberInputStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),[FL,Gb]=Dn({name:"NumberInputContext",errorMessage:"useNumberInputContext: `context` is undefined. Seems you forgot to wrap number-input's components within "}),ym=Ae(function(t,n){const r=Fr("NumberInput",t),o=qn(t),s=mb(o),{htmlProps:a,...c}=LL(s),d=f.useMemo(()=>c,[c]);return i.jsx(FL,{value:d,children:i.jsx(BL,{value:r,children:i.jsx(je.div,{...a,ref:n,className:Ct("chakra-numberinput",t.className),__css:{position:"relative",zIndex:0,...r.root}})})})});ym.displayName="NumberInput";var xm=Ae(function(t,n){const r=bm();return i.jsx(je.div,{"aria-hidden":!0,ref:n,...t,__css:{display:"flex",flexDirection:"column",position:"absolute",top:"0",insetEnd:"0px",margin:"1px",height:"calc(100% - 2px)",zIndex:1,...r.stepperGroup}})});xm.displayName="NumberInputStepper";var wm=Ae(function(t,n){const{getInputProps:r}=Gb(),o=r(t,n),s=bm();return i.jsx(je.input,{...o,className:Ct("chakra-numberinput__field",t.className),__css:{width:"100%",...s.field}})});wm.displayName="NumberInputField";var _6=je("div",{baseStyle:{display:"flex",justifyContent:"center",alignItems:"center",flex:1,transitionProperty:"common",transitionDuration:"normal",userSelect:"none",cursor:"pointer",lineHeight:"normal"}}),Sm=Ae(function(t,n){var r;const o=bm(),{getDecrementButtonProps:s}=Gb(),a=s(t,n);return i.jsx(_6,{...a,__css:o.stepper,children:(r=t.children)!=null?r:i.jsx(RL,{})})});Sm.displayName="NumberDecrementStepper";var Cm=Ae(function(t,n){var r;const{getIncrementButtonProps:o}=Gb(),s=o(t,n),a=bm();return i.jsx(_6,{...s,__css:a.stepper,children:(r=t.children)!=null?r:i.jsx(ML,{})})});Cm.displayName="NumberIncrementStepper";var[HL,Ad]=Dn({name:"PopoverContext",errorMessage:"usePopoverContext: `context` is undefined. Seems you forgot to wrap all popover components within ``"}),[WL,qb]=Dn({name:"PopoverStylesContext",errorMessage:`usePopoverStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `});function Kb(e){const t=f.Children.only(e.children),{getTriggerProps:n}=Ad();return f.cloneElement(t,n(t.props,t.ref))}Kb.displayName="PopoverTrigger";var Bl={click:"click",hover:"hover"};function VL(e={}){const{closeOnBlur:t=!0,closeOnEsc:n=!0,initialFocusRef:r,id:o,returnFocusOnClose:s=!0,autoFocus:a=!0,arrowSize:c,arrowShadowColor:d,trigger:p=Bl.click,openDelay:h=200,closeDelay:m=200,isLazy:v,lazyBehavior:b="unmount",computePositionOnMount:w,...y}=e,{isOpen:S,onClose:_,onOpen:k,onToggle:j}=Hb(e),I=f.useRef(null),E=f.useRef(null),O=f.useRef(null),R=f.useRef(!1),M=f.useRef(!1);S&&(M.current=!0);const[A,T]=f.useState(!1),[$,Q]=f.useState(!1),B=f.useId(),V=o??B,[q,G,D,L]=["popover-trigger","popover-content","popover-header","popover-body"].map(de=>`${de}-${V}`),{referenceRef:W,getArrowProps:Y,getPopperProps:ae,getArrowInnerProps:be,forceUpdate:ie}=Fb({...y,enabled:S||!!w}),X=u6({isOpen:S,ref:O});o3({enabled:S,ref:E}),Z3(O,{focusRef:E,visible:S,shouldFocus:s&&p===Bl.click}),QN(O,{focusRef:r,visible:S,shouldFocus:a&&p===Bl.click});const K=Wb({wasSelected:M.current,enabled:v,mode:b,isSelected:X.present}),U=f.useCallback((de={},Te=null)=>{const Oe={...de,style:{...de.style,transformOrigin:jr.transformOrigin.varRef,[jr.arrowSize.var]:c?`${c}px`:void 0,[jr.arrowShadowColor.var]:d},ref:cn(O,Te),children:K?de.children:null,id:G,tabIndex:-1,role:"dialog",onKeyDown:nt(de.onKeyDown,$e=>{n&&$e.key==="Escape"&&_()}),onBlur:nt(de.onBlur,$e=>{const kt=uS($e),ct=T0(O.current,kt),on=T0(E.current,kt);S&&t&&(!ct&&!on)&&_()}),"aria-labelledby":A?D:void 0,"aria-describedby":$?L:void 0};return p===Bl.hover&&(Oe.role="tooltip",Oe.onMouseEnter=nt(de.onMouseEnter,()=>{R.current=!0}),Oe.onMouseLeave=nt(de.onMouseLeave,$e=>{$e.nativeEvent.relatedTarget!==null&&(R.current=!1,setTimeout(()=>_(),m))})),Oe},[K,G,A,D,$,L,p,n,_,S,t,m,d,c]),se=f.useCallback((de={},Te=null)=>ae({...de,style:{visibility:S?"visible":"hidden",...de.style}},Te),[S,ae]),re=f.useCallback((de,Te=null)=>({...de,ref:cn(Te,I,W)}),[I,W]),oe=f.useRef(),pe=f.useRef(),le=f.useCallback(de=>{I.current==null&&W(de)},[W]),ge=f.useCallback((de={},Te=null)=>{const Oe={...de,ref:cn(E,Te,le),id:q,"aria-haspopup":"dialog","aria-expanded":S,"aria-controls":G};return p===Bl.click&&(Oe.onClick=nt(de.onClick,j)),p===Bl.hover&&(Oe.onFocus=nt(de.onFocus,()=>{oe.current===void 0&&k()}),Oe.onBlur=nt(de.onBlur,$e=>{const kt=uS($e),ct=!T0(O.current,kt);S&&t&&ct&&_()}),Oe.onKeyDown=nt(de.onKeyDown,$e=>{$e.key==="Escape"&&_()}),Oe.onMouseEnter=nt(de.onMouseEnter,()=>{R.current=!0,oe.current=window.setTimeout(()=>k(),h)}),Oe.onMouseLeave=nt(de.onMouseLeave,()=>{R.current=!1,oe.current&&(clearTimeout(oe.current),oe.current=void 0),pe.current=window.setTimeout(()=>{R.current===!1&&_()},m)})),Oe},[q,S,G,p,le,j,k,t,_,h,m]);f.useEffect(()=>()=>{oe.current&&clearTimeout(oe.current),pe.current&&clearTimeout(pe.current)},[]);const ke=f.useCallback((de={},Te=null)=>({...de,id:D,ref:cn(Te,Oe=>{T(!!Oe)})}),[D]),xe=f.useCallback((de={},Te=null)=>({...de,id:L,ref:cn(Te,Oe=>{Q(!!Oe)})}),[L]);return{forceUpdate:ie,isOpen:S,onAnimationComplete:X.onComplete,onClose:_,getAnchorProps:re,getArrowProps:Y,getArrowInnerProps:be,getPopoverPositionerProps:se,getPopoverProps:U,getTriggerProps:ge,getHeaderProps:ke,getBodyProps:xe}}function T0(e,t){return e===t||(e==null?void 0:e.contains(t))}function uS(e){var t;const n=e.currentTarget.ownerDocument.activeElement;return(t=e.relatedTarget)!=null?t:n}function Xb(e){const t=Fr("Popover",e),{children:n,...r}=qn(e),o=Ac(),s=VL({...r,direction:o.direction});return i.jsx(HL,{value:s,children:i.jsx(WL,{value:t,children:X1(n,{isOpen:s.isOpen,onClose:s.onClose,forceUpdate:s.forceUpdate})})})}Xb.displayName="Popover";var N0=(e,t)=>t?`${e}.${t}, ${t}`:void 0;function P6(e){var t;const{bg:n,bgColor:r,backgroundColor:o,shadow:s,boxShadow:a,shadowColor:c}=e,{getArrowProps:d,getArrowInnerProps:p}=Ad(),h=qb(),m=(t=n??r)!=null?t:o,v=s??a;return i.jsx(je.div,{...d(),className:"chakra-popover__arrow-positioner",children:i.jsx(je.div,{className:Ct("chakra-popover__arrow",e.className),...p(e),__css:{"--popper-arrow-shadow-color":N0("colors",c),"--popper-arrow-bg":N0("colors",m),"--popper-arrow-shadow":N0("shadows",v),...h.arrow}})})}P6.displayName="PopoverArrow";var j6=Ae(function(t,n){const{getBodyProps:r}=Ad(),o=qb();return i.jsx(je.div,{...r(t,n),className:Ct("chakra-popover__body",t.className),__css:o.body})});j6.displayName="PopoverBody";function UL(e){if(e)return{enter:{...e.enter,visibility:"visible"},exit:{...e.exit,transitionEnd:{visibility:"hidden"}}}}var GL={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]}}},qL=je(Ir.section),I6=Ae(function(t,n){const{variants:r=GL,...o}=t,{isOpen:s}=Ad();return i.jsx(qL,{ref:n,variants:UL(r),initial:!1,animate:s?"enter":"exit",...o})});I6.displayName="PopoverTransition";var Yb=Ae(function(t,n){const{rootProps:r,motionProps:o,...s}=t,{getPopoverProps:a,getPopoverPositionerProps:c,onAnimationComplete:d}=Ad(),p=qb(),h={position:"relative",display:"flex",flexDirection:"column",...p.content};return i.jsx(je.div,{...c(r),__css:p.popper,className:"chakra-popover__popper",children:i.jsx(I6,{...o,...a(s,n),onAnimationComplete:sm(d,s.onAnimationComplete),className:Ct("chakra-popover__content",t.className),__css:h})})});Yb.displayName="PopoverContent";function KL(e,t,n){return(e-t)*100/(n-t)}za({"0%":{strokeDasharray:"1, 400",strokeDashoffset:"0"},"50%":{strokeDasharray:"400, 400",strokeDashoffset:"-100"},"100%":{strokeDasharray:"400, 400",strokeDashoffset:"-260"}});za({"0%":{transform:"rotate(0deg)"},"100%":{transform:"rotate(360deg)"}});var XL=za({"0%":{left:"-40%"},"100%":{left:"100%"}}),YL=za({from:{backgroundPosition:"1rem 0"},to:{backgroundPosition:"0 0"}});function QL(e){const{value:t=0,min:n,max:r,valueText:o,getValueText:s,isIndeterminate:a,role:c="progressbar"}=e,d=KL(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(t!=null)return typeof s=="function"?s(t,d):o})(),role:c},percent:d,value:t}}var[JL,ZL]=Dn({name:"ProgressStylesContext",errorMessage:`useProgressStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),eB=Ae((e,t)=>{const{min:n,max:r,value:o,isIndeterminate:s,role:a,...c}=e,d=QL({value:o,min:n,max:r,isIndeterminate:s,role:a}),h={height:"100%",...ZL().filledTrack};return i.jsx(je.div,{ref:t,style:{width:`${d.percent}%`,...c.style},...d.bind,...c,__css:h})}),E6=Ae((e,t)=>{var n;const{value:r,min:o=0,max:s=100,hasStripe:a,isAnimated:c,children:d,borderRadius:p,isIndeterminate:h,"aria-label":m,"aria-labelledby":v,"aria-valuetext":b,title:w,role:y,...S}=qn(e),_=Fr("Progress",e),k=p??((n=_.track)==null?void 0:n.borderRadius),j={animation:`${YL} 1s linear infinite`},O={...!h&&a&&c&&j,...h&&{position:"absolute",willChange:"left",minWidth:"50%",animation:`${XL} 1s ease infinite normal none running`}},R={overflow:"hidden",position:"relative",..._.track};return i.jsx(je.div,{ref:t,borderRadius:k,__css:R,...S,children:i.jsxs(JL,{value:_,children:[i.jsx(eB,{"aria-label":m,"aria-labelledby":v,"aria-valuetext":b,min:o,max:s,value:r,isIndeterminate:h,css:O,borderRadius:k,title:w,role:y}),d]})})});E6.displayName="Progress";function tB(e){return e&&_v(e)&&_v(e.target)}function nB(e={}){const{onChange:t,value:n,defaultValue:r,name:o,isDisabled:s,isFocusable:a,isNative:c,...d}=e,[p,h]=f.useState(r||""),m=typeof n<"u",v=m?n:p,b=f.useRef(null),w=f.useCallback(()=>{const E=b.current;if(!E)return;let O="input:not(:disabled):checked";const R=E.querySelector(O);if(R){R.focus();return}O="input:not(:disabled)";const M=E.querySelector(O);M==null||M.focus()},[]),S=`radio-${f.useId()}`,_=o||S,k=f.useCallback(E=>{const O=tB(E)?E.target.value:E;m||h(O),t==null||t(String(O))},[t,m]),j=f.useCallback((E={},O=null)=>({...E,ref:cn(O,b),role:"radiogroup"}),[]),I=f.useCallback((E={},O=null)=>({...E,ref:O,name:_,[c?"checked":"isChecked"]:v!=null?E.value===v:void 0,onChange(M){k(M)},"data-radiogroup":!0}),[c,_,k,v]);return{getRootProps:j,getRadioProps:I,name:_,ref:b,focus:w,setValue:h,value:v,onChange:k,isDisabled:s,isFocusable:a,htmlProps:d}}var[rB,O6]=Dn({name:"RadioGroupContext",strict:!1}),Zp=Ae((e,t)=>{const{colorScheme:n,size:r,variant:o,children:s,className:a,isDisabled:c,isFocusable:d,...p}=e,{value:h,onChange:m,getRootProps:v,name:b,htmlProps:w}=nB(p),y=f.useMemo(()=>({name:b,size:r,onChange:m,colorScheme:n,value:h,variant:o,isDisabled:c,isFocusable:d}),[b,r,m,n,h,o,c,d]);return i.jsx(rB,{value:y,children:i.jsx(je.div,{...v(w,t),className:Ct("chakra-radio-group",a),children:s})})});Zp.displayName="RadioGroup";var oB={border:"0",clip:"rect(0, 0, 0, 0)",height:"1px",width:"1px",margin:"-1px",padding:"0",overflow:"hidden",whiteSpace:"nowrap",position:"absolute"};function sB(e={}){const{defaultChecked:t,isChecked:n,isFocusable:r,isDisabled:o,isReadOnly:s,isRequired:a,onChange:c,isInvalid:d,name:p,value:h,id:m,"data-radiogroup":v,"aria-describedby":b,...w}=e,y=`radio-${f.useId()}`,S=kd(),k=!!O6()||!!v;let I=!!S&&!k?S.id:y;I=m??I;const E=o??(S==null?void 0:S.isDisabled),O=s??(S==null?void 0:S.isReadOnly),R=a??(S==null?void 0:S.isRequired),M=d??(S==null?void 0:S.isInvalid),[A,T]=f.useState(!1),[$,Q]=f.useState(!1),[B,V]=f.useState(!1),[q,G]=f.useState(!1),[D,L]=f.useState(!!t),W=typeof n<"u",Y=W?n:D;f.useEffect(()=>q5(T),[]);const ae=f.useCallback(le=>{if(O||E){le.preventDefault();return}W||L(le.target.checked),c==null||c(le)},[W,E,O,c]),be=f.useCallback(le=>{le.key===" "&&G(!0)},[G]),ie=f.useCallback(le=>{le.key===" "&&G(!1)},[G]),X=f.useCallback((le={},ge=null)=>({...le,ref:ge,"data-active":Ft(q),"data-hover":Ft(B),"data-disabled":Ft(E),"data-invalid":Ft(M),"data-checked":Ft(Y),"data-focus":Ft($),"data-focus-visible":Ft($&&A),"data-readonly":Ft(O),"aria-hidden":!0,onMouseDown:nt(le.onMouseDown,()=>G(!0)),onMouseUp:nt(le.onMouseUp,()=>G(!1)),onMouseEnter:nt(le.onMouseEnter,()=>V(!0)),onMouseLeave:nt(le.onMouseLeave,()=>V(!1))}),[q,B,E,M,Y,$,O,A]),{onFocus:K,onBlur:U}=S??{},se=f.useCallback((le={},ge=null)=>{const ke=E&&!r;return{...le,id:I,ref:ge,type:"radio",name:p,value:h,onChange:nt(le.onChange,ae),onBlur:nt(U,le.onBlur,()=>Q(!1)),onFocus:nt(K,le.onFocus,()=>Q(!0)),onKeyDown:nt(le.onKeyDown,be),onKeyUp:nt(le.onKeyUp,ie),checked:Y,disabled:ke,readOnly:O,required:R,"aria-invalid":ns(M),"aria-disabled":ns(ke),"aria-required":ns(R),"data-readonly":Ft(O),"aria-describedby":b,style:oB}},[E,r,I,p,h,ae,U,K,be,ie,Y,O,R,M,b]);return{state:{isInvalid:M,isFocused:$,isChecked:Y,isActive:q,isHovered:B,isDisabled:E,isReadOnly:O,isRequired:R},getCheckboxProps:X,getRadioProps:X,getInputProps:se,getLabelProps:(le={},ge=null)=>({...le,ref:ge,onMouseDown:nt(le.onMouseDown,aB),"data-disabled":Ft(E),"data-checked":Ft(Y),"data-invalid":Ft(M)}),getRootProps:(le,ge=null)=>({...le,ref:ge,"data-disabled":Ft(E),"data-checked":Ft(Y),"data-invalid":Ft(M)}),htmlProps:w}}function aB(e){e.preventDefault(),e.stopPropagation()}function iB(e,t){const n={},r={};for(const[o,s]of Object.entries(e))t.includes(o)?n[o]=s:r[o]=s;return[n,r]}var ya=Ae((e,t)=>{var n;const r=O6(),{onChange:o,value:s}=e,a=Fr("Radio",{...r,...e}),c=qn(e),{spacing:d="0.5rem",children:p,isDisabled:h=r==null?void 0:r.isDisabled,isFocusable:m=r==null?void 0:r.isFocusable,inputProps:v,...b}=c;let w=e.isChecked;(r==null?void 0:r.value)!=null&&s!=null&&(w=r.value===s);let y=o;r!=null&&r.onChange&&s!=null&&(y=sm(r.onChange,o));const S=(n=e==null?void 0:e.name)!=null?n:r==null?void 0:r.name,{getInputProps:_,getCheckboxProps:k,getLabelProps:j,getRootProps:I,htmlProps:E}=sB({...b,isChecked:w,isFocusable:m,isDisabled:h,onChange:y,name:S}),[O,R]=iB(E,R_),M=k(R),A=_(v,t),T=j(),$=Object.assign({},O,I()),Q={display:"inline-flex",alignItems:"center",verticalAlign:"top",cursor:"pointer",position:"relative",...a.container},B={display:"inline-flex",alignItems:"center",justifyContent:"center",flexShrink:0,...a.control},V={userSelect:"none",marginStart:d,...a.label};return i.jsxs(je.label,{className:"chakra-radio",...$,__css:Q,children:[i.jsx("input",{className:"chakra-radio__input",...A}),i.jsx(je.span,{className:"chakra-radio__control",...M,__css:B}),p&&i.jsx(je.span,{className:"chakra-radio__label",...T,__css:V,children:p})]})});ya.displayName="Radio";var R6=Ae(function(t,n){const{children:r,placeholder:o,className:s,...a}=t;return i.jsxs(je.select,{...a,ref:n,className:Ct("chakra-select",s),children:[o&&i.jsx("option",{value:"",children:o}),r]})});R6.displayName="SelectField";function lB(e,t){const n={},r={};for(const[o,s]of Object.entries(e))t.includes(o)?n[o]=s:r[o]=s;return[n,r]}var M6=Ae((e,t)=>{var n;const r=Fr("Select",e),{rootProps:o,placeholder:s,icon:a,color:c,height:d,h:p,minH:h,minHeight:m,iconColor:v,iconSize:b,...w}=qn(e),[y,S]=lB(w,R_),_=hb(S),k={width:"100%",height:"fit-content",position:"relative",color:c},j={paddingEnd:"2rem",...r.field,_focus:{zIndex:"unset",...(n=r.field)==null?void 0:n._focus}};return i.jsxs(je.div,{className:"chakra-select__wrapper",__css:k,...y,...o,children:[i.jsx(R6,{ref:t,height:p??d,minH:h??m,placeholder:s,..._,__css:j,children:e.children}),i.jsx(D6,{"data-disabled":Ft(_.disabled),...(v||c)&&{color:v||c},__css:r.icon,...b&&{fontSize:b},children:a})]})});M6.displayName="Select";var cB=e=>i.jsx("svg",{viewBox:"0 0 24 24",...e,children:i.jsx("path",{fill:"currentColor",d:"M16.59 8.59L12 13.17 7.41 8.59 6 10l6 6 6-6z"})}),uB=je("div",{baseStyle:{position:"absolute",display:"inline-flex",alignItems:"center",justifyContent:"center",pointerEvents:"none",top:"50%",transform:"translateY(-50%)"}}),D6=e=>{const{children:t=i.jsx(cB,{}),...n}=e,r=f.cloneElement(t,{role:"presentation",className:"chakra-select__icon",focusable:!1,"aria-hidden":!0,style:{width:"1em",height:"1em",color:"currentColor"}});return i.jsx(uB,{...n,className:"chakra-select__icon-wrapper",children:f.isValidElement(t)?r:null})};D6.displayName="SelectIcon";function dB(){const e=f.useRef(!0);return f.useEffect(()=>{e.current=!1},[]),e.current}function fB(e){const t=f.useRef();return f.useEffect(()=>{t.current=e},[e]),t.current}var pB=je("div",{baseStyle:{boxShadow:"none",backgroundClip:"padding-box",cursor:"default",color:"transparent",pointerEvents:"none",userSelect:"none","&::before, &::after, *":{visibility:"hidden"}}}),n1=M_("skeleton-start-color"),r1=M_("skeleton-end-color"),hB=za({from:{opacity:0},to:{opacity:1}}),mB=za({from:{borderColor:n1.reference,background:n1.reference},to:{borderColor:r1.reference,background:r1.reference}}),km=Ae((e,t)=>{const n={...e,fadeDuration:typeof e.fadeDuration=="number"?e.fadeDuration:.4,speed:typeof e.speed=="number"?e.speed:.8},r=ia("Skeleton",n),o=dB(),{startColor:s="",endColor:a="",isLoaded:c,fadeDuration:d,speed:p,className:h,fitContent:m,...v}=qn(n),[b,w]=Tc("colors",[s,a]),y=fB(c),S=Ct("chakra-skeleton",h),_={...b&&{[n1.variable]:b},...w&&{[r1.variable]:w}};if(c){const k=o||y?"none":`${hB} ${d}s`;return i.jsx(je.div,{ref:t,className:S,__css:{animation:k},...v})}return i.jsx(pB,{ref:t,className:S,...v,__css:{width:m?"fit-content":void 0,...r,..._,_dark:{...r._dark,..._},animation:`${p}s linear infinite alternate ${mB}`}})});km.displayName="Skeleton";var Jo=e=>e?"":void 0,cc=e=>e?!0:void 0,Ii=(...e)=>e.filter(Boolean).join(" ");function uc(...e){return function(n){e.some(r=>(r==null||r(n),n==null?void 0:n.defaultPrevented))}}function gB(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}`}}function Mu(e){const{orientation:t,vertical:n,horizontal:r}=e;return t==="vertical"?n:r}var Ip={width:0,height:0},Wf=e=>e||Ip;function A6(e){const{orientation:t,thumbPercents:n,thumbRects:r,isReversed:o}=e,s=y=>{var S;const _=(S=r[y])!=null?S:Ip;return{position:"absolute",userSelect:"none",WebkitUserSelect:"none",MozUserSelect:"none",msUserSelect:"none",touchAction:"none",...Mu({orientation:t,vertical:{bottom:`calc(${n[y]}% - ${_.height/2}px)`},horizontal:{left:`calc(${n[y]}% - ${_.width/2}px)`}})}},a=t==="vertical"?r.reduce((y,S)=>Wf(y).height>Wf(S).height?y:S,Ip):r.reduce((y,S)=>Wf(y).width>Wf(S).width?y:S,Ip),c={position:"relative",touchAction:"none",WebkitTapHighlightColor:"rgba(0,0,0,0)",userSelect:"none",outline:0,...Mu({orientation:t,vertical:a?{paddingLeft:a.width/2,paddingRight:a.width/2}:{},horizontal:a?{paddingTop:a.height/2,paddingBottom:a.height/2}:{}})},d={position:"absolute",...Mu({orientation:t,vertical:{left:"50%",transform:"translateX(-50%)",height:"100%"},horizontal:{top:"50%",transform:"translateY(-50%)",width:"100%"}})},p=n.length===1,h=[0,o?100-n[0]:n[0]],m=p?h:n;let v=m[0];!p&&o&&(v=100-v);const b=Math.abs(m[m.length-1]-m[0]),w={...d,...Mu({orientation:t,vertical:o?{height:`${b}%`,top:`${v}%`}:{height:`${b}%`,bottom:`${v}%`},horizontal:o?{width:`${b}%`,right:`${v}%`}:{width:`${b}%`,left:`${v}%`}})};return{trackStyle:d,innerTrackStyle:w,rootStyle:c,getThumbStyle:s}}function T6(e){const{isReversed:t,direction:n,orientation:r}=e;return n==="ltr"||r==="vertical"?t:!t}function vB(e,t,n,r){return e.addEventListener(t,n,r),()=>{e.removeEventListener(t,n,r)}}function bB(e){const t=xB(e);return typeof t.PointerEvent<"u"&&e instanceof t.PointerEvent?e.pointerType==="mouse":e instanceof t.MouseEvent}function N6(e){return!!e.touches}function yB(e){return N6(e)&&e.touches.length>1}function xB(e){var t;return(t=e.view)!=null?t:window}function wB(e,t="page"){const n=e.touches[0]||e.changedTouches[0];return{x:n[`${t}X`],y:n[`${t}Y`]}}function SB(e,t="page"){return{x:e[`${t}X`],y:e[`${t}Y`]}}function $6(e,t="page"){return N6(e)?wB(e,t):SB(e,t)}function CB(e){return t=>{const n=bB(t);(!n||n&&t.button===0)&&e(t)}}function kB(e,t=!1){function n(o){e(o,{point:$6(o)})}return t?CB(n):n}function Ep(e,t,n,r){return vB(e,t,kB(n,t==="pointerdown"),r)}var _B=Object.defineProperty,PB=(e,t,n)=>t in e?_B(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,bs=(e,t,n)=>(PB(e,typeof t!="symbol"?t+"":t,n),n),jB=class{constructor(e,t,n){bs(this,"history",[]),bs(this,"startEvent",null),bs(this,"lastEvent",null),bs(this,"lastEventInfo",null),bs(this,"handlers",{}),bs(this,"removeListeners",()=>{}),bs(this,"threshold",3),bs(this,"win"),bs(this,"updatePoint",()=>{if(!(this.lastEvent&&this.lastEventInfo))return;const c=$0(this.lastEventInfo,this.history),d=this.startEvent!==null,p=RB(c.offset,{x:0,y:0})>=this.threshold;if(!d&&!p)return;const{timestamp:h}=_w();this.history.push({...c.point,timestamp:h});const{onStart:m,onMove:v}=this.handlers;d||(m==null||m(this.lastEvent,c),this.startEvent=this.lastEvent),v==null||v(this.lastEvent,c)}),bs(this,"onPointerMove",(c,d)=>{this.lastEvent=c,this.lastEventInfo=d,X9.update(this.updatePoint,!0)}),bs(this,"onPointerUp",(c,d)=>{const p=$0(d,this.history),{onEnd:h,onSessionEnd:m}=this.handlers;m==null||m(c,p),this.end(),!(!h||!this.startEvent)&&(h==null||h(c,p))});var r;if(this.win=(r=e.view)!=null?r:window,yB(e))return;this.handlers=t,n&&(this.threshold=n),e.stopPropagation(),e.preventDefault();const o={point:$6(e)},{timestamp:s}=_w();this.history=[{...o.point,timestamp:s}];const{onSessionStart:a}=t;a==null||a(e,$0(o,this.history)),this.removeListeners=OB(Ep(this.win,"pointermove",this.onPointerMove),Ep(this.win,"pointerup",this.onPointerUp),Ep(this.win,"pointercancel",this.onPointerUp))}updateHandlers(e){this.handlers=e}end(){var e;(e=this.removeListeners)==null||e.call(this),Y9.update(this.updatePoint)}};function dS(e,t){return{x:e.x-t.x,y:e.y-t.y}}function $0(e,t){return{point:e.point,delta:dS(e.point,t[t.length-1]),offset:dS(e.point,t[0]),velocity:EB(t,.1)}}var IB=e=>e*1e3;function EB(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>IB(t)));)n--;if(!r)return{x:0,y:0};const s=(o.timestamp-r.timestamp)/1e3;if(s===0)return{x:0,y:0};const a={x:(o.x-r.x)/s,y:(o.y-r.y)/s};return a.x===1/0&&(a.x=0),a.y===1/0&&(a.y=0),a}function OB(...e){return t=>e.reduce((n,r)=>r(n),t)}function z0(e,t){return Math.abs(e-t)}function fS(e){return"x"in e&&"y"in e}function RB(e,t){if(typeof e=="number"&&typeof t=="number")return z0(e,t);if(fS(e)&&fS(t)){const n=z0(e.x,t.x),r=z0(e.y,t.y);return Math.sqrt(n**2+r**2)}return 0}function z6(e){const t=f.useRef(null);return t.current=e,t}function L6(e,t){const{onPan:n,onPanStart:r,onPanEnd:o,onPanSessionStart:s,onPanSessionEnd:a,threshold:c}=t,d=!!(n||r||o||s||a),p=f.useRef(null),h=z6({onSessionStart:s,onSessionEnd:a,onStart:r,onMove:n,onEnd(m,v){p.current=null,o==null||o(m,v)}});f.useEffect(()=>{var m;(m=p.current)==null||m.updateHandlers(h.current)}),f.useEffect(()=>{const m=e.current;if(!m||!d)return;function v(b){p.current=new jB(b,h.current,c)}return Ep(m,"pointerdown",v)},[e,d,h,c]),f.useEffect(()=>()=>{var m;(m=p.current)==null||m.end(),p.current=null},[])}function MB(e,t){if(!e){t(void 0);return}t({width:e.offsetWidth,height:e.offsetHeight});const n=e.ownerDocument.defaultView??window,r=new n.ResizeObserver(o=>{if(!Array.isArray(o)||!o.length)return;const[s]=o;let a,c;if("borderBoxSize"in s){const d=s.borderBoxSize,p=Array.isArray(d)?d[0]:d;a=p.inlineSize,c=p.blockSize}else a=e.offsetWidth,c=e.offsetHeight;t({width:a,height:c})});return r.observe(e,{box:"border-box"}),()=>r.unobserve(e)}var DB=globalThis!=null&&globalThis.document?f.useLayoutEffect:f.useEffect;function AB(e,t){var n,r;if(!e||!e.parentElement)return;const o=(r=(n=e.ownerDocument)==null?void 0:n.defaultView)!=null?r:window,s=new o.MutationObserver(()=>{t()});return s.observe(e.parentElement,{childList:!0}),()=>{s.disconnect()}}function B6({getNodes:e,observeMutation:t=!0}){const[n,r]=f.useState([]),[o,s]=f.useState(0);return DB(()=>{const a=e(),c=a.map((d,p)=>MB(d,h=>{r(m=>[...m.slice(0,p),h,...m.slice(p+1)])}));if(t){const d=a[0];c.push(AB(d,()=>{s(p=>p+1)}))}return()=>{c.forEach(d=>{d==null||d()})}},[o]),n}function TB(e){return typeof e=="object"&&e!==null&&"current"in e}function NB(e){const[t]=B6({observeMutation:!1,getNodes(){return[TB(e)?e.current:e]}});return t}function $B(e){const{min:t=0,max:n=100,onChange:r,value:o,defaultValue:s,isReversed:a,direction:c="ltr",orientation:d="horizontal",id:p,isDisabled:h,isReadOnly:m,onChangeStart:v,onChangeEnd:b,step:w=1,getAriaValueText:y,"aria-valuetext":S,"aria-label":_,"aria-labelledby":k,name:j,focusThumbOnChange:I=!0,minStepsBetweenThumbs:E=0,...O}=e,R=or(v),M=or(b),A=or(y),T=T6({isReversed:a,direction:c,orientation:d}),[$,Q]=$c({value:o,defaultValue:s??[25,75],onChange:r});if(!Array.isArray($))throw new TypeError(`[range-slider] You passed an invalid value for \`value\` or \`defaultValue\`, expected \`Array\` but got \`${typeof $}\``);const[B,V]=f.useState(!1),[q,G]=f.useState(!1),[D,L]=f.useState(-1),W=!(h||m),Y=f.useRef($),ae=$.map(Pe=>sc(Pe,t,n)),be=E*w,ie=zB(ae,t,n,be),X=f.useRef({eventSource:null,value:[],valueBounds:[]});X.current.value=ae,X.current.valueBounds=ie;const K=ae.map(Pe=>n-Pe+t),se=(T?K:ae).map(Pe=>qp(Pe,t,n)),re=d==="vertical",oe=f.useRef(null),pe=f.useRef(null),le=B6({getNodes(){const Pe=pe.current,Ze=Pe==null?void 0:Pe.querySelectorAll("[role=slider]");return Ze?Array.from(Ze):[]}}),ge=f.useId(),xe=gB(p??ge),de=f.useCallback(Pe=>{var Ze,Qe;if(!oe.current)return;X.current.eventSource="pointer";const dt=oe.current.getBoundingClientRect(),{clientX:Lt,clientY:cr}=(Qe=(Ze=Pe.touches)==null?void 0:Ze[0])!=null?Qe:Pe,pn=re?dt.bottom-cr:Lt-dt.left,ln=re?dt.height:dt.width;let Hr=pn/ln;return T&&(Hr=1-Hr),Y5(Hr,t,n)},[re,T,n,t]),Te=(n-t)/10,Oe=w||(n-t)/100,$e=f.useMemo(()=>({setValueAtIndex(Pe,Ze){if(!W)return;const Qe=X.current.valueBounds[Pe];Ze=parseFloat(Vv(Ze,Qe.min,Oe)),Ze=sc(Ze,Qe.min,Qe.max);const dt=[...X.current.value];dt[Pe]=Ze,Q(dt)},setActiveIndex:L,stepUp(Pe,Ze=Oe){const Qe=X.current.value[Pe],dt=T?Qe-Ze:Qe+Ze;$e.setValueAtIndex(Pe,dt)},stepDown(Pe,Ze=Oe){const Qe=X.current.value[Pe],dt=T?Qe+Ze:Qe-Ze;$e.setValueAtIndex(Pe,dt)},reset(){Q(Y.current)}}),[Oe,T,Q,W]),kt=f.useCallback(Pe=>{const Ze=Pe.key,dt={ArrowRight:()=>$e.stepUp(D),ArrowUp:()=>$e.stepUp(D),ArrowLeft:()=>$e.stepDown(D),ArrowDown:()=>$e.stepDown(D),PageUp:()=>$e.stepUp(D,Te),PageDown:()=>$e.stepDown(D,Te),Home:()=>{const{min:Lt}=ie[D];$e.setValueAtIndex(D,Lt)},End:()=>{const{max:Lt}=ie[D];$e.setValueAtIndex(D,Lt)}}[Ze];dt&&(Pe.preventDefault(),Pe.stopPropagation(),dt(Pe),X.current.eventSource="keyboard")},[$e,D,Te,ie]),{getThumbStyle:ct,rootStyle:on,trackStyle:vt,innerTrackStyle:bt}=f.useMemo(()=>A6({isReversed:T,orientation:d,thumbRects:le,thumbPercents:se}),[T,d,se,le]),Se=f.useCallback(Pe=>{var Ze;const Qe=Pe??D;if(Qe!==-1&&I){const dt=xe.getThumb(Qe),Lt=(Ze=pe.current)==null?void 0:Ze.ownerDocument.getElementById(dt);Lt&&setTimeout(()=>Lt.focus())}},[I,D,xe]);Ba(()=>{X.current.eventSource==="keyboard"&&(M==null||M(X.current.value))},[ae,M]);const Me=Pe=>{const Ze=de(Pe)||0,Qe=X.current.value.map(ln=>Math.abs(ln-Ze)),dt=Math.min(...Qe);let Lt=Qe.indexOf(dt);const cr=Qe.filter(ln=>ln===dt);cr.length>1&&Ze>X.current.value[Lt]&&(Lt=Lt+cr.length-1),L(Lt),$e.setValueAtIndex(Lt,Ze),Se(Lt)},Pt=Pe=>{if(D==-1)return;const Ze=de(Pe)||0;L(D),$e.setValueAtIndex(D,Ze),Se(D)};L6(pe,{onPanSessionStart(Pe){W&&(V(!0),Me(Pe),R==null||R(X.current.value))},onPanSessionEnd(){W&&(V(!1),M==null||M(X.current.value))},onPan(Pe){W&&Pt(Pe)}});const Tt=f.useCallback((Pe={},Ze=null)=>({...Pe,...O,id:xe.root,ref:cn(Ze,pe),tabIndex:-1,"aria-disabled":cc(h),"data-focused":Jo(q),style:{...Pe.style,...on}}),[O,h,q,on,xe]),we=f.useCallback((Pe={},Ze=null)=>({...Pe,ref:cn(Ze,oe),id:xe.track,"data-disabled":Jo(h),style:{...Pe.style,...vt}}),[h,vt,xe]),ht=f.useCallback((Pe={},Ze=null)=>({...Pe,ref:Ze,id:xe.innerTrack,style:{...Pe.style,...bt}}),[bt,xe]),$t=f.useCallback((Pe,Ze=null)=>{var Qe;const{index:dt,...Lt}=Pe,cr=ae[dt];if(cr==null)throw new TypeError(`[range-slider > thumb] Cannot find value at index \`${dt}\`. The \`value\` or \`defaultValue\` length is : ${ae.length}`);const pn=ie[dt];return{...Lt,ref:Ze,role:"slider",tabIndex:W?0:void 0,id:xe.getThumb(dt),"data-active":Jo(B&&D===dt),"aria-valuetext":(Qe=A==null?void 0:A(cr))!=null?Qe:S==null?void 0:S[dt],"aria-valuemin":pn.min,"aria-valuemax":pn.max,"aria-valuenow":cr,"aria-orientation":d,"aria-disabled":cc(h),"aria-readonly":cc(m),"aria-label":_==null?void 0:_[dt],"aria-labelledby":_!=null&&_[dt]||k==null?void 0:k[dt],style:{...Pe.style,...ct(dt)},onKeyDown:uc(Pe.onKeyDown,kt),onFocus:uc(Pe.onFocus,()=>{G(!0),L(dt)}),onBlur:uc(Pe.onBlur,()=>{G(!1),L(-1)})}},[xe,ae,ie,W,B,D,A,S,d,h,m,_,k,ct,kt,G]),zt=f.useCallback((Pe={},Ze=null)=>({...Pe,ref:Ze,id:xe.output,htmlFor:ae.map((Qe,dt)=>xe.getThumb(dt)).join(" "),"aria-live":"off"}),[xe,ae]),ze=f.useCallback((Pe,Ze=null)=>{const{value:Qe,...dt}=Pe,Lt=!(Qen),cr=Qe>=ae[0]&&Qe<=ae[ae.length-1];let pn=qp(Qe,t,n);pn=T?100-pn:pn;const ln={position:"absolute",pointerEvents:"none",...Mu({orientation:d,vertical:{bottom:`${pn}%`},horizontal:{left:`${pn}%`}})};return{...dt,ref:Ze,id:xe.getMarker(Pe.value),role:"presentation","aria-hidden":!0,"data-disabled":Jo(h),"data-invalid":Jo(!Lt),"data-highlighted":Jo(cr),style:{...Pe.style,...ln}}},[h,T,n,t,d,ae,xe]),Ke=f.useCallback((Pe,Ze=null)=>{const{index:Qe,...dt}=Pe;return{...dt,ref:Ze,id:xe.getInput(Qe),type:"hidden",value:ae[Qe],name:Array.isArray(j)?j[Qe]:`${j}-${Qe}`}},[j,ae,xe]);return{state:{value:ae,isFocused:q,isDragging:B,getThumbPercent:Pe=>se[Pe],getThumbMinValue:Pe=>ie[Pe].min,getThumbMaxValue:Pe=>ie[Pe].max},actions:$e,getRootProps:Tt,getTrackProps:we,getInnerTrackProps:ht,getThumbProps:$t,getMarkerProps:ze,getInputProps:Ke,getOutputProps:zt}}function zB(e,t,n,r){return e.map((o,s)=>{const a=s===0?t:e[s-1]+r,c=s===e.length-1?n:e[s+1]-r;return{min:a,max:c}})}var[LB,_m]=Dn({name:"SliderContext",errorMessage:"useSliderContext: `context` is undefined. Seems you forgot to wrap all slider components within "}),[BB,Pm]=Dn({name:"RangeSliderStylesContext",errorMessage:`useRangeSliderStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),F6=Ae(function(t,n){const r={orientation:"horizontal",...t},o=Fr("Slider",r),s=qn(r),{direction:a}=Ac();s.direction=a;const{getRootProps:c,...d}=$B(s),p=f.useMemo(()=>({...d,name:r.name}),[d,r.name]);return i.jsx(LB,{value:p,children:i.jsx(BB,{value:o,children:i.jsx(je.div,{...c({},n),className:"chakra-slider",__css:o.container,children:r.children})})})});F6.displayName="RangeSlider";var o1=Ae(function(t,n){const{getThumbProps:r,getInputProps:o,name:s}=_m(),a=Pm(),c=r(t,n);return i.jsxs(je.div,{...c,className:Ii("chakra-slider__thumb",t.className),__css:a.thumb,children:[c.children,s&&i.jsx("input",{...o({index:t.index})})]})});o1.displayName="RangeSliderThumb";var H6=Ae(function(t,n){const{getTrackProps:r}=_m(),o=Pm(),s=r(t,n);return i.jsx(je.div,{...s,className:Ii("chakra-slider__track",t.className),__css:o.track,"data-testid":"chakra-range-slider-track"})});H6.displayName="RangeSliderTrack";var W6=Ae(function(t,n){const{getInnerTrackProps:r}=_m(),o=Pm(),s=r(t,n);return i.jsx(je.div,{...s,className:"chakra-slider__filled-track",__css:o.filledTrack})});W6.displayName="RangeSliderFilledTrack";var Op=Ae(function(t,n){const{getMarkerProps:r}=_m(),o=Pm(),s=r(t,n);return i.jsx(je.div,{...s,className:Ii("chakra-slider__marker",t.className),__css:o.mark})});Op.displayName="RangeSliderMark";function FB(e){var t;const{min:n=0,max:r=100,onChange:o,value:s,defaultValue:a,isReversed:c,direction:d="ltr",orientation:p="horizontal",id:h,isDisabled:m,isReadOnly:v,onChangeStart:b,onChangeEnd:w,step:y=1,getAriaValueText:S,"aria-valuetext":_,"aria-label":k,"aria-labelledby":j,name:I,focusThumbOnChange:E=!0,...O}=e,R=or(b),M=or(w),A=or(S),T=T6({isReversed:c,direction:d,orientation:p}),[$,Q]=$c({value:s,defaultValue:a??WB(n,r),onChange:o}),[B,V]=f.useState(!1),[q,G]=f.useState(!1),D=!(m||v),L=(r-n)/10,W=y||(r-n)/100,Y=sc($,n,r),ae=r-Y+n,ie=qp(T?ae:Y,n,r),X=p==="vertical",K=z6({min:n,max:r,step:y,isDisabled:m,value:Y,isInteractive:D,isReversed:T,isVertical:X,eventSource:null,focusThumbOnChange:E,orientation:p}),U=f.useRef(null),se=f.useRef(null),re=f.useRef(null),oe=f.useId(),pe=h??oe,[le,ge]=[`slider-thumb-${pe}`,`slider-track-${pe}`],ke=f.useCallback(ze=>{var Ke,Pn;if(!U.current)return;const Pe=K.current;Pe.eventSource="pointer";const Ze=U.current.getBoundingClientRect(),{clientX:Qe,clientY:dt}=(Pn=(Ke=ze.touches)==null?void 0:Ke[0])!=null?Pn:ze,Lt=X?Ze.bottom-dt:Qe-Ze.left,cr=X?Ze.height:Ze.width;let pn=Lt/cr;T&&(pn=1-pn);let ln=Y5(pn,Pe.min,Pe.max);return Pe.step&&(ln=parseFloat(Vv(ln,Pe.min,Pe.step))),ln=sc(ln,Pe.min,Pe.max),ln},[X,T,K]),xe=f.useCallback(ze=>{const Ke=K.current;Ke.isInteractive&&(ze=parseFloat(Vv(ze,Ke.min,W)),ze=sc(ze,Ke.min,Ke.max),Q(ze))},[W,Q,K]),de=f.useMemo(()=>({stepUp(ze=W){const Ke=T?Y-ze:Y+ze;xe(Ke)},stepDown(ze=W){const Ke=T?Y+ze:Y-ze;xe(Ke)},reset(){xe(a||0)},stepTo(ze){xe(ze)}}),[xe,T,Y,W,a]),Te=f.useCallback(ze=>{const Ke=K.current,Pe={ArrowRight:()=>de.stepUp(),ArrowUp:()=>de.stepUp(),ArrowLeft:()=>de.stepDown(),ArrowDown:()=>de.stepDown(),PageUp:()=>de.stepUp(L),PageDown:()=>de.stepDown(L),Home:()=>xe(Ke.min),End:()=>xe(Ke.max)}[ze.key];Pe&&(ze.preventDefault(),ze.stopPropagation(),Pe(ze),Ke.eventSource="keyboard")},[de,xe,L,K]),Oe=(t=A==null?void 0:A(Y))!=null?t:_,$e=NB(se),{getThumbStyle:kt,rootStyle:ct,trackStyle:on,innerTrackStyle:vt}=f.useMemo(()=>{const ze=K.current,Ke=$e??{width:0,height:0};return A6({isReversed:T,orientation:ze.orientation,thumbRects:[Ke],thumbPercents:[ie]})},[T,$e,ie,K]),bt=f.useCallback(()=>{K.current.focusThumbOnChange&&setTimeout(()=>{var Ke;return(Ke=se.current)==null?void 0:Ke.focus()})},[K]);Ba(()=>{const ze=K.current;bt(),ze.eventSource==="keyboard"&&(M==null||M(ze.value))},[Y,M]);function Se(ze){const Ke=ke(ze);Ke!=null&&Ke!==K.current.value&&Q(Ke)}L6(re,{onPanSessionStart(ze){const Ke=K.current;Ke.isInteractive&&(V(!0),bt(),Se(ze),R==null||R(Ke.value))},onPanSessionEnd(){const ze=K.current;ze.isInteractive&&(V(!1),M==null||M(ze.value))},onPan(ze){K.current.isInteractive&&Se(ze)}});const Me=f.useCallback((ze={},Ke=null)=>({...ze,...O,ref:cn(Ke,re),tabIndex:-1,"aria-disabled":cc(m),"data-focused":Jo(q),style:{...ze.style,...ct}}),[O,m,q,ct]),Pt=f.useCallback((ze={},Ke=null)=>({...ze,ref:cn(Ke,U),id:ge,"data-disabled":Jo(m),style:{...ze.style,...on}}),[m,ge,on]),Tt=f.useCallback((ze={},Ke=null)=>({...ze,ref:Ke,style:{...ze.style,...vt}}),[vt]),we=f.useCallback((ze={},Ke=null)=>({...ze,ref:cn(Ke,se),role:"slider",tabIndex:D?0:void 0,id:le,"data-active":Jo(B),"aria-valuetext":Oe,"aria-valuemin":n,"aria-valuemax":r,"aria-valuenow":Y,"aria-orientation":p,"aria-disabled":cc(m),"aria-readonly":cc(v),"aria-label":k,"aria-labelledby":k?void 0:j,style:{...ze.style,...kt(0)},onKeyDown:uc(ze.onKeyDown,Te),onFocus:uc(ze.onFocus,()=>G(!0)),onBlur:uc(ze.onBlur,()=>G(!1))}),[D,le,B,Oe,n,r,Y,p,m,v,k,j,kt,Te]),ht=f.useCallback((ze,Ke=null)=>{const Pn=!(ze.valuer),Pe=Y>=ze.value,Ze=qp(ze.value,n,r),Qe={position:"absolute",pointerEvents:"none",...HB({orientation:p,vertical:{bottom:T?`${100-Ze}%`:`${Ze}%`},horizontal:{left:T?`${100-Ze}%`:`${Ze}%`}})};return{...ze,ref:Ke,role:"presentation","aria-hidden":!0,"data-disabled":Jo(m),"data-invalid":Jo(!Pn),"data-highlighted":Jo(Pe),style:{...ze.style,...Qe}}},[m,T,r,n,p,Y]),$t=f.useCallback((ze={},Ke=null)=>({...ze,ref:Ke,type:"hidden",value:Y,name:I}),[I,Y]);return{state:{value:Y,isFocused:q,isDragging:B},actions:de,getRootProps:Me,getTrackProps:Pt,getInnerTrackProps:Tt,getThumbProps:we,getMarkerProps:ht,getInputProps:$t}}function HB(e){const{orientation:t,vertical:n,horizontal:r}=e;return t==="vertical"?n:r}function WB(e,t){return t"}),[UB,Im]=Dn({name:"SliderStylesContext",hookName:"useSliderStyles",providerName:""}),V6=Ae((e,t)=>{var n;const r={...e,orientation:(n=e==null?void 0:e.orientation)!=null?n:"horizontal"},o=Fr("Slider",r),s=qn(r),{direction:a}=Ac();s.direction=a;const{getInputProps:c,getRootProps:d,...p}=FB(s),h=d(),m=c({},t);return i.jsx(VB,{value:p,children:i.jsx(UB,{value:o,children:i.jsxs(je.div,{...h,className:Ii("chakra-slider",r.className),__css:o.container,children:[r.children,i.jsx("input",{...m})]})})})});V6.displayName="Slider";var U6=Ae((e,t)=>{const{getThumbProps:n}=jm(),r=Im(),o=n(e,t);return i.jsx(je.div,{...o,className:Ii("chakra-slider__thumb",e.className),__css:r.thumb})});U6.displayName="SliderThumb";var G6=Ae((e,t)=>{const{getTrackProps:n}=jm(),r=Im(),o=n(e,t);return i.jsx(je.div,{...o,className:Ii("chakra-slider__track",e.className),__css:r.track})});G6.displayName="SliderTrack";var q6=Ae((e,t)=>{const{getInnerTrackProps:n}=jm(),r=Im(),o=n(e,t);return i.jsx(je.div,{...o,className:Ii("chakra-slider__filled-track",e.className),__css:r.filledTrack})});q6.displayName="SliderFilledTrack";var Gl=Ae((e,t)=>{const{getMarkerProps:n}=jm(),r=Im(),o=n(e,t);return i.jsx(je.div,{...o,className:Ii("chakra-slider__marker",e.className),__css:r.mark})});Gl.displayName="SliderMark";var Qb=Ae(function(t,n){const r=Fr("Switch",t),{spacing:o="0.5rem",children:s,...a}=qn(t),{getIndicatorProps:c,getInputProps:d,getCheckboxProps:p,getRootProps:h,getLabelProps:m}=K5(a),v=f.useMemo(()=>({display:"inline-block",position:"relative",verticalAlign:"middle",lineHeight:0,...r.container}),[r.container]),b=f.useMemo(()=>({display:"inline-flex",flexShrink:0,justifyContent:"flex-start",boxSizing:"content-box",cursor:"pointer",...r.track}),[r.track]),w=f.useMemo(()=>({userSelect:"none",marginStart:o,...r.label}),[o,r.label]);return i.jsxs(je.label,{...h(),className:Ct("chakra-switch",t.className),__css:v,children:[i.jsx("input",{className:"chakra-switch__input",...d({},n)}),i.jsx(je.span,{...p(),className:"chakra-switch__track",__css:b,children:i.jsx(je.span,{__css:r.thumb,className:"chakra-switch__thumb",...c()})}),s&&i.jsx(je.span,{className:"chakra-switch__label",...m(),__css:w,children:s})]})});Qb.displayName="Switch";var[GB,qB,KB,XB]=db();function YB(e){var t;const{defaultIndex:n,onChange:r,index:o,isManual:s,isLazy:a,lazyBehavior:c="unmount",orientation:d="horizontal",direction:p="ltr",...h}=e,[m,v]=f.useState(n??0),[b,w]=$c({defaultValue:n??0,value:o,onChange:r});f.useEffect(()=>{o!=null&&v(o)},[o]);const y=KB(),S=f.useId();return{id:`tabs-${(t=e.id)!=null?t:S}`,selectedIndex:b,focusedIndex:m,setSelectedIndex:w,setFocusedIndex:v,isManual:s,isLazy:a,lazyBehavior:c,orientation:d,descendants:y,direction:p,htmlProps:h}}var[QB,Em]=Dn({name:"TabsContext",errorMessage:"useTabsContext: `context` is undefined. Seems you forgot to wrap all tabs components within "});function JB(e){const{focusedIndex:t,orientation:n,direction:r}=Em(),o=qB(),s=f.useCallback(a=>{const c=()=>{var k;const j=o.nextEnabled(t);j&&((k=j.node)==null||k.focus())},d=()=>{var k;const j=o.prevEnabled(t);j&&((k=j.node)==null||k.focus())},p=()=>{var k;const j=o.firstEnabled();j&&((k=j.node)==null||k.focus())},h=()=>{var k;const j=o.lastEnabled();j&&((k=j.node)==null||k.focus())},m=n==="horizontal",v=n==="vertical",b=a.key,w=r==="ltr"?"ArrowLeft":"ArrowRight",y=r==="ltr"?"ArrowRight":"ArrowLeft",_={[w]:()=>m&&d(),[y]:()=>m&&c(),ArrowDown:()=>v&&c(),ArrowUp:()=>v&&d(),Home:p,End:h}[b];_&&(a.preventDefault(),_(a))},[o,t,n,r]);return{...e,role:"tablist","aria-orientation":n,onKeyDown:nt(e.onKeyDown,s)}}function ZB(e){const{isDisabled:t=!1,isFocusable:n=!1,...r}=e,{setSelectedIndex:o,isManual:s,id:a,setFocusedIndex:c,selectedIndex:d}=Em(),{index:p,register:h}=XB({disabled:t&&!n}),m=p===d,v=()=>{o(p)},b=()=>{c(p),!s&&!(t&&n)&&o(p)},w=J3({...r,ref:cn(h,e.ref),isDisabled:t,isFocusable:n,onClick:nt(e.onClick,v)}),y="button";return{...w,id:K6(a,p),role:"tab",tabIndex:m?0:-1,type:y,"aria-selected":m,"aria-controls":X6(a,p),onFocus:t?void 0:nt(e.onFocus,b)}}var[eF,tF]=Dn({});function nF(e){const t=Em(),{id:n,selectedIndex:r}=t,s=Cd(e.children).map((a,c)=>f.createElement(eF,{key:c,value:{isSelected:c===r,id:X6(n,c),tabId:K6(n,c),selectedIndex:r}},a));return{...e,children:s}}function rF(e){const{children:t,...n}=e,{isLazy:r,lazyBehavior:o}=Em(),{isSelected:s,id:a,tabId:c}=tF(),d=f.useRef(!1);s&&(d.current=!0);const p=Wb({wasSelected:d.current,isSelected:s,enabled:r,mode:o});return{tabIndex:0,...n,children:p?t:null,role:"tabpanel","aria-labelledby":c,hidden:!s,id:a}}function K6(e,t){return`${e}--tab-${t}`}function X6(e,t){return`${e}--tabpanel-${t}`}var[oF,Om]=Dn({name:"TabsStylesContext",errorMessage:`useTabsStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),Td=Ae(function(t,n){const r=Fr("Tabs",t),{children:o,className:s,...a}=qn(t),{htmlProps:c,descendants:d,...p}=YB(a),h=f.useMemo(()=>p,[p]),{isFitted:m,...v}=c;return i.jsx(GB,{value:d,children:i.jsx(QB,{value:h,children:i.jsx(oF,{value:r,children:i.jsx(je.div,{className:Ct("chakra-tabs",s),ref:n,...v,__css:r.root,children:o})})})})});Td.displayName="Tabs";var Nd=Ae(function(t,n){const r=JB({...t,ref:n}),s={display:"flex",...Om().tablist};return i.jsx(je.div,{...r,className:Ct("chakra-tabs__tablist",t.className),__css:s})});Nd.displayName="TabList";var Rm=Ae(function(t,n){const r=rF({...t,ref:n}),o=Om();return i.jsx(je.div,{outline:"0",...r,className:Ct("chakra-tabs__tab-panel",t.className),__css:o.tabpanel})});Rm.displayName="TabPanel";var Mm=Ae(function(t,n){const r=nF(t),o=Om();return i.jsx(je.div,{...r,width:"100%",ref:n,className:Ct("chakra-tabs__tab-panels",t.className),__css:o.tabpanels})});Mm.displayName="TabPanels";var Cc=Ae(function(t,n){const r=Om(),o=ZB({...t,ref:n}),s={outline:"0",display:"flex",alignItems:"center",justifyContent:"center",...r.tab};return i.jsx(je.button,{...o,className:Ct("chakra-tabs__tab",t.className),__css:s})});Cc.displayName="Tab";function sF(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}var aF=["h","minH","height","minHeight"],Jb=Ae((e,t)=>{const n=ia("Textarea",e),{className:r,rows:o,...s}=qn(e),a=hb(s),c=o?sF(n,aF):n;return i.jsx(je.textarea,{ref:t,rows:o,...a,className:Ct("chakra-textarea",r),__css:c})});Jb.displayName="Textarea";var iF={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]}}}},s1=e=>{var t;return((t=e.current)==null?void 0:t.ownerDocument)||document},Rp=e=>{var t,n;return((n=(t=e.current)==null?void 0:t.ownerDocument)==null?void 0:n.defaultView)||window};function lF(e={}){const{openDelay:t=0,closeDelay:n=0,closeOnClick:r=!0,closeOnMouseDown:o,closeOnScroll:s,closeOnPointerDown:a=o,closeOnEsc:c=!0,onOpen:d,onClose:p,placement:h,id:m,isOpen:v,defaultIsOpen:b,arrowSize:w=10,arrowShadowColor:y,arrowPadding:S,modifiers:_,isDisabled:k,gutter:j,offset:I,direction:E,...O}=e,{isOpen:R,onOpen:M,onClose:A}=Hb({isOpen:v,defaultIsOpen:b,onOpen:d,onClose:p}),{referenceRef:T,getPopperProps:$,getArrowInnerProps:Q,getArrowProps:B}=Fb({enabled:R,placement:h,arrowPadding:S,modifiers:_,gutter:j,offset:I,direction:E}),V=f.useId(),G=`tooltip-${m??V}`,D=f.useRef(null),L=f.useRef(),W=f.useCallback(()=>{L.current&&(clearTimeout(L.current),L.current=void 0)},[]),Y=f.useRef(),ae=f.useCallback(()=>{Y.current&&(clearTimeout(Y.current),Y.current=void 0)},[]),be=f.useCallback(()=>{ae(),A()},[A,ae]),ie=cF(D,be),X=f.useCallback(()=>{if(!k&&!L.current){R&&ie();const ge=Rp(D);L.current=ge.setTimeout(M,t)}},[ie,k,R,M,t]),K=f.useCallback(()=>{W();const ge=Rp(D);Y.current=ge.setTimeout(be,n)},[n,be,W]),U=f.useCallback(()=>{R&&r&&K()},[r,K,R]),se=f.useCallback(()=>{R&&a&&K()},[a,K,R]),re=f.useCallback(ge=>{R&&ge.key==="Escape"&&K()},[R,K]);Qi(()=>s1(D),"keydown",c?re:void 0),Qi(()=>{const ge=D.current;if(!ge)return null;const ke=B3(ge);return ke.localName==="body"?Rp(D):ke},"scroll",()=>{R&&s&&be()},{passive:!0,capture:!0}),f.useEffect(()=>{k&&(W(),R&&A())},[k,R,A,W]),f.useEffect(()=>()=>{W(),ae()},[W,ae]),Qi(()=>D.current,"pointerleave",K);const oe=f.useCallback((ge={},ke=null)=>({...ge,ref:cn(D,ke,T),onPointerEnter:nt(ge.onPointerEnter,de=>{de.pointerType!=="touch"&&X()}),onClick:nt(ge.onClick,U),onPointerDown:nt(ge.onPointerDown,se),onFocus:nt(ge.onFocus,X),onBlur:nt(ge.onBlur,K),"aria-describedby":R?G:void 0}),[X,K,se,R,G,U,T]),pe=f.useCallback((ge={},ke=null)=>$({...ge,style:{...ge.style,[jr.arrowSize.var]:w?`${w}px`:void 0,[jr.arrowShadowColor.var]:y}},ke),[$,w,y]),le=f.useCallback((ge={},ke=null)=>{const xe={...ge.style,position:"relative",transformOrigin:jr.transformOrigin.varRef};return{ref:ke,...O,...ge,id:G,role:"tooltip",style:xe}},[O,G]);return{isOpen:R,show:X,hide:K,getTriggerProps:oe,getTooltipProps:le,getTooltipPositionerProps:pe,getArrowProps:B,getArrowInnerProps:Q}}var L0="chakra-ui:close-tooltip";function cF(e,t){return f.useEffect(()=>{const n=s1(e);return n.addEventListener(L0,t),()=>n.removeEventListener(L0,t)},[t,e]),()=>{const n=s1(e),r=Rp(e);n.dispatchEvent(new r.CustomEvent(L0))}}function uF(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}function dF(e,t){const n={};for(const r of t)r in e&&(n[r]=e[r]);return n}var fF=je(Ir.div),wn=Ae((e,t)=>{var n,r;const o=ia("Tooltip",e),s=qn(e),a=Ac(),{children:c,label:d,shouldWrapChildren:p,"aria-label":h,hasArrow:m,bg:v,portalProps:b,background:w,backgroundColor:y,bgColor:S,motionProps:_,...k}=s,j=(r=(n=w??y)!=null?n:v)!=null?r:S;if(j){o.bg=j;const $=M7(a,"colors",j);o[jr.arrowBg.var]=$}const I=lF({...k,direction:a.direction}),E=typeof c=="string"||p;let O;if(E)O=i.jsx(je.span,{display:"inline-block",tabIndex:0,...I.getTriggerProps(),children:c});else{const $=f.Children.only(c);O=f.cloneElement($,I.getTriggerProps($.props,$.ref))}const R=!!h,M=I.getTooltipProps({},t),A=R?uF(M,["role","id"]):M,T=dF(M,["role","id"]);return d?i.jsxs(i.Fragment,{children:[O,i.jsx(mo,{children:I.isOpen&&i.jsx(Ju,{...b,children:i.jsx(je.div,{...I.getTooltipPositionerProps(),__css:{zIndex:o.zIndex,pointerEvents:"none"},children:i.jsxs(fF,{variants:iF,initial:"exit",animate:"enter",exit:"exit",..._,...A,__css:o,children:[d,R&&i.jsx(je.span,{srOnly:!0,...T,children:h}),m&&i.jsx(je.div,{"data-popper-arrow":!0,className:"chakra-tooltip__arrow-wrapper",children:i.jsx(je.div,{"data-popper-arrow-inner":!0,className:"chakra-tooltip__arrow",__css:{bg:o.bg}})})]})})})})]}):i.jsx(i.Fragment,{children:c})});wn.displayName="Tooltip";function pF(e,t={}){let n=f.useCallback(o=>t.keys?_9(e,t.keys,o):e.listen(o),[t.keys,e]),r=e.get.bind(e);return f.useSyncExternalStore(n,r,r)}const vo=e=>e.system,hF=e=>e.system.toastQueue,Y6=fe(vo,e=>e.language,Ge),Cr=fe(e=>e,e=>e.system.isProcessing||!e.system.isConnected),mF=fe(vo,e=>{const{consoleLogLevel:t,shouldLogToConsole:n}=e;return{consoleLogLevel:t,shouldLogToConsole:n}},{memoizeOptions:{resultEqualityCheck:Zt}}),gF=()=>{const{consoleLogLevel:e,shouldLogToConsole:t}=z(mF);return f.useEffect(()=>{t?(localStorage.setItem("ROARR_LOG","true"),localStorage.setItem("ROARR_FILTER",`context.logLevel:>=${D7[e]}`)):localStorage.setItem("ROARR_LOG","false"),U2.ROARR.write=A7.createLogWriter()},[e,t]),f.useEffect(()=>{const r={...T7};G2.set(U2.Roarr.child(r))},[]),pF(G2)},vF=()=>{const e=te(),t=z(hF),n=Z9();return f.useEffect(()=>{t.forEach(r=>{n(r)}),t.length>0&&e(N7())},[e,n,t]),null},Wc=()=>{const e=te();return f.useCallback(n=>e(On(Mn(n))),[e])};var bF=new Map([["aac","audio/aac"],["abw","application/x-abiword"],["arc","application/x-freearc"],["avif","image/avif"],["avi","video/x-msvideo"],["azw","application/vnd.amazon.ebook"],["bin","application/octet-stream"],["bmp","image/bmp"],["bz","application/x-bzip"],["bz2","application/x-bzip2"],["cda","application/x-cdf"],["csh","application/x-csh"],["css","text/css"],["csv","text/csv"],["doc","application/msword"],["docx","application/vnd.openxmlformats-officedocument.wordprocessingml.document"],["eot","application/vnd.ms-fontobject"],["epub","application/epub+zip"],["gz","application/gzip"],["gif","image/gif"],["heic","image/heic"],["heif","image/heif"],["htm","text/html"],["html","text/html"],["ico","image/vnd.microsoft.icon"],["ics","text/calendar"],["jar","application/java-archive"],["jpeg","image/jpeg"],["jpg","image/jpeg"],["js","text/javascript"],["json","application/json"],["jsonld","application/ld+json"],["mid","audio/midi"],["midi","audio/midi"],["mjs","text/javascript"],["mp3","audio/mpeg"],["mp4","video/mp4"],["mpeg","video/mpeg"],["mpkg","application/vnd.apple.installer+xml"],["odp","application/vnd.oasis.opendocument.presentation"],["ods","application/vnd.oasis.opendocument.spreadsheet"],["odt","application/vnd.oasis.opendocument.text"],["oga","audio/ogg"],["ogv","video/ogg"],["ogx","application/ogg"],["opus","audio/opus"],["otf","font/otf"],["png","image/png"],["pdf","application/pdf"],["php","application/x-httpd-php"],["ppt","application/vnd.ms-powerpoint"],["pptx","application/vnd.openxmlformats-officedocument.presentationml.presentation"],["rar","application/vnd.rar"],["rtf","application/rtf"],["sh","application/x-sh"],["svg","image/svg+xml"],["swf","application/x-shockwave-flash"],["tar","application/x-tar"],["tif","image/tiff"],["tiff","image/tiff"],["ts","video/mp2t"],["ttf","font/ttf"],["txt","text/plain"],["vsd","application/vnd.visio"],["wav","audio/wav"],["weba","audio/webm"],["webm","video/webm"],["webp","image/webp"],["woff","font/woff"],["woff2","font/woff2"],["xhtml","application/xhtml+xml"],["xls","application/vnd.ms-excel"],["xlsx","application/vnd.openxmlformats-officedocument.spreadsheetml.sheet"],["xml","application/xml"],["xul","application/vnd.mozilla.xul+xml"],["zip","application/zip"],["7z","application/x-7z-compressed"],["mkv","video/x-matroska"],["mov","video/quicktime"],["msg","application/vnd.ms-outlook"]]);function $d(e,t){var n=yF(e);if(typeof n.path!="string"){var r=e.webkitRelativePath;Object.defineProperty(n,"path",{value:typeof t=="string"?t:typeof r=="string"&&r.length>0?r:e.name,writable:!1,configurable:!1,enumerable:!0})}return n}function yF(e){var t=e.name,n=t&&t.lastIndexOf(".")!==-1;if(n&&!e.type){var r=t.split(".").pop().toLowerCase(),o=bF.get(r);o&&Object.defineProperty(e,"type",{value:o,writable:!1,configurable:!1,enumerable:!0})}return e}var xF=[".DS_Store","Thumbs.db"];function wF(e){return zc(this,void 0,void 0,function(){return Lc(this,function(t){return eh(e)&&SF(e.dataTransfer)?[2,PF(e.dataTransfer,e.type)]:CF(e)?[2,kF(e)]:Array.isArray(e)&&e.every(function(n){return"getFile"in n&&typeof n.getFile=="function"})?[2,_F(e)]:[2,[]]})})}function SF(e){return eh(e)}function CF(e){return eh(e)&&eh(e.target)}function eh(e){return typeof e=="object"&&e!==null}function kF(e){return a1(e.target.files).map(function(t){return $d(t)})}function _F(e){return zc(this,void 0,void 0,function(){var t;return Lc(this,function(n){switch(n.label){case 0:return[4,Promise.all(e.map(function(r){return r.getFile()}))];case 1:return t=n.sent(),[2,t.map(function(r){return $d(r)})]}})})}function PF(e,t){return zc(this,void 0,void 0,function(){var n,r;return Lc(this,function(o){switch(o.label){case 0:return e.items?(n=a1(e.items).filter(function(s){return s.kind==="file"}),t!=="drop"?[2,n]:[4,Promise.all(n.map(jF))]):[3,2];case 1:return r=o.sent(),[2,pS(Q6(r))];case 2:return[2,pS(a1(e.files).map(function(s){return $d(s)}))]}})})}function pS(e){return e.filter(function(t){return xF.indexOf(t.name)===-1})}function a1(e){if(e===null)return[];for(var t=[],n=0;ne.length)&&(t=e.length);for(var n=0,r=new Array(t);nn)return[!1,bS(n)];if(e.sizen)return[!1,bS(n)]}return[!0,null]}function Ui(e){return e!=null}function WF(e){var t=e.files,n=e.accept,r=e.minSize,o=e.maxSize,s=e.multiple,a=e.maxFiles,c=e.validator;return!s&&t.length>1||s&&a>=1&&t.length>a?!1:t.every(function(d){var p=tP(d,n),h=id(p,1),m=h[0],v=nP(d,r,o),b=id(v,1),w=b[0],y=c?c(d):null;return m&&w&&!y})}function th(e){return typeof e.isPropagationStopped=="function"?e.isPropagationStopped():typeof e.cancelBubble<"u"?e.cancelBubble:!1}function Vf(e){return e.dataTransfer?Array.prototype.some.call(e.dataTransfer.types,function(t){return t==="Files"||t==="application/x-moz-file"}):!!e.target&&!!e.target.files}function xS(e){e.preventDefault()}function VF(e){return e.indexOf("MSIE")!==-1||e.indexOf("Trident/")!==-1}function UF(e){return e.indexOf("Edge/")!==-1}function GF(){var e=arguments.length>0&&arguments[0]!==void 0?arguments[0]:window.navigator.userAgent;return VF(e)||UF(e)}function Gs(){for(var e=arguments.length,t=new Array(e),n=0;n1?o-1:0),a=1;ae.length)&&(t=e.length);for(var n=0,r=new Array(t);n=0)&&Object.prototype.propertyIsEnumerable.call(e,r)&&(n[r]=e[r])}return n}function cH(e,t){if(e==null)return{};var n={},r=Object.keys(e),o,s;for(s=0;s=0)&&(n[o]=e[o]);return n}var Zb=f.forwardRef(function(e,t){var n=e.children,r=nh(e,JF),o=ey(r),s=o.open,a=nh(o,ZF);return f.useImperativeHandle(t,function(){return{open:s}},[s]),H.createElement(f.Fragment,null,n(fr(fr({},a),{},{open:s})))});Zb.displayName="Dropzone";var aP={disabled:!1,getFilesFromEvent:wF,maxSize:1/0,minSize:0,multiple:!0,maxFiles:0,preventDropOnDocument:!0,noClick:!1,noKeyboard:!1,noDrag:!1,noDragEventsBubbling:!1,validator:null,useFsAccessApi:!0,autoFocus:!1};Zb.defaultProps=aP;Zb.propTypes={children:Ln.func,accept:Ln.objectOf(Ln.arrayOf(Ln.string)),multiple:Ln.bool,preventDropOnDocument:Ln.bool,noClick:Ln.bool,noKeyboard:Ln.bool,noDrag:Ln.bool,noDragEventsBubbling:Ln.bool,minSize:Ln.number,maxSize:Ln.number,maxFiles:Ln.number,disabled:Ln.bool,getFilesFromEvent:Ln.func,onFileDialogCancel:Ln.func,onFileDialogOpen:Ln.func,useFsAccessApi:Ln.bool,autoFocus:Ln.bool,onDragEnter:Ln.func,onDragLeave:Ln.func,onDragOver:Ln.func,onDrop:Ln.func,onDropAccepted:Ln.func,onDropRejected:Ln.func,onError:Ln.func,validator:Ln.func};var u1={isFocused:!1,isFileDialogActive:!1,isDragActive:!1,isDragAccept:!1,isDragReject:!1,acceptedFiles:[],fileRejections:[]};function ey(){var e=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},t=fr(fr({},aP),e),n=t.accept,r=t.disabled,o=t.getFilesFromEvent,s=t.maxSize,a=t.minSize,c=t.multiple,d=t.maxFiles,p=t.onDragEnter,h=t.onDragLeave,m=t.onDragOver,v=t.onDrop,b=t.onDropAccepted,w=t.onDropRejected,y=t.onFileDialogCancel,S=t.onFileDialogOpen,_=t.useFsAccessApi,k=t.autoFocus,j=t.preventDropOnDocument,I=t.noClick,E=t.noKeyboard,O=t.noDrag,R=t.noDragEventsBubbling,M=t.onError,A=t.validator,T=f.useMemo(function(){return XF(n)},[n]),$=f.useMemo(function(){return KF(n)},[n]),Q=f.useMemo(function(){return typeof S=="function"?S:SS},[S]),B=f.useMemo(function(){return typeof y=="function"?y:SS},[y]),V=f.useRef(null),q=f.useRef(null),G=f.useReducer(uH,u1),D=B0(G,2),L=D[0],W=D[1],Y=L.isFocused,ae=L.isFileDialogActive,be=f.useRef(typeof window<"u"&&window.isSecureContext&&_&&qF()),ie=function(){!be.current&&ae&&setTimeout(function(){if(q.current){var Me=q.current.files;Me.length||(W({type:"closeDialog"}),B())}},300)};f.useEffect(function(){return window.addEventListener("focus",ie,!1),function(){window.removeEventListener("focus",ie,!1)}},[q,ae,B,be]);var X=f.useRef([]),K=function(Me){V.current&&V.current.contains(Me.target)||(Me.preventDefault(),X.current=[])};f.useEffect(function(){return j&&(document.addEventListener("dragover",xS,!1),document.addEventListener("drop",K,!1)),function(){j&&(document.removeEventListener("dragover",xS),document.removeEventListener("drop",K))}},[V,j]),f.useEffect(function(){return!r&&k&&V.current&&V.current.focus(),function(){}},[V,k,r]);var U=f.useCallback(function(Se){M?M(Se):console.error(Se)},[M]),se=f.useCallback(function(Se){Se.preventDefault(),Se.persist(),ct(Se),X.current=[].concat(nH(X.current),[Se.target]),Vf(Se)&&Promise.resolve(o(Se)).then(function(Me){if(!(th(Se)&&!R)){var Pt=Me.length,Tt=Pt>0&&WF({files:Me,accept:T,minSize:a,maxSize:s,multiple:c,maxFiles:d,validator:A}),we=Pt>0&&!Tt;W({isDragAccept:Tt,isDragReject:we,isDragActive:!0,type:"setDraggedFiles"}),p&&p(Se)}}).catch(function(Me){return U(Me)})},[o,p,U,R,T,a,s,c,d,A]),re=f.useCallback(function(Se){Se.preventDefault(),Se.persist(),ct(Se);var Me=Vf(Se);if(Me&&Se.dataTransfer)try{Se.dataTransfer.dropEffect="copy"}catch{}return Me&&m&&m(Se),!1},[m,R]),oe=f.useCallback(function(Se){Se.preventDefault(),Se.persist(),ct(Se);var Me=X.current.filter(function(Tt){return V.current&&V.current.contains(Tt)}),Pt=Me.indexOf(Se.target);Pt!==-1&&Me.splice(Pt,1),X.current=Me,!(Me.length>0)&&(W({type:"setDraggedFiles",isDragActive:!1,isDragAccept:!1,isDragReject:!1}),Vf(Se)&&h&&h(Se))},[V,h,R]),pe=f.useCallback(function(Se,Me){var Pt=[],Tt=[];Se.forEach(function(we){var ht=tP(we,T),$t=B0(ht,2),zt=$t[0],ze=$t[1],Ke=nP(we,a,s),Pn=B0(Ke,2),Pe=Pn[0],Ze=Pn[1],Qe=A?A(we):null;if(zt&&Pe&&!Qe)Pt.push(we);else{var dt=[ze,Ze];Qe&&(dt=dt.concat(Qe)),Tt.push({file:we,errors:dt.filter(function(Lt){return Lt})})}}),(!c&&Pt.length>1||c&&d>=1&&Pt.length>d)&&(Pt.forEach(function(we){Tt.push({file:we,errors:[HF]})}),Pt.splice(0)),W({acceptedFiles:Pt,fileRejections:Tt,type:"setFiles"}),v&&v(Pt,Tt,Me),Tt.length>0&&w&&w(Tt,Me),Pt.length>0&&b&&b(Pt,Me)},[W,c,T,a,s,d,v,b,w,A]),le=f.useCallback(function(Se){Se.preventDefault(),Se.persist(),ct(Se),X.current=[],Vf(Se)&&Promise.resolve(o(Se)).then(function(Me){th(Se)&&!R||pe(Me,Se)}).catch(function(Me){return U(Me)}),W({type:"reset"})},[o,pe,U,R]),ge=f.useCallback(function(){if(be.current){W({type:"openDialog"}),Q();var Se={multiple:c,types:$};window.showOpenFilePicker(Se).then(function(Me){return o(Me)}).then(function(Me){pe(Me,null),W({type:"closeDialog"})}).catch(function(Me){YF(Me)?(B(Me),W({type:"closeDialog"})):QF(Me)?(be.current=!1,q.current?(q.current.value=null,q.current.click()):U(new Error("Cannot open the file picker because the https://developer.mozilla.org/en-US/docs/Web/API/File_System_Access_API is not supported and no was provided."))):U(Me)});return}q.current&&(W({type:"openDialog"}),Q(),q.current.value=null,q.current.click())},[W,Q,B,_,pe,U,$,c]),ke=f.useCallback(function(Se){!V.current||!V.current.isEqualNode(Se.target)||(Se.key===" "||Se.key==="Enter"||Se.keyCode===32||Se.keyCode===13)&&(Se.preventDefault(),ge())},[V,ge]),xe=f.useCallback(function(){W({type:"focus"})},[]),de=f.useCallback(function(){W({type:"blur"})},[]),Te=f.useCallback(function(){I||(GF()?setTimeout(ge,0):ge())},[I,ge]),Oe=function(Me){return r?null:Me},$e=function(Me){return E?null:Oe(Me)},kt=function(Me){return O?null:Oe(Me)},ct=function(Me){R&&Me.stopPropagation()},on=f.useMemo(function(){return function(){var Se=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},Me=Se.refKey,Pt=Me===void 0?"ref":Me,Tt=Se.role,we=Se.onKeyDown,ht=Se.onFocus,$t=Se.onBlur,zt=Se.onClick,ze=Se.onDragEnter,Ke=Se.onDragOver,Pn=Se.onDragLeave,Pe=Se.onDrop,Ze=nh(Se,eH);return fr(fr(c1({onKeyDown:$e(Gs(we,ke)),onFocus:$e(Gs(ht,xe)),onBlur:$e(Gs($t,de)),onClick:Oe(Gs(zt,Te)),onDragEnter:kt(Gs(ze,se)),onDragOver:kt(Gs(Ke,re)),onDragLeave:kt(Gs(Pn,oe)),onDrop:kt(Gs(Pe,le)),role:typeof Tt=="string"&&Tt!==""?Tt:"presentation"},Pt,V),!r&&!E?{tabIndex:0}:{}),Ze)}},[V,ke,xe,de,Te,se,re,oe,le,E,O,r]),vt=f.useCallback(function(Se){Se.stopPropagation()},[]),bt=f.useMemo(function(){return function(){var Se=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},Me=Se.refKey,Pt=Me===void 0?"ref":Me,Tt=Se.onChange,we=Se.onClick,ht=nh(Se,tH),$t=c1({accept:T,multiple:c,type:"file",style:{display:"none"},onChange:Oe(Gs(Tt,le)),onClick:Oe(Gs(we,vt)),tabIndex:-1},Pt,q);return fr(fr({},$t),ht)}},[q,n,c,le,r]);return fr(fr({},L),{},{isFocused:Y&&!r,getRootProps:on,getInputProps:bt,rootRef:V,inputRef:q,open:Oe(ge)})}function uH(e,t){switch(t.type){case"focus":return fr(fr({},e),{},{isFocused:!0});case"blur":return fr(fr({},e),{},{isFocused:!1});case"openDialog":return fr(fr({},u1),{},{isFileDialogActive:!0});case"closeDialog":return fr(fr({},e),{},{isFileDialogActive:!1});case"setDraggedFiles":return fr(fr({},e),{},{isDragActive:t.isDragActive,isDragAccept:t.isDragAccept,isDragReject:t.isDragReject});case"setFiles":return fr(fr({},e),{},{acceptedFiles:t.acceptedFiles,fileRejections:t.fileRejections});case"reset":return fr({},u1);default:return e}}function SS(){}function d1(){return d1=Object.assign?Object.assign.bind():function(e){for(var t=1;t'),!0):t?e.some(function(n){return t.includes(n)})||e.includes("*"):!0}var vH=function(t,n,r){r===void 0&&(r=!1);var o=n.alt,s=n.meta,a=n.mod,c=n.shift,d=n.ctrl,p=n.keys,h=t.key,m=t.code,v=t.ctrlKey,b=t.metaKey,w=t.shiftKey,y=t.altKey,S=ii(m),_=h.toLowerCase();if(!r){if(o===!y&&_!=="alt"||c===!w&&_!=="shift")return!1;if(a){if(!b&&!v)return!1}else if(s===!b&&_!=="meta"&&_!=="os"||d===!v&&_!=="ctrl"&&_!=="control")return!1}return p&&p.length===1&&(p.includes(_)||p.includes(S))?!0:p?lP(p):!p},bH=f.createContext(void 0),yH=function(){return f.useContext(bH)};function fP(e,t){return e&&t&&typeof e=="object"&&typeof t=="object"?Object.keys(e).length===Object.keys(t).length&&Object.keys(e).reduce(function(n,r){return n&&fP(e[r],t[r])},!0):e===t}var xH=f.createContext({hotkeys:[],enabledScopes:[],toggleScope:function(){},enableScope:function(){},disableScope:function(){}}),wH=function(){return f.useContext(xH)};function SH(e){var t=f.useRef(void 0);return fP(t.current,e)||(t.current=e),t.current}var CS=function(t){t.stopPropagation(),t.preventDefault(),t.stopImmediatePropagation()},CH=typeof window<"u"?f.useLayoutEffect:f.useEffect;function rt(e,t,n,r){var o=f.useRef(null),s=f.useRef(!1),a=n instanceof Array?r instanceof Array?void 0:r:n,c=e instanceof Array?e.join(a==null?void 0:a.splitKey):e,d=n instanceof Array?n:r instanceof Array?r:void 0,p=f.useCallback(t,d??[]),h=f.useRef(p);d?h.current=p:h.current=t;var m=SH(a),v=wH(),b=v.enabledScopes,w=yH();return CH(function(){if(!((m==null?void 0:m.enabled)===!1||!gH(b,m==null?void 0:m.scopes))){var y=function(I,E){var O;if(E===void 0&&(E=!1),!(mH(I)&&!dP(I,m==null?void 0:m.enableOnFormTags))&&!(m!=null&&m.ignoreEventWhen!=null&&m.ignoreEventWhen(I))){if(o.current!==null&&document.activeElement!==o.current&&!o.current.contains(document.activeElement)){CS(I);return}(O=I.target)!=null&&O.isContentEditable&&!(m!=null&&m.enableOnContentEditable)||F0(c,m==null?void 0:m.splitKey).forEach(function(R){var M,A=H0(R,m==null?void 0:m.combinationKey);if(vH(I,A,m==null?void 0:m.ignoreModifiers)||(M=A.keys)!=null&&M.includes("*")){if(E&&s.current)return;if(pH(I,A,m==null?void 0:m.preventDefault),!hH(I,A,m==null?void 0:m.enabled)){CS(I);return}h.current(I,A),E||(s.current=!0)}})}},S=function(I){I.key!==void 0&&(cP(ii(I.code)),((m==null?void 0:m.keydown)===void 0&&(m==null?void 0:m.keyup)!==!0||m!=null&&m.keydown)&&y(I))},_=function(I){I.key!==void 0&&(uP(ii(I.code)),s.current=!1,m!=null&&m.keyup&&y(I,!0))},k=o.current||(a==null?void 0:a.document)||document;return k.addEventListener("keyup",_),k.addEventListener("keydown",S),w&&F0(c,m==null?void 0:m.splitKey).forEach(function(j){return w.addHotkey(H0(j,m==null?void 0:m.combinationKey,m==null?void 0:m.description))}),function(){k.removeEventListener("keyup",_),k.removeEventListener("keydown",S),w&&F0(c,m==null?void 0:m.splitKey).forEach(function(j){return w.removeHotkey(H0(j,m==null?void 0:m.combinationKey,m==null?void 0:m.description))})}}},[c,m,b]),o}const kH=e=>{const{isDragAccept:t,isDragReject:n,setIsHandlingUpload:r}=e;return rt("esc",()=>{r(!1)}),i.jsxs(Ee,{sx:{position:"absolute",top:0,insetInlineStart:0,width:"100vw",height:"100vh",zIndex:999,backdropFilter:"blur(20px)"},children:[i.jsx(F,{sx:{position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full",bg:"base.700",_dark:{bg:"base.900"},opacity:.7,alignItems:"center",justifyContent:"center",transitionProperty:"common",transitionDuration:"0.1s"}}),i.jsx(F,{sx:{position:"absolute",top:0,insetInlineStart:0,width:"full",height:"full",alignItems:"center",justifyContent:"center",p:4},children:i.jsx(F,{sx:{width:"full",height:"full",alignItems:"center",justifyContent:"center",flexDir:"column",gap:4,borderWidth:3,borderRadius:"xl",borderStyle:"dashed",color:"base.100",borderColor:"base.100",_dark:{borderColor:"base.200"}},children:t?i.jsx(Ys,{size:"lg",children:"Drop to Upload"}):i.jsxs(i.Fragment,{children:[i.jsx(Ys,{size:"lg",children:"Invalid Upload"}),i.jsx(Ys,{size:"md",children:"Must be single JPEG or PNG image"})]})})})]})},_H=fe([Ye,Kn],({gallery:e},t)=>{let n={type:"TOAST"};t==="unifiedCanvas"&&(n={type:"SET_CANVAS_INITIAL_IMAGE"}),t==="img2img"&&(n={type:"SET_INITIAL_IMAGE"});const{autoAddBoardId:r}=e;return{autoAddBoardId:r,postUploadAction:n}},Ge),PH=e=>{const{children:t}=e,{autoAddBoardId:n,postUploadAction:r}=z(_H),o=z(Cr),s=Wc(),{t:a}=ye(),[c,d]=f.useState(!1),[p]=D_(),h=f.useCallback(j=>{d(!0),s({title:a("toast.uploadFailed"),description:j.errors.map(I=>I.message).join(` +`),status:"error"})},[a,s]),m=f.useCallback(async j=>{p({file:j,image_category:"user",is_intermediate:!1,postUploadAction:r,board_id:n})},[n,r,p]),v=f.useCallback((j,I)=>{if(I.length>1){s({title:a("toast.uploadFailed"),description:a("toast.uploadFailedInvalidUploadDesc"),status:"error"});return}I.forEach(E=>{h(E)}),j.forEach(E=>{m(E)})},[a,s,m,h]),{getRootProps:b,getInputProps:w,isDragAccept:y,isDragReject:S,isDragActive:_,inputRef:k}=ey({accept:{"image/png":[".png"],"image/jpeg":[".jpg",".jpeg",".png"]},noClick:!0,onDrop:v,onDragOver:()=>d(!0),disabled:o,multiple:!1});return f.useEffect(()=>{const j=async I=>{var E,O;k.current&&(E=I.clipboardData)!=null&&E.files&&(k.current.files=I.clipboardData.files,(O=k.current)==null||O.dispatchEvent(new Event("change",{bubbles:!0})))};return document.addEventListener("paste",j),()=>{document.removeEventListener("paste",j)}},[k]),i.jsxs(Ee,{...b({style:{}}),onKeyDown:j=>{j.key},children:[i.jsx("input",{...w()}),t,i.jsx(mo,{children:_&&c&&i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.1}},exit:{opacity:0,transition:{duration:.1}},children:i.jsx(kH,{isDragAccept:y,isDragReject:S,setIsHandlingUpload:d})},"image-upload-overlay")})]})},jH=f.memo(PH),mn=e=>e.canvas,lr=fe([mn,Kn,vo],(e,t,n)=>e.layerState.stagingArea.images.length>0||t==="unifiedCanvas"&&n.isProcessing),IH=e=>e.canvas.layerState.objects.find(A_),EH=o9(e=>{e(T_(!0))},300),ko=()=>(e,t)=>{Kn(t())==="unifiedCanvas"&&EH(e)};var OH=globalThis&&globalThis.__extends||function(){var e=function(t,n){return e=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(r,o){r.__proto__=o}||function(r,o){for(var s in o)Object.prototype.hasOwnProperty.call(o,s)&&(r[s]=o[s])},e(t,n)};return function(t,n){e(t,n);function r(){this.constructor=t}t.prototype=n===null?Object.create(n):(r.prototype=n.prototype,new r)}}(),_r=globalThis&&globalThis.__assign||function(){return _r=Object.assign||function(e){for(var t,n=1,r=arguments.length;n"u"?void 0:Number(r),maxHeight:typeof o>"u"?void 0:Number(o),minWidth:typeof s>"u"?void 0:Number(s),minHeight:typeof a>"u"?void 0:Number(a)}},$H=["as","style","className","grid","snap","bounds","boundsByDirection","size","defaultSize","minWidth","minHeight","maxWidth","maxHeight","lockAspectRatio","lockAspectRatioExtraWidth","lockAspectRatioExtraHeight","enable","handleStyles","handleClasses","handleWrapperStyle","handleWrapperClass","children","onResizeStart","onResize","onResizeStop","handleComponent","scale","resizeRatio","snapGap"],IS="__resizable_base__",zH=function(e){DH(t,e);function t(n){var r=e.call(this,n)||this;return r.ratio=1,r.resizable=null,r.parentLeft=0,r.parentTop=0,r.resizableLeft=0,r.resizableRight=0,r.resizableTop=0,r.resizableBottom=0,r.targetLeft=0,r.targetTop=0,r.appendBase=function(){if(!r.resizable||!r.window)return null;var o=r.parentNode;if(!o)return null;var s=r.window.document.createElement("div");return s.style.width="100%",s.style.height="100%",s.style.position="absolute",s.style.transform="scale(0, 0)",s.style.left="0",s.style.flex="0 0 100%",s.classList?s.classList.add(IS):s.className+=IS,o.appendChild(s),s},r.removeBase=function(o){var s=r.parentNode;s&&s.removeChild(o)},r.ref=function(o){o&&(r.resizable=o)},r.state={isResizing:!1,width:typeof(r.propsSize&&r.propsSize.width)>"u"?"auto":r.propsSize&&r.propsSize.width,height:typeof(r.propsSize&&r.propsSize.height)>"u"?"auto":r.propsSize&&r.propsSize.height,direction:"right",original:{x:0,y:0,width:0,height:0},backgroundStyle:{height:"100%",width:"100%",backgroundColor:"rgba(0,0,0,0)",cursor:"auto",opacity:0,position:"fixed",zIndex:9999,top:"0",left:"0",bottom:"0",right:"0"},flexBasis:void 0},r.onResizeStart=r.onResizeStart.bind(r),r.onMouseMove=r.onMouseMove.bind(r),r.onMouseUp=r.onMouseUp.bind(r),r}return Object.defineProperty(t.prototype,"parentNode",{get:function(){return this.resizable?this.resizable.parentNode:null},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"window",{get:function(){return!this.resizable||!this.resizable.ownerDocument?null:this.resizable.ownerDocument.defaultView},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"propsSize",{get:function(){return this.props.size||this.props.defaultSize||AH},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"size",{get:function(){var n=0,r=0;if(this.resizable&&this.window){var o=this.resizable.offsetWidth,s=this.resizable.offsetHeight,a=this.resizable.style.position;a!=="relative"&&(this.resizable.style.position="relative"),n=this.resizable.style.width!=="auto"?this.resizable.offsetWidth:o,r=this.resizable.style.height!=="auto"?this.resizable.offsetHeight:s,this.resizable.style.position=a}return{width:n,height:r}},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"sizeStyle",{get:function(){var n=this,r=this.props.size,o=function(c){if(typeof n.state[c]>"u"||n.state[c]==="auto")return"auto";if(n.propsSize&&n.propsSize[c]&&n.propsSize[c].toString().endsWith("%")){if(n.state[c].toString().endsWith("%"))return n.state[c].toString();var d=n.getParentSize(),p=Number(n.state[c].toString().replace("px","")),h=p/d[c]*100;return h+"%"}return W0(n.state[c])},s=r&&typeof r.width<"u"&&!this.state.isResizing?W0(r.width):o("width"),a=r&&typeof r.height<"u"&&!this.state.isResizing?W0(r.height):o("height");return{width:s,height:a}},enumerable:!1,configurable:!0}),t.prototype.getParentSize=function(){if(!this.parentNode)return this.window?{width:this.window.innerWidth,height:this.window.innerHeight}:{width:0,height:0};var n=this.appendBase();if(!n)return{width:0,height:0};var r=!1,o=this.parentNode.style.flexWrap;o!=="wrap"&&(r=!0,this.parentNode.style.flexWrap="wrap"),n.style.position="relative",n.style.minWidth="100%",n.style.minHeight="100%";var s={width:n.offsetWidth,height:n.offsetHeight};return r&&(this.parentNode.style.flexWrap=o),this.removeBase(n),s},t.prototype.bindEvents=function(){this.window&&(this.window.addEventListener("mouseup",this.onMouseUp),this.window.addEventListener("mousemove",this.onMouseMove),this.window.addEventListener("mouseleave",this.onMouseUp),this.window.addEventListener("touchmove",this.onMouseMove,{capture:!0,passive:!1}),this.window.addEventListener("touchend",this.onMouseUp))},t.prototype.unbindEvents=function(){this.window&&(this.window.removeEventListener("mouseup",this.onMouseUp),this.window.removeEventListener("mousemove",this.onMouseMove),this.window.removeEventListener("mouseleave",this.onMouseUp),this.window.removeEventListener("touchmove",this.onMouseMove,!0),this.window.removeEventListener("touchend",this.onMouseUp))},t.prototype.componentDidMount=function(){if(!(!this.resizable||!this.window)){var n=this.window.getComputedStyle(this.resizable);this.setState({width:this.state.width||this.size.width,height:this.state.height||this.size.height,flexBasis:n.flexBasis!=="auto"?n.flexBasis:void 0})}},t.prototype.componentWillUnmount=function(){this.window&&this.unbindEvents()},t.prototype.createSizeForCssProperty=function(n,r){var o=this.propsSize&&this.propsSize[r];return this.state[r]==="auto"&&this.state.original[r]===n&&(typeof o>"u"||o==="auto")?"auto":n},t.prototype.calculateNewMaxFromBoundary=function(n,r){var o=this.props.boundsByDirection,s=this.state.direction,a=o&&Fl("left",s),c=o&&Fl("top",s),d,p;if(this.props.bounds==="parent"){var h=this.parentNode;h&&(d=a?this.resizableRight-this.parentLeft:h.offsetWidth+(this.parentLeft-this.resizableLeft),p=c?this.resizableBottom-this.parentTop:h.offsetHeight+(this.parentTop-this.resizableTop))}else this.props.bounds==="window"?this.window&&(d=a?this.resizableRight:this.window.innerWidth-this.resizableLeft,p=c?this.resizableBottom:this.window.innerHeight-this.resizableTop):this.props.bounds&&(d=a?this.resizableRight-this.targetLeft:this.props.bounds.offsetWidth+(this.targetLeft-this.resizableLeft),p=c?this.resizableBottom-this.targetTop:this.props.bounds.offsetHeight+(this.targetTop-this.resizableTop));return d&&Number.isFinite(d)&&(n=n&&n"u"?10:s.width,m=typeof o.width>"u"||o.width<0?n:o.width,v=typeof s.height>"u"?10:s.height,b=typeof o.height>"u"||o.height<0?r:o.height,w=d||0,y=p||0;if(c){var S=(v-w)*this.ratio+y,_=(b-w)*this.ratio+y,k=(h-y)/this.ratio+w,j=(m-y)/this.ratio+w,I=Math.max(h,S),E=Math.min(m,_),O=Math.max(v,k),R=Math.min(b,j);n=Gf(n,I,E),r=Gf(r,O,R)}else n=Gf(n,h,m),r=Gf(r,v,b);return{newWidth:n,newHeight:r}},t.prototype.setBoundingClientRect=function(){if(this.props.bounds==="parent"){var n=this.parentNode;if(n){var r=n.getBoundingClientRect();this.parentLeft=r.left,this.parentTop=r.top}}if(this.props.bounds&&typeof this.props.bounds!="string"){var o=this.props.bounds.getBoundingClientRect();this.targetLeft=o.left,this.targetTop=o.top}if(this.resizable){var s=this.resizable.getBoundingClientRect(),a=s.left,c=s.top,d=s.right,p=s.bottom;this.resizableLeft=a,this.resizableRight=d,this.resizableTop=c,this.resizableBottom=p}},t.prototype.onResizeStart=function(n,r){if(!(!this.resizable||!this.window)){var o=0,s=0;if(n.nativeEvent&&TH(n.nativeEvent)?(o=n.nativeEvent.clientX,s=n.nativeEvent.clientY):n.nativeEvent&&qf(n.nativeEvent)&&(o=n.nativeEvent.touches[0].clientX,s=n.nativeEvent.touches[0].clientY),this.props.onResizeStart&&this.resizable){var a=this.props.onResizeStart(n,r,this.resizable);if(a===!1)return}this.props.size&&(typeof this.props.size.height<"u"&&this.props.size.height!==this.state.height&&this.setState({height:this.props.size.height}),typeof this.props.size.width<"u"&&this.props.size.width!==this.state.width&&this.setState({width:this.props.size.width})),this.ratio=typeof this.props.lockAspectRatio=="number"?this.props.lockAspectRatio:this.size.width/this.size.height;var c,d=this.window.getComputedStyle(this.resizable);if(d.flexBasis!=="auto"){var p=this.parentNode;if(p){var h=this.window.getComputedStyle(p).flexDirection;this.flexDir=h.startsWith("row")?"row":"column",c=d.flexBasis}}this.setBoundingClientRect(),this.bindEvents();var m={original:{x:o,y:s,width:this.size.width,height:this.size.height},isResizing:!0,backgroundStyle:qs(qs({},this.state.backgroundStyle),{cursor:this.window.getComputedStyle(n.target).cursor||"auto"}),direction:r,flexBasis:c};this.setState(m)}},t.prototype.onMouseMove=function(n){var r=this;if(!(!this.state.isResizing||!this.resizable||!this.window)){if(this.window.TouchEvent&&qf(n))try{n.preventDefault(),n.stopPropagation()}catch{}var o=this.props,s=o.maxWidth,a=o.maxHeight,c=o.minWidth,d=o.minHeight,p=qf(n)?n.touches[0].clientX:n.clientX,h=qf(n)?n.touches[0].clientY:n.clientY,m=this.state,v=m.direction,b=m.original,w=m.width,y=m.height,S=this.getParentSize(),_=NH(S,this.window.innerWidth,this.window.innerHeight,s,a,c,d);s=_.maxWidth,a=_.maxHeight,c=_.minWidth,d=_.minHeight;var k=this.calculateNewSizeFromDirection(p,h),j=k.newHeight,I=k.newWidth,E=this.calculateNewMaxFromBoundary(s,a);this.props.snap&&this.props.snap.x&&(I=jS(I,this.props.snap.x,this.props.snapGap)),this.props.snap&&this.props.snap.y&&(j=jS(j,this.props.snap.y,this.props.snapGap));var O=this.calculateNewSizeFromAspectRatio(I,j,{width:E.maxWidth,height:E.maxHeight},{width:c,height:d});if(I=O.newWidth,j=O.newHeight,this.props.grid){var R=PS(I,this.props.grid[0]),M=PS(j,this.props.grid[1]),A=this.props.snapGap||0;I=A===0||Math.abs(R-I)<=A?R:I,j=A===0||Math.abs(M-j)<=A?M:j}var T={width:I-b.width,height:j-b.height};if(w&&typeof w=="string"){if(w.endsWith("%")){var $=I/S.width*100;I=$+"%"}else if(w.endsWith("vw")){var Q=I/this.window.innerWidth*100;I=Q+"vw"}else if(w.endsWith("vh")){var B=I/this.window.innerHeight*100;I=B+"vh"}}if(y&&typeof y=="string"){if(y.endsWith("%")){var $=j/S.height*100;j=$+"%"}else if(y.endsWith("vw")){var Q=j/this.window.innerWidth*100;j=Q+"vw"}else if(y.endsWith("vh")){var B=j/this.window.innerHeight*100;j=B+"vh"}}var V={width:this.createSizeForCssProperty(I,"width"),height:this.createSizeForCssProperty(j,"height")};this.flexDir==="row"?V.flexBasis=V.width:this.flexDir==="column"&&(V.flexBasis=V.height),_i.flushSync(function(){r.setState(V)}),this.props.onResize&&this.props.onResize(n,v,this.resizable,T)}},t.prototype.onMouseUp=function(n){var r=this.state,o=r.isResizing,s=r.direction,a=r.original;if(!(!o||!this.resizable)){var c={width:this.size.width-a.width,height:this.size.height-a.height};this.props.onResizeStop&&this.props.onResizeStop(n,s,this.resizable,c),this.props.size&&this.setState(this.props.size),this.unbindEvents(),this.setState({isResizing:!1,backgroundStyle:qs(qs({},this.state.backgroundStyle),{cursor:"auto"})})}},t.prototype.updateSize=function(n){this.setState({width:n.width,height:n.height})},t.prototype.renderResizer=function(){var n=this,r=this.props,o=r.enable,s=r.handleStyles,a=r.handleClasses,c=r.handleWrapperStyle,d=r.handleWrapperClass,p=r.handleComponent;if(!o)return null;var h=Object.keys(o).map(function(m){return o[m]!==!1?f.createElement(MH,{key:m,direction:m,onResizeStart:n.onResizeStart,replaceStyles:s&&s[m],className:a&&a[m]},p&&p[m]?p[m]:null):null});return f.createElement("div",{className:d,style:c},h)},t.prototype.render=function(){var n=this,r=Object.keys(this.props).reduce(function(a,c){return $H.indexOf(c)!==-1||(a[c]=n.props[c]),a},{}),o=qs(qs(qs({position:"relative",userSelect:this.state.isResizing?"none":"auto"},this.props.style),this.sizeStyle),{maxWidth:this.props.maxWidth,maxHeight:this.props.maxHeight,minWidth:this.props.minWidth,minHeight:this.props.minHeight,boxSizing:"border-box",flexShrink:0});this.state.flexBasis&&(o.flexBasis=this.state.flexBasis);var s=this.props.as||"div";return f.createElement(s,qs({ref:this.ref,style:o,className:this.props.className},r),this.state.isResizing&&f.createElement("div",{style:this.state.backgroundStyle}),this.props.children,this.renderResizer())},t.defaultProps={as:"div",onResizeStart:function(){},onResize:function(){},onResizeStop:function(){},enable:{top:!0,right:!0,bottom:!0,left:!0,topRight:!0,bottomRight:!0,bottomLeft:!0,topLeft:!0},style:{},grid:[1,1],lockAspectRatio:!1,lockAspectRatioExtraWidth:0,lockAspectRatioExtraHeight:0,scale:1,resizeRatio:1,snapGap:0},t}(f.PureComponent);const LH=({direction:e,langDirection:t})=>({top:e==="bottom",right:t!=="rtl"&&e==="left"||t==="rtl"&&e==="right",bottom:e==="top",left:t!=="rtl"&&e==="right"||t==="rtl"&&e==="left"}),BH=({direction:e,minWidth:t,maxWidth:n,minHeight:r,maxHeight:o})=>{const s=t??(["left","right"].includes(e)?10:void 0),a=n??(["left","right"].includes(e)?"95vw":void 0),c=r??(["top","bottom"].includes(e)?10:void 0),d=o??(["top","bottom"].includes(e)?"95vh":void 0);return{...s?{minWidth:s}:{},...a?{maxWidth:a}:{},...c?{minHeight:c}:{},...d?{maxHeight:d}:{}}},ba="0.75rem",Xf="1rem",mu="5px",FH=({isResizable:e,direction:t})=>{const n=`calc((2 * ${ba} + ${mu}) / -2)`;return t==="top"?{containerStyles:{borderBottomWidth:mu,paddingBottom:Xf},handleStyles:e?{top:{paddingTop:ba,paddingBottom:ba,bottom:n}}:{}}:t==="left"?{containerStyles:{borderInlineEndWidth:mu,paddingInlineEnd:Xf},handleStyles:e?{right:{paddingInlineStart:ba,paddingInlineEnd:ba,insetInlineEnd:n}}:{}}:t==="bottom"?{containerStyles:{borderTopWidth:mu,paddingTop:Xf},handleStyles:e?{bottom:{paddingTop:ba,paddingBottom:ba,top:n}}:{}}:t==="right"?{containerStyles:{borderInlineStartWidth:mu,paddingInlineStart:Xf},handleStyles:e?{left:{paddingInlineStart:ba,paddingInlineEnd:ba,insetInlineStart:n}}:{}}:{containerStyles:{},handleStyles:{}}},HH=(e,t)=>["top","bottom"].includes(e)?e:e==="left"?t==="rtl"?"right":"left":e==="right"?t==="rtl"?"left":"right":"left",Fe=(e,t)=>n=>n==="light"?e:t,WH=je(zH,{shouldForwardProp:e=>!["sx"].includes(e)}),pP=({direction:e="left",isResizable:t,isOpen:n,onClose:r,children:o,initialWidth:s,minWidth:a,maxWidth:c,initialHeight:d,minHeight:p,maxHeight:h,onResizeStart:m,onResizeStop:v,onResize:b,sx:w={}})=>{const y=Ac().direction,{colorMode:S}=Ds(),_=f.useRef(null),k=f.useMemo(()=>s??a??(["left","right"].includes(e)?"auto":"100%"),[s,a,e]),j=f.useMemo(()=>d??p??(["top","bottom"].includes(e)?"auto":"100%"),[d,p,e]),[I,E]=f.useState(k),[O,R]=f.useState(j);$N({ref:_,handler:()=>{r()},enabled:n});const M=f.useMemo(()=>t?LH({direction:e,langDirection:y}):{},[t,y,e]),A=f.useMemo(()=>BH({direction:e,minWidth:a,maxWidth:c,minHeight:p,maxHeight:h}),[a,c,p,h,e]),{containerStyles:T,handleStyles:$}=f.useMemo(()=>FH({isResizable:t,direction:e}),[t,e]),Q=f.useMemo(()=>HH(e,y),[e,y]);return f.useEffect(()=>{["left","right"].includes(e)&&R("100vh"),["top","bottom"].includes(e)&&E("100vw")},[e]),i.jsx(H5,{direction:Q,in:n,motionProps:{initial:!1},style:{width:"full"},children:i.jsx(Ee,{ref:_,sx:{width:"full",height:"full"},children:i.jsx(WH,{size:{width:t?I:k,height:t?O:j},enable:M,handleStyles:$,...A,sx:{borderColor:Fe("base.200","base.800")(S),p:4,bg:Fe("base.50","base.900")(S),height:"full",shadow:n?"dark-lg":void 0,...T,...w},onResizeStart:(B,V,q)=>{m&&m(B,V,q)},onResize:(B,V,q,G)=>{b&&b(B,V,q,G)},onResizeStop:(B,V,q,G)=>{["left","right"].includes(V)&&E(Number(I)+G.width),["top","bottom"].includes(V)&&R(Number(O)+G.height),v&&v(B,V,q,G)},children:o})})})},VH=Ae((e,t)=>{const{children:n,tooltip:r="",tooltipProps:{placement:o="top",hasArrow:s=!0,...a}={},isChecked:c,...d}=e;return i.jsx(wn,{label:r,placement:o,hasArrow:s,...a,children:i.jsx(bc,{ref:t,colorScheme:c?"accent":"base",...d,children:n})})}),Jt=f.memo(VH);var hP={color:void 0,size:void 0,className:void 0,style:void 0,attr:void 0},ES=H.createContext&&H.createContext(hP),fi=globalThis&&globalThis.__assign||function(){return fi=Object.assign||function(e){for(var t,n=1,r=arguments.length;nt(e[n],n,e));return e}function ro(e,t){const n=Ei(t);if(Rs(t)||n){let o=n?"":{};if(e){const s=window.getComputedStyle(e,null);o=n?AS(e,s,t):t.reduce((a,c)=>(a[c]=AS(e,s,c),a),o)}return o}e&&_n(Fo(t),o=>GW(e,o,t[o]))}const xs=(e,t)=>{const{o:n,u:r,_:o}=e;let s=n,a;const c=(h,m)=>{const v=s,b=h,w=m||(r?!r(v,b):v!==b);return(w||o)&&(s=b,a=v),[s,w,a]};return[t?h=>c(t(s,a),h):c,h=>[s,!!h,a]]},Ld=()=>typeof window<"u",OP=Ld()&&Node.ELEMENT_NODE,{toString:RW,hasOwnProperty:U0}=Object.prototype,Ha=e=>e===void 0,Am=e=>e===null,MW=e=>Ha(e)||Am(e)?`${e}`:RW.call(e).replace(/^\[object (.+)\]$/,"$1").toLowerCase(),pi=e=>typeof e=="number",Ei=e=>typeof e=="string",ay=e=>typeof e=="boolean",Os=e=>typeof e=="function",Rs=e=>Array.isArray(e),ld=e=>typeof e=="object"&&!Rs(e)&&!Am(e),Tm=e=>{const t=!!e&&e.length,n=pi(t)&&t>-1&&t%1==0;return Rs(e)||!Os(e)&&n?t>0&&ld(e)?t-1 in e:!0:!1},f1=e=>{if(!e||!ld(e)||MW(e)!=="object")return!1;let t;const n="constructor",r=e[n],o=r&&r.prototype,s=U0.call(e,n),a=o&&U0.call(o,"isPrototypeOf");if(r&&!s&&!a)return!1;for(t in e);return Ha(t)||U0.call(e,t)},rh=e=>{const t=HTMLElement;return e?t?e instanceof t:e.nodeType===OP:!1},Nm=e=>{const t=Element;return e?t?e instanceof t:e.nodeType===OP:!1},iy=(e,t,n)=>e.indexOf(t,n),An=(e,t,n)=>(!n&&!Ei(t)&&Tm(t)?Array.prototype.push.apply(e,t):e.push(t),e),cl=e=>{const t=Array.from,n=[];return t&&e?t(e):(e instanceof Set?e.forEach(r=>{An(n,r)}):_n(e,r=>{An(n,r)}),n)},ly=e=>!!e&&e.length===0,ca=(e,t,n)=>{_n(e,o=>o&&o.apply(void 0,t||[])),!n&&(e.length=0)},$m=(e,t)=>Object.prototype.hasOwnProperty.call(e,t),Fo=e=>e?Object.keys(e):[],hr=(e,t,n,r,o,s,a)=>{const c=[t,n,r,o,s,a];return(typeof e!="object"||Am(e))&&!Os(e)&&(e={}),_n(c,d=>{_n(Fo(d),p=>{const h=d[p];if(e===h)return!0;const m=Rs(h);if(h&&(f1(h)||m)){const v=e[p];let b=v;m&&!Rs(v)?b=[]:!m&&!f1(v)&&(b={}),e[p]=hr(b,h)}else e[p]=h})}),e},cy=e=>{for(const t in e)return!1;return!0},RP=(e,t,n,r)=>{if(Ha(r))return n?n[e]:t;n&&(Ei(r)||pi(r))&&(n[e]=r)},to=(e,t,n)=>{if(Ha(n))return e?e.getAttribute(t):null;e&&e.setAttribute(t,n)},So=(e,t)=>{e&&e.removeAttribute(t)},Zi=(e,t,n,r)=>{if(n){const o=to(e,t)||"",s=new Set(o.split(" "));s[r?"add":"delete"](n);const a=cl(s).join(" ").trim();to(e,t,a)}},DW=(e,t,n)=>{const r=to(e,t)||"";return new Set(r.split(" ")).has(n)},_s=(e,t)=>RP("scrollLeft",0,e,t),ka=(e,t)=>RP("scrollTop",0,e,t),p1=Ld()&&Element.prototype,MP=(e,t)=>{const n=[],r=t?Nm(t)?t:null:document;return r?An(n,r.querySelectorAll(e)):n},AW=(e,t)=>{const n=t?Nm(t)?t:null:document;return n?n.querySelector(e):null},oh=(e,t)=>Nm(e)?(p1.matches||p1.msMatchesSelector).call(e,t):!1,uy=e=>e?cl(e.childNodes):[],Ta=e=>e?e.parentElement:null,Ql=(e,t)=>{if(Nm(e)){const n=p1.closest;if(n)return n.call(e,t);do{if(oh(e,t))return e;e=Ta(e)}while(e)}return null},TW=(e,t,n)=>{const r=e&&Ql(e,t),o=e&&AW(n,r),s=Ql(o,t)===r;return r&&o?r===e||o===e||s&&Ql(Ql(e,n),t)!==r:!1},dy=(e,t,n)=>{if(n&&e){let r=t,o;Tm(n)?(o=document.createDocumentFragment(),_n(n,s=>{s===r&&(r=s.previousSibling),o.appendChild(s)})):o=n,t&&(r?r!==t&&(r=r.nextSibling):r=e.firstChild),e.insertBefore(o,r||null)}},ts=(e,t)=>{dy(e,null,t)},NW=(e,t)=>{dy(Ta(e),e,t)},RS=(e,t)=>{dy(Ta(e),e&&e.nextSibling,t)},oa=e=>{if(Tm(e))_n(cl(e),t=>oa(t));else if(e){const t=Ta(e);t&&t.removeChild(e)}},el=e=>{const t=document.createElement("div");return e&&to(t,"class",e),t},DP=e=>{const t=el();return t.innerHTML=e.trim(),_n(uy(t),n=>oa(n))},h1=e=>e.charAt(0).toUpperCase()+e.slice(1),$W=()=>el().style,zW=["-webkit-","-moz-","-o-","-ms-"],LW=["WebKit","Moz","O","MS","webkit","moz","o","ms"],G0={},q0={},BW=e=>{let t=q0[e];if($m(q0,e))return t;const n=h1(e),r=$W();return _n(zW,o=>{const s=o.replace(/-/g,"");return!(t=[e,o+e,s+n,h1(s)+n].find(c=>r[c]!==void 0))}),q0[e]=t||""},Bd=e=>{if(Ld()){let t=G0[e]||window[e];return $m(G0,e)||(_n(LW,n=>(t=t||window[n+h1(e)],!t)),G0[e]=t),t}},FW=Bd("MutationObserver"),MS=Bd("IntersectionObserver"),Jl=Bd("ResizeObserver"),AP=Bd("cancelAnimationFrame"),TP=Bd("requestAnimationFrame"),sh=Ld()&&window.setTimeout,m1=Ld()&&window.clearTimeout,HW=/[^\x20\t\r\n\f]+/g,NP=(e,t,n)=>{const r=e&&e.classList;let o,s=0,a=!1;if(r&&t&&Ei(t)){const c=t.match(HW)||[];for(a=c.length>0;o=c[s++];)a=!!n(r,o)&&a}return a},fy=(e,t)=>{NP(e,t,(n,r)=>n.remove(r))},_a=(e,t)=>(NP(e,t,(n,r)=>n.add(r)),fy.bind(0,e,t)),zm=(e,t,n,r)=>{if(e&&t){let o=!0;return _n(n,s=>{const a=r?r(e[s]):e[s],c=r?r(t[s]):t[s];a!==c&&(o=!1)}),o}return!1},$P=(e,t)=>zm(e,t,["w","h"]),zP=(e,t)=>zm(e,t,["x","y"]),WW=(e,t)=>zm(e,t,["t","r","b","l"]),DS=(e,t,n)=>zm(e,t,["width","height"],n&&(r=>Math.round(r))),es=()=>{},ql=e=>{let t;const n=e?sh:TP,r=e?m1:AP;return[o=>{r(t),t=n(o,Os(e)?e():e)},()=>r(t)]},py=(e,t)=>{let n,r,o,s=es;const{v:a,g:c,p:d}=t||{},p=function(w){s(),m1(n),n=r=void 0,s=es,e.apply(this,w)},h=b=>d&&r?d(r,b):b,m=()=>{s!==es&&p(h(o)||o)},v=function(){const w=cl(arguments),y=Os(a)?a():a;if(pi(y)&&y>=0){const _=Os(c)?c():c,k=pi(_)&&_>=0,j=y>0?sh:TP,I=y>0?m1:AP,O=h(w)||w,R=p.bind(0,O);s();const M=j(R,y);s=()=>I(M),k&&!n&&(n=sh(m,_)),r=o=O}else p(w)};return v.m=m,v},VW={opacity:1,zindex:1},Yf=(e,t)=>{const n=t?parseFloat(e):parseInt(e,10);return n===n?n:0},UW=(e,t)=>!VW[e.toLowerCase()]&&pi(t)?`${t}px`:t,AS=(e,t,n)=>t!=null?t[n]||t.getPropertyValue(n):e.style[n],GW=(e,t,n)=>{try{const{style:r}=e;Ha(r[t])?r.setProperty(t,n):r[t]=UW(t,n)}catch{}},cd=e=>ro(e,"direction")==="rtl",TS=(e,t,n)=>{const r=t?`${t}-`:"",o=n?`-${n}`:"",s=`${r}top${o}`,a=`${r}right${o}`,c=`${r}bottom${o}`,d=`${r}left${o}`,p=ro(e,[s,a,c,d]);return{t:Yf(p[s],!0),r:Yf(p[a],!0),b:Yf(p[c],!0),l:Yf(p[d],!0)}},{round:NS}=Math,hy={w:0,h:0},ud=e=>e?{w:e.offsetWidth,h:e.offsetHeight}:hy,Mp=e=>e?{w:e.clientWidth,h:e.clientHeight}:hy,ah=e=>e?{w:e.scrollWidth,h:e.scrollHeight}:hy,ih=e=>{const t=parseFloat(ro(e,"height"))||0,n=parseFloat(ro(e,"width"))||0;return{w:n-NS(n),h:t-NS(t)}},Zs=e=>e.getBoundingClientRect();let Qf;const qW=()=>{if(Ha(Qf)){Qf=!1;try{window.addEventListener("test",null,Object.defineProperty({},"passive",{get(){Qf=!0}}))}catch{}}return Qf},LP=e=>e.split(" "),KW=(e,t,n,r)=>{_n(LP(t),o=>{e.removeEventListener(o,n,r)})},Tr=(e,t,n,r)=>{var o;const s=qW(),a=(o=s&&r&&r.S)!=null?o:s,c=r&&r.$||!1,d=r&&r.C||!1,p=[],h=s?{passive:a,capture:c}:c;return _n(LP(t),m=>{const v=d?b=>{e.removeEventListener(m,v,c),n&&n(b)}:n;An(p,KW.bind(null,e,m,v,c)),e.addEventListener(m,v,h)}),ca.bind(0,p)},BP=e=>e.stopPropagation(),FP=e=>e.preventDefault(),XW={x:0,y:0},K0=e=>{const t=e?Zs(e):0;return t?{x:t.left+window.pageYOffset,y:t.top+window.pageXOffset}:XW},$S=(e,t)=>{_n(Rs(t)?t:[t],e)},my=e=>{const t=new Map,n=(s,a)=>{if(s){const c=t.get(s);$S(d=>{c&&c[d?"delete":"clear"](d)},a)}else t.forEach(c=>{c.clear()}),t.clear()},r=(s,a)=>{if(Ei(s)){const p=t.get(s)||new Set;return t.set(s,p),$S(h=>{Os(h)&&p.add(h)},a),n.bind(0,s,a)}ay(a)&&a&&n();const c=Fo(s),d=[];return _n(c,p=>{const h=s[p];h&&An(d,r(p,h))}),ca.bind(0,d)},o=(s,a)=>{const c=t.get(s);_n(cl(c),d=>{a&&!ly(a)?d.apply(0,a):d()})};return r(e||{}),[r,n,o]},zS=e=>JSON.stringify(e,(t,n)=>{if(Os(n))throw new Error;return n}),YW={paddingAbsolute:!1,showNativeOverlaidScrollbars:!1,update:{elementEvents:[["img","load"]],debounce:[0,33],attributes:null,ignoreMutation:null},overflow:{x:"scroll",y:"scroll"},scrollbars:{theme:"os-theme-dark",visibility:"auto",autoHide:"never",autoHideDelay:1300,dragScroll:!0,clickScroll:!1,pointers:["mouse","touch","pen"]}},HP=(e,t)=>{const n={},r=Fo(t).concat(Fo(e));return _n(r,o=>{const s=e[o],a=t[o];if(ld(s)&&ld(a))hr(n[o]={},HP(s,a)),cy(n[o])&&delete n[o];else if($m(t,o)&&a!==s){let c=!0;if(Rs(s)||Rs(a))try{zS(s)===zS(a)&&(c=!1)}catch{}c&&(n[o]=a)}}),n},WP="os-environment",VP=`${WP}-flexbox-glue`,QW=`${VP}-max`,UP="os-scrollbar-hidden",X0="data-overlayscrollbars-initialize",ws="data-overlayscrollbars",GP=`${ws}-overflow-x`,qP=`${ws}-overflow-y`,dc="overflowVisible",JW="scrollbarHidden",LS="scrollbarPressed",lh="updating",oi="data-overlayscrollbars-viewport",Y0="arrange",KP="scrollbarHidden",fc=dc,g1="data-overlayscrollbars-padding",ZW=fc,BS="data-overlayscrollbars-content",gy="os-size-observer",eV=`${gy}-appear`,tV=`${gy}-listener`,nV="os-trinsic-observer",rV="os-no-css-vars",oV="os-theme-none",Eo="os-scrollbar",sV=`${Eo}-rtl`,aV=`${Eo}-horizontal`,iV=`${Eo}-vertical`,XP=`${Eo}-track`,vy=`${Eo}-handle`,lV=`${Eo}-visible`,cV=`${Eo}-cornerless`,FS=`${Eo}-transitionless`,HS=`${Eo}-interaction`,WS=`${Eo}-unusable`,VS=`${Eo}-auto-hidden`,US=`${Eo}-wheel`,uV=`${XP}-interactive`,dV=`${vy}-interactive`,YP={},ul=()=>YP,fV=e=>{const t=[];return _n(Rs(e)?e:[e],n=>{const r=Fo(n);_n(r,o=>{An(t,YP[o]=n[o])})}),t},pV="__osOptionsValidationPlugin",hV="__osSizeObserverPlugin",by="__osScrollbarsHidingPlugin",mV="__osClickScrollPlugin";let Q0;const GS=(e,t,n,r)=>{ts(e,t);const o=Mp(t),s=ud(t),a=ih(n);return r&&oa(t),{x:s.h-o.h+a.h,y:s.w-o.w+a.w}},gV=e=>{let t=!1;const n=_a(e,UP);try{t=ro(e,BW("scrollbar-width"))==="none"||window.getComputedStyle(e,"::-webkit-scrollbar").getPropertyValue("display")==="none"}catch{}return n(),t},vV=(e,t)=>{const n="hidden";ro(e,{overflowX:n,overflowY:n,direction:"rtl"}),_s(e,0);const r=K0(e),o=K0(t);_s(e,-999);const s=K0(t);return{i:r.x===o.x,n:o.x!==s.x}},bV=(e,t)=>{const n=_a(e,VP),r=Zs(e),o=Zs(t),s=DS(o,r,!0),a=_a(e,QW),c=Zs(e),d=Zs(t),p=DS(d,c,!0);return n(),a(),s&&p},yV=()=>{const{body:e}=document,n=DP(`
`)[0],r=n.firstChild,[o,,s]=my(),[a,c]=xs({o:GS(e,n,r),u:zP},GS.bind(0,e,n,r,!0)),[d]=c(),p=gV(n),h={x:d.x===0,y:d.y===0},m={elements:{host:null,padding:!p,viewport:k=>p&&k===k.ownerDocument.body&&k,content:!1},scrollbars:{slot:!0},cancel:{nativeScrollbarsOverlaid:!1,body:null}},v=hr({},YW),b=hr.bind(0,{},v),w=hr.bind(0,{},m),y={k:d,A:h,I:p,L:ro(n,"zIndex")==="-1",B:vV(n,r),V:bV(n,r),Y:o.bind(0,"z"),j:o.bind(0,"r"),N:w,q:k=>hr(m,k)&&w(),F:b,G:k=>hr(v,k)&&b(),X:hr({},m),U:hr({},v)},S=window.addEventListener,_=py(k=>s(k?"z":"r"),{v:33,g:99});if(So(n,"style"),oa(n),S("resize",_.bind(0,!1)),!p&&(!h.x||!h.y)){let k;S("resize",()=>{const j=ul()[by];k=k||j&&j.R(),k&&k(y,a,_.bind(0,!0))})}return y},Oo=()=>(Q0||(Q0=yV()),Q0),yy=(e,t)=>Os(t)?t.apply(0,e):t,xV=(e,t,n,r)=>{const o=Ha(r)?n:r;return yy(e,o)||t.apply(0,e)},QP=(e,t,n,r)=>{const o=Ha(r)?n:r,s=yy(e,o);return!!s&&(rh(s)?s:t.apply(0,e))},wV=(e,t,n)=>{const{nativeScrollbarsOverlaid:r,body:o}=n||{},{A:s,I:a}=Oo(),{nativeScrollbarsOverlaid:c,body:d}=t,p=r??c,h=Ha(o)?d:o,m=(s.x||s.y)&&p,v=e&&(Am(h)?!a:h);return!!m||!!v},xy=new WeakMap,SV=(e,t)=>{xy.set(e,t)},CV=e=>{xy.delete(e)},JP=e=>xy.get(e),qS=(e,t)=>e?t.split(".").reduce((n,r)=>n&&$m(n,r)?n[r]:void 0,e):void 0,v1=(e,t,n)=>r=>[qS(e,r),n||qS(t,r)!==void 0],ZP=e=>{let t=e;return[()=>t,n=>{t=hr({},t,n)}]},Jf="tabindex",Zf=el.bind(0,""),J0=e=>{ts(Ta(e),uy(e)),oa(e)},kV=e=>{const t=Oo(),{N:n,I:r}=t,o=ul()[by],s=o&&o.T,{elements:a}=n(),{host:c,padding:d,viewport:p,content:h}=a,m=rh(e),v=m?{}:e,{elements:b}=v,{host:w,padding:y,viewport:S,content:_}=b||{},k=m?e:v.target,j=oh(k,"textarea"),I=k.ownerDocument,E=I.documentElement,O=k===I.body,R=I.defaultView,M=xV.bind(0,[k]),A=QP.bind(0,[k]),T=yy.bind(0,[k]),$=M.bind(0,Zf,p),Q=A.bind(0,Zf,h),B=$(S),V=B===k,q=V&&O,G=!V&&Q(_),D=!V&&rh(B)&&B===G,L=D&&!!T(h),W=L?$():B,Y=L?G:Q(),be=q?E:D?W:B,ie=j?M(Zf,c,w):k,X=q?be:ie,K=D?Y:G,U=I.activeElement,se=!V&&R.top===R&&U===k,re={W:k,Z:X,J:be,K:!V&&A(Zf,d,y),tt:K,nt:!V&&!r&&s&&s(t),ot:q?E:be,st:q?I:be,et:R,ct:I,rt:j,it:O,lt:m,ut:V,dt:D,ft:(vt,bt)=>DW(be,V?ws:oi,V?bt:vt),_t:(vt,bt,Se)=>Zi(be,V?ws:oi,V?bt:vt,Se)},oe=Fo(re).reduce((vt,bt)=>{const Se=re[bt];return An(vt,Se&&!Ta(Se)?Se:!1)},[]),pe=vt=>vt?iy(oe,vt)>-1:null,{W:le,Z:ge,K:ke,J:xe,tt:de,nt:Te}=re,Oe=[()=>{So(ge,ws),So(ge,X0),So(le,X0),O&&(So(E,ws),So(E,X0))}],$e=j&&pe(ge);let kt=j?le:uy([de,xe,ke,ge,le].find(vt=>pe(vt)===!1));const ct=q?le:de||xe;return[re,()=>{to(ge,ws,V?"viewport":"host"),to(ke,g1,""),to(de,BS,""),V||to(xe,oi,"");const vt=O&&!V?_a(Ta(k),UP):es;if($e&&(RS(le,ge),An(Oe,()=>{RS(ge,le),oa(ge)})),ts(ct,kt),ts(ge,ke),ts(ke||ge,!V&&xe),ts(xe,de),An(Oe,()=>{vt(),So(ke,g1),So(de,BS),So(xe,GP),So(xe,qP),So(xe,oi),pe(de)&&J0(de),pe(xe)&&J0(xe),pe(ke)&&J0(ke)}),r&&!V&&(Zi(xe,oi,KP,!0),An(Oe,So.bind(0,xe,oi))),Te&&(NW(xe,Te),An(Oe,oa.bind(0,Te))),se){const bt=to(xe,Jf);to(xe,Jf,"-1"),xe.focus();const Se=()=>bt?to(xe,Jf,bt):So(xe,Jf),Me=Tr(I,"pointerdown keydown",()=>{Se(),Me()});An(Oe,[Se,Me])}else U&&U.focus&&U.focus();kt=0},ca.bind(0,Oe)]},_V=(e,t)=>{const{tt:n}=e,[r]=t;return o=>{const{V:s}=Oo(),{ht:a}=r(),{vt:c}=o,d=(n||!s)&&c;return d&&ro(n,{height:a?"":"100%"}),{gt:d,wt:d}}},PV=(e,t)=>{const[n,r]=t,{Z:o,K:s,J:a,ut:c}=e,[d,p]=xs({u:WW,o:TS()},TS.bind(0,o,"padding",""));return(h,m,v)=>{let[b,w]=p(v);const{I:y,V:S}=Oo(),{bt:_}=n(),{gt:k,wt:j,yt:I}=h,[E,O]=m("paddingAbsolute");(k||w||!S&&j)&&([b,w]=d(v));const M=!c&&(O||I||w);if(M){const A=!E||!s&&!y,T=b.r+b.l,$=b.t+b.b,Q={marginRight:A&&!_?-T:0,marginBottom:A?-$:0,marginLeft:A&&_?-T:0,top:A?-b.t:0,right:A?_?-b.r:"auto":0,left:A?_?"auto":-b.l:0,width:A?`calc(100% + ${T}px)`:""},B={paddingTop:A?b.t:0,paddingRight:A?b.r:0,paddingBottom:A?b.b:0,paddingLeft:A?b.l:0};ro(s||a,Q),ro(a,B),r({K:b,St:!A,P:s?B:hr({},Q,B)})}return{xt:M}}},{max:b1}=Math,si=b1.bind(0,0),ej="visible",KS="hidden",jV=42,ep={u:$P,o:{w:0,h:0}},IV={u:zP,o:{x:KS,y:KS}},EV=(e,t)=>{const n=window.devicePixelRatio%1!==0?1:0,r={w:si(e.w-t.w),h:si(e.h-t.h)};return{w:r.w>n?r.w:0,h:r.h>n?r.h:0}},tp=e=>e.indexOf(ej)===0,OV=(e,t)=>{const[n,r]=t,{Z:o,K:s,J:a,nt:c,ut:d,_t:p,it:h,et:m}=e,{k:v,V:b,I:w,A:y}=Oo(),S=ul()[by],_=!d&&!w&&(y.x||y.y),k=h&&d,[j,I]=xs(ep,ih.bind(0,a)),[E,O]=xs(ep,ah.bind(0,a)),[R,M]=xs(ep),[A,T]=xs(ep),[$]=xs(IV),Q=(L,W)=>{if(ro(a,{height:""}),W){const{St:Y,K:ae}=n(),{$t:be,D:ie}=L,X=ih(o),K=Mp(o),U=ro(a,"boxSizing")==="content-box",se=Y||U?ae.b+ae.t:0,re=!(y.x&&U);ro(a,{height:K.h+X.h+(be.x&&re?ie.x:0)-se})}},B=(L,W)=>{const Y=!w&&!L?jV:0,ae=(pe,le,ge)=>{const ke=ro(a,pe),de=(W?W[pe]:ke)==="scroll";return[ke,de,de&&!w?le?Y:ge:0,le&&!!Y]},[be,ie,X,K]=ae("overflowX",y.x,v.x),[U,se,re,oe]=ae("overflowY",y.y,v.y);return{Ct:{x:be,y:U},$t:{x:ie,y:se},D:{x:X,y:re},M:{x:K,y:oe}}},V=(L,W,Y,ae)=>{const be=(se,re)=>{const oe=tp(se),pe=re&&oe&&se.replace(`${ej}-`,"")||"";return[re&&!oe?se:"",tp(pe)?"hidden":pe]},[ie,X]=be(Y.x,W.x),[K,U]=be(Y.y,W.y);return ae.overflowX=X&&K?X:ie,ae.overflowY=U&&ie?U:K,B(L,ae)},q=(L,W,Y,ae)=>{const{D:be,M:ie}=L,{x:X,y:K}=ie,{x:U,y:se}=be,{P:re}=n(),oe=W?"marginLeft":"marginRight",pe=W?"paddingLeft":"paddingRight",le=re[oe],ge=re.marginBottom,ke=re[pe],xe=re.paddingBottom;ae.width=`calc(100% + ${se+-1*le}px)`,ae[oe]=-se+le,ae.marginBottom=-U+ge,Y&&(ae[pe]=ke+(K?se:0),ae.paddingBottom=xe+(X?U:0))},[G,D]=S?S.H(_,b,a,c,n,B,q):[()=>_,()=>[es]];return(L,W,Y)=>{const{gt:ae,Ot:be,wt:ie,xt:X,vt:K,yt:U}=L,{ht:se,bt:re}=n(),[oe,pe]=W("showNativeOverlaidScrollbars"),[le,ge]=W("overflow"),ke=oe&&y.x&&y.y,xe=!d&&!b&&(ae||ie||be||pe||K),de=tp(le.x),Te=tp(le.y),Oe=de||Te;let $e=I(Y),kt=O(Y),ct=M(Y),on=T(Y),vt;if(pe&&w&&p(KP,JW,!ke),xe&&(vt=B(ke),Q(vt,se)),ae||X||ie||U||pe){Oe&&p(fc,dc,!1);const[Pe,Ze]=D(ke,re,vt),[Qe,dt]=$e=j(Y),[Lt,cr]=kt=E(Y),pn=Mp(a);let ln=Lt,Hr=pn;Pe(),(cr||dt||pe)&&Ze&&!ke&&G(Ze,Lt,Qe,re)&&(Hr=Mp(a),ln=ah(a));const yr={w:si(b1(Lt.w,ln.w)+Qe.w),h:si(b1(Lt.h,ln.h)+Qe.h)},Fn={w:si((k?m.innerWidth:Hr.w+si(pn.w-Lt.w))+Qe.w),h:si((k?m.innerHeight+Qe.h:Hr.h+si(pn.h-Lt.h))+Qe.h)};on=A(Fn),ct=R(EV(yr,Fn),Y)}const[bt,Se]=on,[Me,Pt]=ct,[Tt,we]=kt,[ht,$t]=$e,zt={x:Me.w>0,y:Me.h>0},ze=de&&Te&&(zt.x||zt.y)||de&&zt.x&&!zt.y||Te&&zt.y&&!zt.x;if(X||U||$t||we||Se||Pt||ge||pe||xe){const Pe={marginRight:0,marginBottom:0,marginLeft:0,width:"",overflowY:"",overflowX:""},Ze=V(ke,zt,le,Pe),Qe=G(Ze,Tt,ht,re);d||q(Ze,re,Qe,Pe),xe&&Q(Ze,se),d?(to(o,GP,Pe.overflowX),to(o,qP,Pe.overflowY)):ro(a,Pe)}Zi(o,ws,dc,ze),Zi(s,g1,ZW,ze),d||Zi(a,oi,fc,Oe);const[Ke,Pn]=$(B(ke).Ct);return r({Ct:Ke,zt:{x:bt.w,y:bt.h},Tt:{x:Me.w,y:Me.h},Et:zt}),{It:Pn,At:Se,Lt:Pt}}},XS=(e,t,n)=>{const r={},o=t||{},s=Fo(e).concat(Fo(o));return _n(s,a=>{const c=e[a],d=o[a];r[a]=!!(n||c||d)}),r},RV=(e,t)=>{const{W:n,J:r,_t:o,ut:s}=e,{I:a,A:c,V:d}=Oo(),p=!a&&(c.x||c.y),h=[_V(e,t),PV(e,t),OV(e,t)];return(m,v,b)=>{const w=XS(hr({gt:!1,xt:!1,yt:!1,vt:!1,At:!1,Lt:!1,It:!1,Ot:!1,wt:!1},v),{},b),y=p||!d,S=y&&_s(r),_=y&&ka(r);o("",lh,!0);let k=w;return _n(h,j=>{k=XS(k,j(k,m,!!b)||{},b)}),_s(r,S),ka(r,_),o("",lh),s||(_s(n,0),ka(n,0)),k}},MV=(e,t,n)=>{let r,o=!1;const s=()=>{o=!0},a=c=>{if(n){const d=n.reduce((p,h)=>{if(h){const[m,v]=h,b=v&&m&&(c?c(m):MP(m,e));b&&b.length&&v&&Ei(v)&&An(p,[b,v.trim()],!0)}return p},[]);_n(d,p=>_n(p[0],h=>{const m=p[1],v=r.get(h)||[];if(e.contains(h)){const w=Tr(h,m,y=>{o?(w(),r.delete(h)):t(y)});r.set(h,An(v,w))}else ca(v),r.delete(h)}))}};return n&&(r=new WeakMap,a()),[s,a]},YS=(e,t,n,r)=>{let o=!1;const{Ht:s,Pt:a,Dt:c,Mt:d,Rt:p,kt:h}=r||{},m=py(()=>{o&&n(!0)},{v:33,g:99}),[v,b]=MV(e,m,c),w=s||[],y=a||[],S=w.concat(y),_=(j,I)=>{const E=p||es,O=h||es,R=new Set,M=new Set;let A=!1,T=!1;if(_n(j,$=>{const{attributeName:Q,target:B,type:V,oldValue:q,addedNodes:G,removedNodes:D}=$,L=V==="attributes",W=V==="childList",Y=e===B,ae=L&&Ei(Q)?to(B,Q):0,be=ae!==0&&q!==ae,ie=iy(y,Q)>-1&&be;if(t&&(W||!Y)){const X=!L,K=L&&be,U=K&&d&&oh(B,d),re=(U?!E(B,Q,q,ae):X||K)&&!O($,!!U,e,r);_n(G,oe=>R.add(oe)),_n(D,oe=>R.add(oe)),T=T||re}!t&&Y&&be&&!E(B,Q,q,ae)&&(M.add(Q),A=A||ie)}),R.size>0&&b($=>cl(R).reduce((Q,B)=>(An(Q,MP($,B)),oh(B,$)?An(Q,B):Q),[])),t)return!I&&T&&n(!1),[!1];if(M.size>0||A){const $=[cl(M),A];return!I&&n.apply(0,$),$}},k=new FW(j=>_(j));return k.observe(e,{attributes:!0,attributeOldValue:!0,attributeFilter:S,subtree:t,childList:t,characterData:t}),o=!0,[()=>{o&&(v(),k.disconnect(),o=!1)},()=>{if(o){m.m();const j=k.takeRecords();return!ly(j)&&_(j,!0)}}]},np=3333333,rp=e=>e&&(e.height||e.width),tj=(e,t,n)=>{const{Bt:r=!1,Vt:o=!1}=n||{},s=ul()[hV],{B:a}=Oo(),d=DP(`
`)[0],p=d.firstChild,h=cd.bind(0,e),[m]=xs({o:void 0,_:!0,u:(y,S)=>!(!y||!rp(y)&&rp(S))}),v=y=>{const S=Rs(y)&&y.length>0&&ld(y[0]),_=!S&&ay(y[0]);let k=!1,j=!1,I=!0;if(S){const[E,,O]=m(y.pop().contentRect),R=rp(E),M=rp(O);k=!O||!R,j=!M&&R,I=!k}else _?[,I]=y:j=y===!0;if(r&&I){const E=_?y[0]:cd(d);_s(d,E?a.n?-np:a.i?0:np:np),ka(d,np)}k||t({gt:!_,Yt:_?y:void 0,Vt:!!j})},b=[];let w=o?v:!1;return[()=>{ca(b),oa(d)},()=>{if(Jl){const y=new Jl(v);y.observe(p),An(b,()=>{y.disconnect()})}else if(s){const[y,S]=s.O(p,v,o);w=y,An(b,S)}if(r){const[y]=xs({o:void 0},h);An(b,Tr(d,"scroll",S=>{const _=y(),[k,j,I]=_;j&&(fy(p,"ltr rtl"),k?_a(p,"rtl"):_a(p,"ltr"),v([!!k,j,I])),BP(S)}))}w&&(_a(d,eV),An(b,Tr(d,"animationstart",w,{C:!!Jl}))),(Jl||s)&&ts(e,d)}]},DV=e=>e.h===0||e.isIntersecting||e.intersectionRatio>0,AV=(e,t)=>{let n;const r=el(nV),o=[],[s]=xs({o:!1}),a=(d,p)=>{if(d){const h=s(DV(d)),[,m]=h;if(m)return!p&&t(h),[h]}},c=(d,p)=>{if(d&&d.length>0)return a(d.pop(),p)};return[()=>{ca(o),oa(r)},()=>{if(MS)n=new MS(d=>c(d),{root:e}),n.observe(r),An(o,()=>{n.disconnect()});else{const d=()=>{const m=ud(r);a(m)},[p,h]=tj(r,d);An(o,p),h(),d()}ts(e,r)},()=>{if(n)return c(n.takeRecords(),!0)}]},QS=`[${ws}]`,TV=`[${oi}]`,Z0=["tabindex"],JS=["wrap","cols","rows"],ev=["id","class","style","open"],NV=(e,t,n)=>{let r,o,s;const{Z:a,J:c,tt:d,rt:p,ut:h,ft:m,_t:v}=e,{V:b}=Oo(),[w]=xs({u:$P,o:{w:0,h:0}},()=>{const V=m(fc,dc),q=m(Y0,""),G=q&&_s(c),D=q&&ka(c);v(fc,dc),v(Y0,""),v("",lh,!0);const L=ah(d),W=ah(c),Y=ih(c);return v(fc,dc,V),v(Y0,"",q),v("",lh),_s(c,G),ka(c,D),{w:W.w+L.w+Y.w,h:W.h+L.h+Y.h}}),y=p?JS:ev.concat(JS),S=py(n,{v:()=>r,g:()=>o,p(V,q){const[G]=V,[D]=q;return[Fo(G).concat(Fo(D)).reduce((L,W)=>(L[W]=G[W]||D[W],L),{})]}}),_=V=>{_n(V||Z0,q=>{if(iy(Z0,q)>-1){const G=to(a,q);Ei(G)?to(c,q,G):So(c,q)}})},k=(V,q)=>{const[G,D]=V,L={vt:D};return t({ht:G}),!q&&n(L),L},j=({gt:V,Yt:q,Vt:G})=>{const D=!V||G?n:S;let L=!1;if(q){const[W,Y]=q;L=Y,t({bt:W})}D({gt:V,yt:L})},I=(V,q)=>{const[,G]=w(),D={wt:G};return G&&!q&&(V?n:S)(D),D},E=(V,q,G)=>{const D={Ot:q};return q?!G&&S(D):h||_(V),D},[O,R,M]=d||!b?AV(a,k):[es,es,es],[A,T]=h?[es,es]:tj(a,j,{Vt:!0,Bt:!0}),[$,Q]=YS(a,!1,E,{Pt:ev,Ht:ev.concat(Z0)}),B=h&&Jl&&new Jl(j.bind(0,{gt:!0}));return B&&B.observe(a),_(),[()=>{O(),A(),s&&s[0](),B&&B.disconnect(),$()},()=>{T(),R()},()=>{const V={},q=Q(),G=M(),D=s&&s[1]();return q&&hr(V,E.apply(0,An(q,!0))),G&&hr(V,k.apply(0,An(G,!0))),D&&hr(V,I.apply(0,An(D,!0))),V},V=>{const[q]=V("update.ignoreMutation"),[G,D]=V("update.attributes"),[L,W]=V("update.elementEvents"),[Y,ae]=V("update.debounce"),be=W||D,ie=X=>Os(q)&&q(X);if(be&&(s&&(s[1](),s[0]()),s=YS(d||c,!0,I,{Ht:y.concat(G||[]),Dt:L,Mt:QS,kt:(X,K)=>{const{target:U,attributeName:se}=X;return(!K&&se&&!h?TW(U,QS,TV):!1)||!!Ql(U,`.${Eo}`)||!!ie(X)}})),ae)if(S.m(),Rs(Y)){const X=Y[0],K=Y[1];r=pi(X)&&X,o=pi(K)&&K}else pi(Y)?(r=Y,o=!1):(r=!1,o=!1)}]},ZS={x:0,y:0},$V=e=>({K:{t:0,r:0,b:0,l:0},St:!1,P:{marginRight:0,marginBottom:0,marginLeft:0,paddingTop:0,paddingRight:0,paddingBottom:0,paddingLeft:0},zt:ZS,Tt:ZS,Ct:{x:"hidden",y:"hidden"},Et:{x:!1,y:!1},ht:!1,bt:cd(e.Z)}),zV=(e,t)=>{const n=v1(t,{}),[r,o,s]=my(),[a,c,d]=kV(e),p=ZP($V(a)),[h,m]=p,v=RV(a,p),b=(j,I,E)=>{const R=Fo(j).some(M=>j[M])||!cy(I)||E;return R&&s("u",[j,I,E]),R},[w,y,S,_]=NV(a,m,j=>b(v(n,j),{},!1)),k=h.bind(0);return k.jt=j=>r("u",j),k.Nt=()=>{const{W:j,J:I}=a,E=_s(j),O=ka(j);y(),c(),_s(I,E),ka(I,O)},k.qt=a,[(j,I)=>{const E=v1(t,j,I);return _(E),b(v(E,S(),I),j,!!I)},k,()=>{o(),w(),d()}]},{round:eC}=Math,LV=e=>{const{width:t,height:n}=Zs(e),{w:r,h:o}=ud(e);return{x:eC(t)/r||1,y:eC(n)/o||1}},BV=(e,t,n)=>{const r=t.scrollbars,{button:o,isPrimary:s,pointerType:a}=e,{pointers:c}=r;return o===0&&s&&r[n?"dragScroll":"clickScroll"]&&(c||[]).includes(a)},FV=(e,t)=>Tr(e,"mousedown",Tr.bind(0,t,"click",BP,{C:!0,$:!0}),{$:!0}),tC="pointerup pointerleave pointercancel lostpointercapture",HV=(e,t,n,r,o,s,a)=>{const{B:c}=Oo(),{Ft:d,Gt:p,Xt:h}=r,m=`scroll${a?"Left":"Top"}`,v=`client${a?"X":"Y"}`,b=a?"width":"height",w=a?"left":"top",y=a?"w":"h",S=a?"x":"y",_=(k,j)=>I=>{const{Tt:E}=s(),O=ud(p)[y]-ud(d)[y],M=j*I/O*E[S],T=cd(h)&&a?c.n||c.i?1:-1:1;o[m]=k+M*T};return Tr(p,"pointerdown",k=>{const j=Ql(k.target,`.${vy}`)===d,I=j?d:p;if(Zi(t,ws,LS,!0),BV(k,e,j)){const E=!j&&k.shiftKey,O=()=>Zs(d),R=()=>Zs(p),M=(W,Y)=>(W||O())[w]-(Y||R())[w],A=_(o[m]||0,1/LV(o)[S]),T=k[v],$=O(),Q=R(),B=$[b],V=M($,Q)+B/2,q=T-Q[w],G=j?0:q-V,D=W=>{ca(L),I.releasePointerCapture(W.pointerId)},L=[Zi.bind(0,t,ws,LS),Tr(n,tC,D),Tr(n,"selectstart",W=>FP(W),{S:!1}),Tr(p,tC,D),Tr(p,"pointermove",W=>{const Y=W[v]-T;(j||E)&&A(G+Y)})];if(E)A(G);else if(!j){const W=ul()[mV];W&&An(L,W.O(A,M,G,B,q))}I.setPointerCapture(k.pointerId)}})},WV=(e,t)=>(n,r,o,s,a,c)=>{const{Xt:d}=n,[p,h]=ql(333),m=!!a.scrollBy;let v=!0;return ca.bind(0,[Tr(d,"pointerenter",()=>{r(HS,!0)}),Tr(d,"pointerleave pointercancel",()=>{r(HS)}),Tr(d,"wheel",b=>{const{deltaX:w,deltaY:y,deltaMode:S}=b;m&&v&&S===0&&Ta(d)===s&&a.scrollBy({left:w,top:y,behavior:"smooth"}),v=!1,r(US,!0),p(()=>{v=!0,r(US)}),FP(b)},{S:!1,$:!0}),FV(d,o),HV(e,s,o,n,a,t,c),h])},{min:y1,max:nC,abs:VV,round:UV}=Math,nj=(e,t,n,r)=>{if(r){const c=n?"x":"y",{Tt:d,zt:p}=r,h=p[c],m=d[c];return nC(0,y1(1,h/(h+m)))}const o=n?"width":"height",s=Zs(e)[o],a=Zs(t)[o];return nC(0,y1(1,s/a))},GV=(e,t,n,r,o,s)=>{const{B:a}=Oo(),c=s?"x":"y",d=s?"Left":"Top",{Tt:p}=r,h=UV(p[c]),m=VV(n[`scroll${d}`]),v=s&&o,b=a.i?m:h-m,y=y1(1,(v?b:m)/h),S=nj(e,t,s);return 1/S*(1-S)*y},qV=(e,t,n)=>{const{N:r,L:o}=Oo(),{scrollbars:s}=r(),{slot:a}=s,{ct:c,W:d,Z:p,J:h,lt:m,ot:v,it:b,ut:w}=t,{scrollbars:y}=m?{}:e,{slot:S}=y||{},_=QP([d,p,h],()=>w&&b?d:p,a,S),k=(G,D,L)=>{const W=L?_a:fy;_n(G,Y=>{W(Y.Xt,D)})},j=(G,D)=>{_n(G,L=>{const[W,Y]=D(L);ro(W,Y)})},I=(G,D,L)=>{j(G,W=>{const{Ft:Y,Gt:ae}=W;return[Y,{[L?"width":"height"]:`${(100*nj(Y,ae,L,D)).toFixed(3)}%`}]})},E=(G,D,L)=>{const W=L?"X":"Y";j(G,Y=>{const{Ft:ae,Gt:be,Xt:ie}=Y,X=GV(ae,be,v,D,cd(ie),L);return[ae,{transform:X===X?`translate${W}(${(100*X).toFixed(3)}%)`:""}]})},O=[],R=[],M=[],A=(G,D,L)=>{const W=ay(L),Y=W?L:!0,ae=W?!L:!0;Y&&k(R,G,D),ae&&k(M,G,D)},T=G=>{I(R,G,!0),I(M,G)},$=G=>{E(R,G,!0),E(M,G)},Q=G=>{const D=G?aV:iV,L=G?R:M,W=ly(L)?FS:"",Y=el(`${Eo} ${D} ${W}`),ae=el(XP),be=el(vy),ie={Xt:Y,Gt:ae,Ft:be};return o||_a(Y,rV),ts(Y,ae),ts(ae,be),An(L,ie),An(O,[oa.bind(0,Y),n(ie,A,c,p,v,G)]),ie},B=Q.bind(0,!0),V=Q.bind(0,!1),q=()=>{ts(_,R[0].Xt),ts(_,M[0].Xt),sh(()=>{A(FS)},300)};return B(),V(),[{Ut:T,Wt:$,Zt:A,Jt:{Kt:R,Qt:B,tn:j.bind(0,R)},nn:{Kt:M,Qt:V,tn:j.bind(0,M)}},q,ca.bind(0,O)]},KV=(e,t,n,r)=>{let o,s,a,c,d,p=0;const h=ZP({}),[m]=h,[v,b]=ql(),[w,y]=ql(),[S,_]=ql(100),[k,j]=ql(100),[I,E]=ql(()=>p),[O,R,M]=qV(e,n.qt,WV(t,n)),{Z:A,J:T,ot:$,st:Q,ut:B,it:V}=n.qt,{Jt:q,nn:G,Zt:D,Ut:L,Wt:W}=O,{tn:Y}=q,{tn:ae}=G,be=se=>{const{Xt:re}=se,oe=B&&!V&&Ta(re)===T&&re;return[oe,{transform:oe?`translate(${_s($)}px, ${ka($)}px)`:""}]},ie=(se,re)=>{if(E(),se)D(VS);else{const oe=()=>D(VS,!0);p>0&&!re?I(oe):oe()}},X=()=>{c=s,c&&ie(!0)},K=[_,E,j,y,b,M,Tr(A,"pointerover",X,{C:!0}),Tr(A,"pointerenter",X),Tr(A,"pointerleave",()=>{c=!1,s&&ie(!1)}),Tr(A,"pointermove",()=>{o&&v(()=>{_(),ie(!0),k(()=>{o&&ie(!1)})})}),Tr(Q,"scroll",se=>{w(()=>{W(n()),a&&ie(!0),S(()=>{a&&!c&&ie(!1)})}),r(se),B&&Y(be),B&&ae(be)})],U=m.bind(0);return U.qt=O,U.Nt=R,[(se,re,oe)=>{const{At:pe,Lt:le,It:ge,yt:ke}=oe,{A:xe}=Oo(),de=v1(t,se,re),Te=n(),{Tt:Oe,Ct:$e,bt:kt}=Te,[ct,on]=de("showNativeOverlaidScrollbars"),[vt,bt]=de("scrollbars.theme"),[Se,Me]=de("scrollbars.visibility"),[Pt,Tt]=de("scrollbars.autoHide"),[we]=de("scrollbars.autoHideDelay"),[ht,$t]=de("scrollbars.dragScroll"),[zt,ze]=de("scrollbars.clickScroll"),Ke=pe||le||ke,Pn=ge||Me,Pe=ct&&xe.x&&xe.y,Ze=(Qe,dt)=>{const Lt=Se==="visible"||Se==="auto"&&Qe==="scroll";return D(lV,Lt,dt),Lt};if(p=we,on&&D(oV,Pe),bt&&(D(d),D(vt,!0),d=vt),Tt&&(o=Pt==="move",s=Pt==="leave",a=Pt!=="never",ie(!a,!0)),$t&&D(dV,ht),ze&&D(uV,zt),Pn){const Qe=Ze($e.x,!0),dt=Ze($e.y,!1);D(cV,!(Qe&&dt))}Ke&&(L(Te),W(Te),D(WS,!Oe.x,!0),D(WS,!Oe.y,!1),D(sV,kt&&!V))},U,ca.bind(0,K)]},rj=(e,t,n)=>{Os(e)&&e(t||void 0,n||void 0)},ci=(e,t,n)=>{const{F:r,N:o,Y:s,j:a}=Oo(),c=ul(),d=rh(e),p=d?e:e.target,h=JP(p);if(t&&!h){let m=!1;const v=B=>{const V=ul()[pV],q=V&&V.O;return q?q(B,!0):B},b=hr({},r(),v(t)),[w,y,S]=my(n),[_,k,j]=zV(e,b),[I,E,O]=KV(e,b,k,B=>S("scroll",[Q,B])),R=(B,V)=>_(B,!!V),M=R.bind(0,{},!0),A=s(M),T=a(M),$=B=>{CV(p),A(),T(),O(),j(),m=!0,S("destroyed",[Q,!!B]),y()},Q={options(B,V){if(B){const q=V?r():{},G=HP(b,hr(q,v(B)));cy(G)||(hr(b,G),R(G))}return hr({},b)},on:w,off:(B,V)=>{B&&V&&y(B,V)},state(){const{zt:B,Tt:V,Ct:q,Et:G,K:D,St:L,bt:W}=k();return hr({},{overflowEdge:B,overflowAmount:V,overflowStyle:q,hasOverflow:G,padding:D,paddingAbsolute:L,directionRTL:W,destroyed:m})},elements(){const{W:B,Z:V,K:q,J:G,tt:D,ot:L,st:W}=k.qt,{Jt:Y,nn:ae}=E.qt,be=X=>{const{Ft:K,Gt:U,Xt:se}=X;return{scrollbar:se,track:U,handle:K}},ie=X=>{const{Kt:K,Qt:U}=X,se=be(K[0]);return hr({},se,{clone:()=>{const re=be(U());return I({},!0,{}),re}})};return hr({},{target:B,host:V,padding:q||G,viewport:G,content:D||G,scrollOffsetElement:L,scrollEventElement:W,scrollbarHorizontal:ie(Y),scrollbarVertical:ie(ae)})},update:B=>R({},B),destroy:$.bind(0)};return k.jt((B,V,q)=>{I(V,q,B)}),SV(p,Q),_n(Fo(c),B=>rj(c[B],0,Q)),wV(k.qt.it,o().cancel,!d&&e.cancel)?($(!0),Q):(k.Nt(),E.Nt(),S("initialized",[Q]),k.jt((B,V,q)=>{const{gt:G,yt:D,vt:L,At:W,Lt:Y,It:ae,wt:be,Ot:ie}=B;S("updated",[Q,{updateHints:{sizeChanged:G,directionChanged:D,heightIntrinsicChanged:L,overflowEdgeChanged:W,overflowAmountChanged:Y,overflowStyleChanged:ae,contentMutation:be,hostMutation:ie},changedOptions:V,force:q}])}),Q.update(!0),Q)}return h};ci.plugin=e=>{_n(fV(e),t=>rj(t,ci))};ci.valid=e=>{const t=e&&e.elements,n=Os(t)&&t();return f1(n)&&!!JP(n.target)};ci.env=()=>{const{k:e,A:t,I:n,B:r,V:o,L:s,X:a,U:c,N:d,q:p,F:h,G:m}=Oo();return hr({},{scrollbarsSize:e,scrollbarsOverlaid:t,scrollbarsHiding:n,rtlScrollBehavior:r,flexboxGlue:o,cssCustomProperties:s,staticDefaultInitialization:a,staticDefaultOptions:c,getDefaultInitialization:d,setDefaultInitialization:p,getDefaultOptions:h,setDefaultOptions:m})};const XV=()=>{if(typeof window>"u"){const p=()=>{};return[p,p]}let e,t;const n=window,r=typeof n.requestIdleCallback=="function",o=n.requestAnimationFrame,s=n.cancelAnimationFrame,a=r?n.requestIdleCallback:o,c=r?n.cancelIdleCallback:s,d=()=>{c(e),s(t)};return[(p,h)=>{d(),e=a(r?()=>{d(),t=o(p)}:p,typeof h=="object"?h:{timeout:2233})},d]},wy=e=>{const{options:t,events:n,defer:r}=e||{},[o,s]=f.useMemo(XV,[]),a=f.useRef(null),c=f.useRef(r),d=f.useRef(t),p=f.useRef(n);return f.useEffect(()=>{c.current=r},[r]),f.useEffect(()=>{const{current:h}=a;d.current=t,ci.valid(h)&&h.options(t||{},!0)},[t]),f.useEffect(()=>{const{current:h}=a;p.current=n,ci.valid(h)&&h.on(n||{},!0)},[n]),f.useEffect(()=>()=>{var h;s(),(h=a.current)==null||h.destroy()},[]),f.useMemo(()=>[h=>{const m=a.current;if(ci.valid(m))return;const v=c.current,b=d.current||{},w=p.current||{},y=()=>a.current=ci(h,b,w);v?o(y,v):y()},()=>a.current],[])},YV=(e,t)=>{const{element:n="div",options:r,events:o,defer:s,children:a,...c}=e,d=n,p=f.useRef(null),h=f.useRef(null),[m,v]=wy({options:r,events:o,defer:s});return f.useEffect(()=>{const{current:b}=p,{current:w}=h;return b&&w&&m({target:b,elements:{viewport:w,content:w}}),()=>{var y;return(y=v())==null?void 0:y.destroy()}},[m,n]),f.useImperativeHandle(t,()=>({osInstance:v,getElement:()=>p.current}),[]),H.createElement(d,{"data-overlayscrollbars-initialize":"",ref:p,...c},H.createElement("div",{ref:h},a))},oj=f.forwardRef(YV);var sj={exports:{}},aj={};const $o=Y1($7),gu=Y1(z7),QV=Y1(L7);(function(e){var t,n,r=Dl&&Dl.__generator||function(J,ee){var he,_e,me,ut,st={label:0,sent:function(){if(1&me[0])throw me[1];return me[1]},trys:[],ops:[]};return ut={next:Ht(0),throw:Ht(1),return:Ht(2)},typeof Symbol=="function"&&(ut[Symbol.iterator]=function(){return this}),ut;function Ht(ft){return function(xt){return function(He){if(he)throw new TypeError("Generator is already executing.");for(;st;)try{if(he=1,_e&&(me=2&He[0]?_e.return:He[0]?_e.throw||((me=_e.return)&&me.call(_e),0):_e.next)&&!(me=me.call(_e,He[1])).done)return me;switch(_e=0,me&&(He=[2&He[0],me.value]),He[0]){case 0:case 1:me=He;break;case 4:return st.label++,{value:He[1],done:!1};case 5:st.label++,_e=He[1],He=[0];continue;case 7:He=st.ops.pop(),st.trys.pop();continue;default:if(!((me=(me=st.trys).length>0&&me[me.length-1])||He[0]!==6&&He[0]!==2)){st=0;continue}if(He[0]===3&&(!me||He[1]>me[0]&&He[1]=200&&J.status<=299},Q=function(J){return/ion\/(vnd\.api\+)?json/.test(J.get("content-type")||"")};function B(J){if(!(0,A.isPlainObject)(J))return J;for(var ee=S({},J),he=0,_e=Object.entries(ee);he<_e.length;he++){var me=_e[he];me[1]===void 0&&delete ee[me[0]]}return ee}function V(J){var ee=this;J===void 0&&(J={});var he=J.baseUrl,_e=J.prepareHeaders,me=_e===void 0?function(en){return en}:_e,ut=J.fetchFn,st=ut===void 0?T:ut,Ht=J.paramsSerializer,ft=J.isJsonContentType,xt=ft===void 0?Q:ft,He=J.jsonContentType,Ce=He===void 0?"application/json":He,Je=J.jsonReplacer,jt=J.timeout,Et=J.responseHandler,Nt=J.validateStatus,qt=j(J,["baseUrl","prepareHeaders","fetchFn","paramsSerializer","isJsonContentType","jsonContentType","jsonReplacer","timeout","responseHandler","validateStatus"]);return typeof fetch>"u"&&st===T&&console.warn("Warning: `fetch` is not available. Please supply a custom `fetchFn` property to use `fetchBaseQuery` on SSR environments."),function(en,Ut){return E(ee,null,function(){var Be,yt,Mt,Wt,jn,Gt,un,sn,Or,Jn,It,In,Rn,Zn,mr,Tn,Nn,dn,Sn,En,vn,bn,Xe,Ot,St,at,wt,Bt,mt,ot,Re,Ie,De,We,tt,Dt;return r(this,function(Rt){switch(Rt.label){case 0:return Be=Ut.signal,yt=Ut.getState,Mt=Ut.extra,Wt=Ut.endpoint,jn=Ut.forced,Gt=Ut.type,Or=(sn=typeof en=="string"?{url:en}:en).url,It=(Jn=sn.headers)===void 0?new Headers(qt.headers):Jn,Rn=(In=sn.params)===void 0?void 0:In,mr=(Zn=sn.responseHandler)===void 0?Et??"json":Zn,Nn=(Tn=sn.validateStatus)===void 0?Nt??$:Tn,Sn=(dn=sn.timeout)===void 0?jt:dn,En=j(sn,["url","headers","params","responseHandler","validateStatus","timeout"]),vn=S(_(S({},qt),{signal:Be}),En),It=new Headers(B(It)),bn=vn,[4,me(It,{getState:yt,extra:Mt,endpoint:Wt,forced:jn,type:Gt})];case 1:bn.headers=Rt.sent()||It,Xe=function(Ve){return typeof Ve=="object"&&((0,A.isPlainObject)(Ve)||Array.isArray(Ve)||typeof Ve.toJSON=="function")},!vn.headers.has("content-type")&&Xe(vn.body)&&vn.headers.set("content-type",Ce),Xe(vn.body)&&xt(vn.headers)&&(vn.body=JSON.stringify(vn.body,Je)),Rn&&(Ot=~Or.indexOf("?")?"&":"?",St=Ht?Ht(Rn):new URLSearchParams(B(Rn)),Or+=Ot+St),Or=function(Ve,nn){if(!Ve)return nn;if(!nn)return Ve;if(function(hn){return new RegExp("(^|:)//").test(hn)}(nn))return nn;var yn=Ve.endsWith("/")||!nn.startsWith("?")?"/":"";return Ve=function(hn){return hn.replace(/\/$/,"")}(Ve),""+Ve+yn+function(hn){return hn.replace(/^\//,"")}(nn)}(he,Or),at=new Request(Or,vn),wt=at.clone(),un={request:wt},mt=!1,ot=Sn&&setTimeout(function(){mt=!0,Ut.abort()},Sn),Rt.label=2;case 2:return Rt.trys.push([2,4,5,6]),[4,st(at)];case 3:return Bt=Rt.sent(),[3,6];case 4:return Re=Rt.sent(),[2,{error:{status:mt?"TIMEOUT_ERROR":"FETCH_ERROR",error:String(Re)},meta:un}];case 5:return ot&&clearTimeout(ot),[7];case 6:Ie=Bt.clone(),un.response=Ie,We="",Rt.label=7;case 7:return Rt.trys.push([7,9,,10]),[4,Promise.all([tn(Bt,mr).then(function(Ve){return De=Ve},function(Ve){return tt=Ve}),Ie.text().then(function(Ve){return We=Ve},function(){})])];case 8:if(Rt.sent(),tt)throw tt;return[3,10];case 9:return Dt=Rt.sent(),[2,{error:{status:"PARSING_ERROR",originalStatus:Bt.status,data:We,error:String(Dt)},meta:un}];case 10:return[2,Nn(Bt,De)?{data:De,meta:un}:{error:{status:Bt.status,data:De},meta:un}]}})})};function tn(en,Ut){return E(this,null,function(){var Be;return r(this,function(yt){switch(yt.label){case 0:return typeof Ut=="function"?[2,Ut(en)]:(Ut==="content-type"&&(Ut=xt(en.headers)?"json":"text"),Ut!=="json"?[3,2]:[4,en.text()]);case 1:return[2,(Be=yt.sent()).length?JSON.parse(Be):null];case 2:return[2,en.text()]}})})}}var q=function(J,ee){ee===void 0&&(ee=void 0),this.value=J,this.meta=ee};function G(J,ee){return J===void 0&&(J=0),ee===void 0&&(ee=5),E(this,null,function(){var he,_e;return r(this,function(me){switch(me.label){case 0:return he=Math.min(J,ee),_e=~~((Math.random()+.4)*(300<=Ie)}var En=(0,$e.createAsyncThunk)(Rn+"/executeQuery",dn,{getPendingMeta:function(){var Xe;return(Xe={startedTimeStamp:Date.now()})[$e.SHOULD_AUTOBATCH]=!0,Xe},condition:function(Xe,Ot){var St,at,wt,Bt=(0,Ot.getState)(),mt=(at=(St=Bt[Rn])==null?void 0:St.queries)==null?void 0:at[Xe.queryCacheKey],ot=mt==null?void 0:mt.fulfilledTimeStamp,Re=Xe.originalArgs,Ie=mt==null?void 0:mt.originalArgs,De=mr[Xe.endpointName];return!(!de(Xe)&&((mt==null?void 0:mt.status)==="pending"||!Sn(Xe,Bt)&&(!oe(De)||!((wt=De==null?void 0:De.forceRefetch)!=null&&wt.call(De,{currentArg:Re,previousArg:Ie,endpointState:mt,state:Bt})))&&ot))},dispatchConditionRejection:!0}),vn=(0,$e.createAsyncThunk)(Rn+"/executeMutation",dn,{getPendingMeta:function(){var Xe;return(Xe={startedTimeStamp:Date.now()})[$e.SHOULD_AUTOBATCH]=!0,Xe}});function bn(Xe){return function(Ot){var St,at;return((at=(St=Ot==null?void 0:Ot.meta)==null?void 0:St.arg)==null?void 0:at.endpointName)===Xe}}return{queryThunk:En,mutationThunk:vn,prefetch:function(Xe,Ot,St){return function(at,wt){var Bt=function(De){return"force"in De}(St)&&St.force,mt=function(De){return"ifOlderThan"in De}(St)&&St.ifOlderThan,ot=function(De){return De===void 0&&(De=!0),Nn.endpoints[Xe].initiate(Ot,{forceRefetch:De})},Re=Nn.endpoints[Xe].select(Ot)(wt());if(Bt)at(ot());else if(mt){var Ie=Re==null?void 0:Re.fulfilledTimeStamp;if(!Ie)return void at(ot());(Number(new Date)-Number(new Date(Ie)))/1e3>=mt&&at(ot())}else at(ot(!1))}},updateQueryData:function(Xe,Ot,St){return function(at,wt){var Bt,mt,ot=Nn.endpoints[Xe].select(Ot)(wt()),Re={patches:[],inversePatches:[],undo:function(){return at(Nn.util.patchQueryData(Xe,Ot,Re.inversePatches))}};if(ot.status===t.uninitialized)return Re;if("data"in ot)if((0,Oe.isDraftable)(ot.data)){var Ie=(0,Oe.produceWithPatches)(ot.data,St),De=Ie[2];(Bt=Re.patches).push.apply(Bt,Ie[1]),(mt=Re.inversePatches).push.apply(mt,De)}else{var We=St(ot.data);Re.patches.push({op:"replace",path:[],value:We}),Re.inversePatches.push({op:"replace",path:[],value:ot.data})}return at(Nn.util.patchQueryData(Xe,Ot,Re.patches)),Re}},upsertQueryData:function(Xe,Ot,St){return function(at){var wt;return at(Nn.endpoints[Xe].initiate(Ot,((wt={subscribe:!1,forceRefetch:!0})[xe]=function(){return{data:St}},wt)))}},patchQueryData:function(Xe,Ot,St){return function(at){at(Nn.internalActions.queryResultPatched({queryCacheKey:Tn({queryArgs:Ot,endpointDefinition:mr[Xe],endpointName:Xe}),patches:St}))}},buildMatchThunkActions:function(Xe,Ot){return{matchPending:(0,Te.isAllOf)((0,Te.isPending)(Xe),bn(Ot)),matchFulfilled:(0,Te.isAllOf)((0,Te.isFulfilled)(Xe),bn(Ot)),matchRejected:(0,Te.isAllOf)((0,Te.isRejected)(Xe),bn(Ot))}}}}({baseQuery:_e,reducerPath:me,context:he,api:J,serializeQueryArgs:ut}),Je=Ce.queryThunk,jt=Ce.mutationThunk,Et=Ce.patchQueryData,Nt=Ce.updateQueryData,qt=Ce.upsertQueryData,tn=Ce.prefetch,en=Ce.buildMatchThunkActions,Ut=function(It){var In=It.reducerPath,Rn=It.queryThunk,Zn=It.mutationThunk,mr=It.context,Tn=mr.endpointDefinitions,Nn=mr.apiUid,dn=mr.extractRehydrationInfo,Sn=mr.hasRehydrationInfo,En=It.assertTagType,vn=It.config,bn=(0,ge.createAction)(In+"/resetApiState"),Xe=(0,ge.createSlice)({name:In+"/queries",initialState:Pt,reducers:{removeQueryResult:{reducer:function(ot,Re){delete ot[Re.payload.queryCacheKey]},prepare:(0,ge.prepareAutoBatched)()},queryResultPatched:function(ot,Re){var Ie=Re.payload,De=Ie.patches;bt(ot,Ie.queryCacheKey,function(We){We.data=(0,vt.applyPatches)(We.data,De.concat())})}},extraReducers:function(ot){ot.addCase(Rn.pending,function(Re,Ie){var De,We=Ie.meta,tt=Ie.meta.arg,Dt=de(tt);(tt.subscribe||Dt)&&(Re[De=tt.queryCacheKey]!=null||(Re[De]={status:t.uninitialized,endpointName:tt.endpointName})),bt(Re,tt.queryCacheKey,function(Rt){Rt.status=t.pending,Rt.requestId=Dt&&Rt.requestId?Rt.requestId:We.requestId,tt.originalArgs!==void 0&&(Rt.originalArgs=tt.originalArgs),Rt.startedTimeStamp=We.startedTimeStamp})}).addCase(Rn.fulfilled,function(Re,Ie){var De=Ie.meta,We=Ie.payload;bt(Re,De.arg.queryCacheKey,function(tt){var Dt;if(tt.requestId===De.requestId||de(De.arg)){var Rt=Tn[De.arg.endpointName].merge;if(tt.status=t.fulfilled,Rt)if(tt.data!==void 0){var Ve=De.fulfilledTimeStamp,nn=De.arg,yn=De.baseQueryMeta,hn=De.requestId,gr=(0,ge.createNextState)(tt.data,function(Xn){return Rt(Xn,We,{arg:nn.originalArgs,baseQueryMeta:yn,fulfilledTimeStamp:Ve,requestId:hn})});tt.data=gr}else tt.data=We;else tt.data=(Dt=Tn[De.arg.endpointName].structuralSharing)==null||Dt?M((0,on.isDraft)(tt.data)?(0,vt.original)(tt.data):tt.data,We):We;delete tt.error,tt.fulfilledTimeStamp=De.fulfilledTimeStamp}})}).addCase(Rn.rejected,function(Re,Ie){var De=Ie.meta,We=De.condition,tt=De.requestId,Dt=Ie.error,Rt=Ie.payload;bt(Re,De.arg.queryCacheKey,function(Ve){if(!We){if(Ve.requestId!==tt)return;Ve.status=t.rejected,Ve.error=Rt??Dt}})}).addMatcher(Sn,function(Re,Ie){for(var De=dn(Ie).queries,We=0,tt=Object.entries(De);We"u"||navigator.onLine===void 0||navigator.onLine,focused:typeof document>"u"||document.visibilityState!=="hidden",middlewareRegistered:!1},vn),reducers:{middlewareRegistered:function(ot,Re){ot.middlewareRegistered=ot.middlewareRegistered!=="conflict"&&Nn===Re.payload||"conflict"}},extraReducers:function(ot){ot.addCase(be,function(Re){Re.online=!0}).addCase(ie,function(Re){Re.online=!1}).addCase(Y,function(Re){Re.focused=!0}).addCase(ae,function(Re){Re.focused=!1}).addMatcher(Sn,function(Re){return S({},Re)})}}),mt=(0,ge.combineReducers)({queries:Xe.reducer,mutations:Ot.reducer,provided:St.reducer,subscriptions:wt.reducer,config:Bt.reducer});return{reducer:function(ot,Re){return mt(bn.match(Re)?void 0:ot,Re)},actions:_(S(S(S(S(S({},Bt.actions),Xe.actions),at.actions),wt.actions),Ot.actions),{unsubscribeMutationResult:Ot.actions.removeMutationResult,resetApiState:bn})}}({context:he,queryThunk:Je,mutationThunk:jt,reducerPath:me,assertTagType:He,config:{refetchOnFocus:ft,refetchOnReconnect:xt,refetchOnMountOrArgChange:Ht,keepUnusedDataFor:st,reducerPath:me}}),Be=Ut.reducer,yt=Ut.actions;$r(J.util,{patchQueryData:Et,updateQueryData:Nt,upsertQueryData:qt,prefetch:tn,resetApiState:yt.resetApiState}),$r(J.internalActions,yt);var Mt=function(It){var In=It.reducerPath,Rn=It.queryThunk,Zn=It.api,mr=It.context,Tn=mr.apiUid,Nn={invalidateTags:(0,cr.createAction)(In+"/invalidateTags")},dn=[Wr,pn,Hr,yr,Wn,Mo];return{middleware:function(En){var vn=!1,bn=_(S({},It),{internalState:{currentSubscriptions:{}},refetchQuery:Sn}),Xe=dn.map(function(at){return at(bn)}),Ot=function(at){var wt=at.api,Bt=at.queryThunk,mt=at.internalState,ot=wt.reducerPath+"/subscriptions",Re=null,Ie=!1,De=wt.internalActions,We=De.updateSubscriptionOptions,tt=De.unsubscribeQueryResult;return function(Dt,Rt){var Ve,nn;if(Re||(Re=JSON.parse(JSON.stringify(mt.currentSubscriptions))),wt.util.resetApiState.match(Dt))return Re=mt.currentSubscriptions={},[!0,!1];if(wt.internalActions.internal_probeSubscription.match(Dt)){var yn=Dt.payload;return[!1,!!((Ve=mt.currentSubscriptions[yn.queryCacheKey])!=null&&Ve[yn.requestId])]}var hn=function(gn,Vn){var io,fn,$n,Ur,Rr,Va,Yd,Do,fa;if(We.match(Vn)){var Ls=Vn.payload,pa=Ls.queryCacheKey,lo=Ls.requestId;return(io=gn==null?void 0:gn[pa])!=null&&io[lo]&&(gn[pa][lo]=Ls.options),!0}if(tt.match(Vn)){var co=Vn.payload;return lo=co.requestId,gn[pa=co.queryCacheKey]&&delete gn[pa][lo],!0}if(wt.internalActions.removeQueryResult.match(Vn))return delete gn[Vn.payload.queryCacheKey],!0;if(Bt.pending.match(Vn)){var uo=Vn.meta;if(lo=uo.requestId,(Yr=uo.arg).subscribe)return(Ho=($n=gn[fn=Yr.queryCacheKey])!=null?$n:gn[fn]={})[lo]=(Rr=(Ur=Yr.subscriptionOptions)!=null?Ur:Ho[lo])!=null?Rr:{},!0}if(Bt.rejected.match(Vn)){var Ho,Ao=Vn.meta,Yr=Ao.arg;if(lo=Ao.requestId,Ao.condition&&Yr.subscribe)return(Ho=(Yd=gn[Va=Yr.queryCacheKey])!=null?Yd:gn[Va]={})[lo]=(fa=(Do=Yr.subscriptionOptions)!=null?Do:Ho[lo])!=null?fa:{},!0}return!1}(mt.currentSubscriptions,Dt);if(hn){Ie||(fs(function(){var gn=JSON.parse(JSON.stringify(mt.currentSubscriptions)),Vn=(0,Vr.produceWithPatches)(Re,function(){return gn});Rt.next(wt.internalActions.subscriptionsUpdated(Vn[1])),Re=gn,Ie=!1}),Ie=!0);var gr=!!((nn=Dt.type)!=null&&nn.startsWith(ot)),Xn=Bt.rejected.match(Dt)&&Dt.meta.condition&&!!Dt.meta.arg.subscribe;return[!gr&&!Xn,!1]}return[!0,!1]}}(bn),St=function(at){var wt=at.reducerPath,Bt=at.context,mt=at.refetchQuery,ot=at.internalState,Re=at.api.internalActions.removeQueryResult;function Ie(De,We){var tt=De.getState()[wt],Dt=tt.queries,Rt=ot.currentSubscriptions;Bt.batch(function(){for(var Ve=0,nn=Object.keys(Rt);Ve{const{imageUsage:t,topMessage:n="This image is currently in use in the following features:",bottomMessage:r="If you delete this image, those features will immediately be reset."}=e;return!t||!Pu(t)?null:i.jsxs(i.Fragment,{children:[i.jsx(qe,{children:n}),i.jsxs(Mb,{sx:{paddingInlineStart:6},children:[t.isInitialImage&&i.jsx(wa,{children:"Image to Image"}),t.isCanvasImage&&i.jsx(wa,{children:"Unified Canvas"}),t.isControlNetImage&&i.jsx(wa,{children:"ControlNet"}),t.isNodesImage&&i.jsx(wa,{children:"Node Editor"})]}),i.jsx(qe,{children:r})]})},ij=f.memo(JV),ZV=e=>{const{boardToDelete:t,setBoardToDelete:n}=e,{t:r}=ye(),o=z(k=>k.config.canRestoreDeletedImagesFromBin),{currentData:s,isFetching:a}=B7((t==null?void 0:t.board_id)??oo.skipToken),c=f.useMemo(()=>fe([Ye],k=>{const j=(s??[]).map(E=>F7(k,E));return{imageUsageSummary:{isInitialImage:Pu(j,E=>E.isInitialImage),isCanvasImage:Pu(j,E=>E.isCanvasImage),isNodesImage:Pu(j,E=>E.isNodesImage),isControlNetImage:Pu(j,E=>E.isControlNetImage)}}}),[s]),[d,{isLoading:p}]=H7(),[h,{isLoading:m}]=W7(),{imageUsageSummary:v}=z(c),b=f.useCallback(()=>{t&&(d(t.board_id),n(void 0))},[t,d,n]),w=f.useCallback(()=>{t&&(h(t.board_id),n(void 0))},[t,h,n]),y=f.useCallback(()=>{n(void 0)},[n]),S=f.useRef(null),_=f.useMemo(()=>m||p||a,[m,p,a]);return t?i.jsx(Md,{isOpen:!!t,onClose:y,leastDestructiveRef:S,isCentered:!0,children:i.jsx(Da,{children:i.jsxs(Dd,{children:[i.jsxs(Ma,{fontSize:"lg",fontWeight:"bold",children:["Delete ",t.board_name]}),i.jsx(Aa,{children:i.jsxs(F,{direction:"column",gap:3,children:[a?i.jsx(km,{children:i.jsx(F,{sx:{w:"full",h:32}})}):i.jsx(ij,{imageUsage:v,topMessage:"This board contains images used in the following features:",bottomMessage:"Deleting this board and its images will reset any features currently using them."}),i.jsx(qe,{children:"Deleted boards cannot be restored."}),i.jsx(qe,{children:r(o?"gallery.deleteImageBin":"gallery.deleteImagePermanent")})]})}),i.jsx(Ra,{children:i.jsxs(F,{sx:{justifyContent:"space-between",width:"full",gap:2},children:[i.jsx(Jt,{ref:S,onClick:y,children:"Cancel"}),i.jsx(Jt,{colorScheme:"warning",isLoading:_,onClick:b,children:"Delete Board Only"}),i.jsx(Jt,{colorScheme:"error",isLoading:_,onClick:w,children:"Delete Board and Images"})]})})]})})}):null},eU=f.memo(ZV),lj=Ae((e,t)=>{const{role:n,tooltip:r="",tooltipProps:o,isChecked:s,...a}=e;return i.jsx(wn,{label:r,hasArrow:!0,...o,...o!=null&&o.placement?{placement:o.placement}:{placement:"top"},children:i.jsx(Ca,{ref:t,role:n,colorScheme:s?"accent":"base",...a})})});lj.displayName="IAIIconButton";const Le=f.memo(lj),tU="My Board",nU=()=>{const[e,{isLoading:t}]=V7(),n=f.useCallback(()=>{e(tU)},[e]);return i.jsx(Le,{icon:i.jsx(gl,{}),isLoading:t,tooltip:"Add Board","aria-label":"Add Board",onClick:n,size:"sm"})};var rC={path:i.jsxs("g",{stroke:"currentColor",strokeWidth:"1.5",children:[i.jsx("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"}),i.jsx("path",{fill:"currentColor",strokeLinecap:"round",d:"M12,17.25a.375.375,0,1,0,.375.375A.375.375,0,0,0,12,17.25h0"}),i.jsx("circle",{fill:"none",strokeMiterlimit:"10",cx:"12",cy:"12",r:"11.25"})]}),viewBox:"0 0 24 24"},cj=Ae((e,t)=>{const{as:n,viewBox:r,color:o="currentColor",focusable:s=!1,children:a,className:c,__css:d,...p}=e,h=Ct("chakra-icon",c),m=ia("Icon",e),v={w:"1em",h:"1em",display:"inline-block",lineHeight:"1em",flexShrink:0,color:o,...d,...m},b={ref:t,focusable:s,className:h,__css:v},w=r??rC.viewBox;if(n&&typeof n!="string")return i.jsx(je.svg,{as:n,...b,...p});const y=a??rC.path;return i.jsx(je.svg,{verticalAlign:"middle",viewBox:w,...b,...p,children:y})});cj.displayName="Icon";function Fd(e){const{viewBox:t="0 0 24 24",d:n,displayName:r,defaultProps:o={}}=e,s=f.Children.toArray(e.path),a=Ae((c,d)=>i.jsx(cj,{ref:d,viewBox:t,...o,...c,children:s.length?s:i.jsx("path",{fill:"currentColor",d:n})}));return a.displayName=r,a}var uj=Fd({displayName:"ExternalLinkIcon",path:i.jsxs("g",{fill:"none",stroke:"currentColor",strokeLinecap:"round",strokeWidth:"2",children:[i.jsx("path",{d:"M18 13v6a2 2 0 0 1-2 2H5a2 2 0 0 1-2-2V8a2 2 0 0 1 2-2h6"}),i.jsx("path",{d:"M15 3h6v6"}),i.jsx("path",{d:"M10 14L21 3"})]})}),Sy=Fd({d:"M12 8l-6 6 1.41 1.41L12 10.83l4.59 4.58L18 14z",displayName:"ChevronUpIcon"}),rU=Fd({displayName:"CloseIcon",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"}),oU=Fd({displayName:"DeleteIcon",path:i.jsx("g",{fill:"currentColor",children:i.jsx("path",{d:"M19.452 7.5H4.547a.5.5 0 00-.5.545l1.287 14.136A2 2 0 007.326 24h9.347a2 2 0 001.992-1.819L19.95 8.045a.5.5 0 00-.129-.382.5.5 0 00-.369-.163zm-9.2 13a.75.75 0 01-1.5 0v-9a.75.75 0 011.5 0zm5 0a.75.75 0 01-1.5 0v-9a.75.75 0 011.5 0zM22 4h-4.75a.25.25 0 01-.25-.25V2.5A2.5 2.5 0 0014.5 0h-5A2.5 2.5 0 007 2.5v1.25a.25.25 0 01-.25.25H2a1 1 0 000 2h20a1 1 0 000-2zM9 3.75V2.5a.5.5 0 01.5-.5h5a.5.5 0 01.5.5v1.25a.25.25 0 01-.25.25h-5.5A.25.25 0 019 3.75z"})})}),sU=Fd({displayName:"ChevronDownIcon",d:"M16.59 8.59L12 13.17 7.41 8.59 6 10l6 6 6-6z"});const aU=fe([Ye],({boards:e})=>{const{searchText:t}=e;return{searchText:t}},Ge),iU=()=>{const e=te(),{searchText:t}=z(aU),n=f.useRef(null),r=f.useCallback(c=>{e(q2(c))},[e]),o=f.useCallback(()=>{e(q2(""))},[e]),s=f.useCallback(c=>{c.key==="Escape"&&o()},[o]),a=f.useCallback(c=>{r(c.target.value)},[r]);return f.useEffect(()=>{n.current&&n.current.focus()},[]),i.jsxs(G3,{children:[i.jsx(Pd,{ref:n,placeholder:"Search Boards...",value:t,onKeyDown:s,onChange:a}),t&&t.length&&i.jsx(Eb,{children:i.jsx(Ca,{onClick:o,size:"xs",variant:"ghost","aria-label":"Clear Search",opacity:.5,icon:i.jsx(rU,{boxSize:2})})})]})},lU=f.memo(iU),cU=e=>{const{isOver:t,label:n="Drop"}=e,r=f.useRef(ui()),{colorMode:o}=Ds();return i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.1}},exit:{opacity:0,transition:{duration:.1}},children:i.jsxs(F,{sx:{position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full"},children:[i.jsx(F,{sx:{position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full",bg:Fe("base.700","base.900")(o),opacity:.7,borderRadius:"base",alignItems:"center",justifyContent:"center",transitionProperty:"common",transitionDuration:"0.1s"}}),i.jsx(F,{sx:{position:"absolute",top:.5,insetInlineStart:.5,insetInlineEnd:.5,bottom:.5,opacity:1,borderWidth:2,borderColor:t?Fe("base.50","base.50")(o):Fe("base.200","base.300")(o),borderRadius:"lg",borderStyle:"dashed",transitionProperty:"common",transitionDuration:"0.1s",alignItems:"center",justifyContent:"center"},children:i.jsx(qe,{sx:{fontSize:"2xl",fontWeight:600,transform:t?"scale(1.1)":"scale(1)",color:t?Fe("base.50","base.50")(o):Fe("base.200","base.300")(o),transitionProperty:"common",transitionDuration:"0.1s"},children:n})})]})},r.current)},ch=f.memo(cU),uU=e=>{const{dropLabel:t,data:n,disabled:r}=e,o=f.useRef(ui()),{isOver:s,setNodeRef:a,active:c}=Q1({id:o.current,disabled:r,data:n});return i.jsx(Ee,{ref:a,position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full",pointerEvents:"none",children:i.jsx(mo,{children:Tp(n,c)&&i.jsx(ch,{isOver:s,label:t})})})},Cy=f.memo(uU),ky=({isSelected:e,isHovered:t})=>i.jsx(Ee,{className:"selection-box",sx:{position:"absolute",top:0,insetInlineEnd:0,bottom:0,insetInlineStart:0,borderRadius:"base",opacity:e?1:.7,transitionProperty:"common",transitionDuration:"0.1s",shadow:e?t?"hoverSelected.light":"selected.light":t?"hoverUnselected.light":void 0,_dark:{shadow:e?t?"hoverSelected.dark":"selected.dark":t?"hoverUnselected.dark":void 0}}}),dj=()=>i.jsx(F,{sx:{position:"absolute",insetInlineEnd:0,top:0,p:1},children:i.jsx(ml,{variant:"solid",sx:{bg:"accent.400",_dark:{bg:"accent.500"}},children:"auto"})});var Vu=globalThis&&globalThis.__assign||function(){return Vu=Object.assign||function(e){for(var t,n=1,r=arguments.length;n{const{boardName:t}=am(void 0,{selectFromResult:({data:n})=>{const r=n==null?void 0:n.find(s=>s.board_id===e);return{boardName:(r==null?void 0:r.board_name)||"Uncategorized"}}});return t},dU=({board:e,setBoardToDelete:t})=>{const n=f.useCallback(()=>{t&&t(e)},[e,t]);return i.jsxs(i.Fragment,{children:[e.image_count>0&&i.jsx(i.Fragment,{}),i.jsx(Pr,{sx:{color:"error.600",_dark:{color:"error.300"}},icon:i.jsx(us,{}),onClick:n,children:"Delete Board"})]})},fU=f.memo(dU),pU=()=>i.jsx(i.Fragment,{}),hU=f.memo(pU),_y=f.memo(({board:e,board_id:t,setBoardToDelete:n,children:r})=>{const o=te(),s=f.useMemo(()=>fe(Ye,({gallery:h})=>({isAutoAdd:h.autoAddBoardId===t})),[t]),{isAutoAdd:a}=z(s),c=Lm(t),d=f.useCallback(()=>{o(N_(t))},[t,o]),p=f.useCallback(h=>{h.preventDefault()},[]);return i.jsx(fj,{menuProps:{size:"sm",isLazy:!0},menuButtonProps:{bg:"transparent",_hover:{bg:"transparent"}},renderMenu:()=>i.jsx(Fc,{sx:{visibility:"visible !important"},motionProps:um,onContextMenu:p,children:i.jsxs(od,{title:c,children:[i.jsx(Pr,{icon:i.jsx(gl,{}),isDisabled:a,onClick:d,children:"Auto-add to this Board"}),!e&&i.jsx(hU,{}),e&&i.jsx(fU,{board:e,setBoardToDelete:n})]})}),children:r})});_y.displayName="HoverableBoard";const pj=f.memo(({board:e,isSelected:t,setBoardToDelete:n})=>{const r=te(),o=f.useMemo(()=>fe(Ye,({gallery:E})=>({isSelectedForAutoAdd:e.board_id===E.autoAddBoardId}),Ge),[e.board_id]),{isSelectedForAutoAdd:s}=z(o),[a,c]=f.useState(!1),d=f.useCallback(()=>{c(!0)},[]),p=f.useCallback(()=>{c(!1)},[]),{currentData:h}=os(e.cover_image_name??oo.skipToken),{board_name:m,board_id:v}=e,[b,w]=f.useState(m),y=f.useCallback(()=>{r($_(v))},[v,r]),[S,{isLoading:_}]=U7(),k=f.useMemo(()=>({id:v,actionType:"MOVE_BOARD",context:{boardId:v}}),[v]),j=f.useCallback(async E=>{if(!E.trim()){w(m);return}if(E!==m)try{const{board_name:O}=await S({board_id:v,changes:{board_name:E}}).unwrap();w(O)}catch{w(m)}},[v,m,S]),I=f.useCallback(E=>{w(E)},[]);return i.jsx(Ee,{sx:{w:"full",h:"full",touchAction:"none",userSelect:"none"},children:i.jsx(F,{onMouseOver:d,onMouseOut:p,sx:{position:"relative",justifyContent:"center",alignItems:"center",aspectRatio:"1/1",w:"full",h:"full"},children:i.jsx(_y,{board:e,board_id:v,setBoardToDelete:n,children:E=>i.jsxs(F,{ref:E,onClick:y,sx:{w:"full",h:"full",position:"relative",justifyContent:"center",alignItems:"center",borderRadius:"base",cursor:"pointer",bg:"base.200",_dark:{bg:"base.800"}},children:[h!=null&&h.thumbnail_url?i.jsx(Nc,{src:h==null?void 0:h.thumbnail_url,draggable:!1,sx:{objectFit:"cover",w:"full",h:"full",maxH:"full",borderRadius:"base",borderBottomRadius:"lg"}}):i.jsx(F,{sx:{w:"full",h:"full",justifyContent:"center",alignItems:"center"},children:i.jsx(no,{boxSize:12,as:OW,sx:{mt:-6,opacity:.7,color:"base.500",_dark:{color:"base.500"}}})}),s&&i.jsx(dj,{}),i.jsx(ky,{isSelected:t,isHovered:a}),i.jsx(F,{sx:{position:"absolute",bottom:0,left:0,p:1,justifyContent:"center",alignItems:"center",w:"full",maxW:"full",borderBottomRadius:"base",bg:t?"accent.400":"base.500",color:t?"base.50":"base.100",_dark:{bg:t?"accent.500":"base.600",color:t?"base.50":"base.100"},lineHeight:"short",fontSize:"xs"},children:i.jsxs(s3,{value:b,isDisabled:_,submitOnBlur:!0,onChange:I,onSubmit:j,sx:{w:"full"},children:[i.jsx(n3,{sx:{p:0,fontWeight:t?700:500,textAlign:"center",overflow:"hidden",textOverflow:"ellipsis"},noOfLines:1}),i.jsx(t3,{sx:{p:0,_focusVisible:{p:0,textAlign:"center",boxShadow:"none"}}})]})}),i.jsx(Cy,{data:k,dropLabel:i.jsx(qe,{fontSize:"md",children:"Move"})})]})})})})});pj.displayName="HoverableBoard";const mU=fe(Ye,({gallery:e})=>{const{autoAddBoardId:t}=e;return{autoAddBoardId:t}},Ge),hj=f.memo(({isSelected:e})=>{const t=te(),{autoAddBoardId:n}=z(mU),r=Lm(void 0),o=f.useCallback(()=>{t($_(void 0))},[t]),[s,a]=f.useState(!1),c=f.useCallback(()=>{a(!0)},[]),d=f.useCallback(()=>{a(!1)},[]),p=f.useMemo(()=>({id:"no_board",actionType:"MOVE_BOARD",context:{boardId:void 0}}),[]);return i.jsx(Ee,{sx:{w:"full",h:"full",touchAction:"none",userSelect:"none"},children:i.jsx(F,{onMouseOver:c,onMouseOut:d,sx:{position:"relative",justifyContent:"center",alignItems:"center",aspectRatio:"1/1",borderRadius:"base",w:"full",h:"full"},children:i.jsx(_y,{children:h=>i.jsxs(F,{ref:h,onClick:o,sx:{w:"full",h:"full",position:"relative",justifyContent:"center",alignItems:"center",borderRadius:"base",cursor:"pointer",bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsx(F,{sx:{w:"full",h:"full",justifyContent:"center",alignItems:"center"},children:i.jsx(Nc,{src:z_,alt:"invoke-ai-logo",sx:{opacity:.4,filter:"grayscale(1)",mt:-6,w:16,h:16,minW:16,minH:16,userSelect:"none"}})}),!n&&i.jsx(dj,{}),i.jsx(F,{sx:{position:"absolute",bottom:0,left:0,p:1,justifyContent:"center",alignItems:"center",w:"full",maxW:"full",borderBottomRadius:"base",bg:e?"accent.400":"base.500",color:e?"base.50":"base.100",_dark:{bg:e?"accent.500":"base.600",color:e?"base.50":"base.100"},lineHeight:"short",fontSize:"xs",fontWeight:e?700:500},children:r}),i.jsx(ky,{isSelected:e,isHovered:s}),i.jsx(Cy,{data:p,dropLabel:i.jsx(qe,{fontSize:"md",children:"Move"})})]})})})})});hj.displayName="HoverableBoard";const gU=fe([Ye],({boards:e,gallery:t})=>{const{searchText:n}=e,{selectedBoardId:r}=t;return{selectedBoardId:r,searchText:n}},Ge),vU=e=>{const{isOpen:t}=e,{selectedBoardId:n,searchText:r}=z(gU),{data:o}=am(),s=r?o==null?void 0:o.filter(d=>d.board_name.toLowerCase().includes(r.toLowerCase())):o,[a,c]=f.useState();return i.jsxs(i.Fragment,{children:[i.jsx(pm,{in:t,animateOpacity:!0,children:i.jsxs(F,{layerStyle:"first",sx:{flexDir:"column",gap:2,p:2,mt:2,borderRadius:"base"},children:[i.jsxs(F,{sx:{gap:2,alignItems:"center"},children:[i.jsx(lU,{}),i.jsx(nU,{})]}),i.jsx(oj,{defer:!0,style:{height:"100%",width:"100%"},options:{scrollbars:{visibility:"auto",autoHide:"move",autoHideDelay:1300,theme:"os-theme-dark"}},children:i.jsxs(sl,{className:"list-container",sx:{gridTemplateColumns:"repeat(auto-fill, minmax(108px, 1fr));",maxH:346},children:[i.jsx(Yv,{sx:{p:1.5},children:i.jsx(hj,{isSelected:n===void 0})}),s&&s.map(d=>i.jsx(Yv,{sx:{p:1.5},children:i.jsx(pj,{board:d,isSelected:n===d.board_id,setBoardToDelete:c})},d.board_id))]})})]})}),i.jsx(eU,{boardToDelete:a,setBoardToDelete:c})]})},bU=f.memo(vU),yU=fe([Ye],e=>{const{selectedBoardId:t}=e.gallery;return{selectedBoardId:t}},Ge),xU=e=>{const{isOpen:t,onToggle:n}=e,{selectedBoardId:r}=z(yU),o=Lm(r),s=f.useMemo(()=>o.length>20?`${o.substring(0,20)}...`:o,[o]);return i.jsxs(F,{as:bc,onClick:n,size:"sm",sx:{position:"relative",gap:2,w:"full",justifyContent:"space-between",alignItems:"center",px:2},children:[i.jsx(qe,{noOfLines:1,sx:{fontWeight:600,w:"100%",textAlign:"center",color:"base.800",_dark:{color:"base.200"}},children:s}),i.jsx(Sy,{sx:{transform:t?"rotate(0deg)":"rotate(180deg)",transitionProperty:"common",transitionDuration:"normal"}})]})},wU=f.memo(xU);function mj(e){return et({tag:"svg",attr:{fill:"currentColor",viewBox:"0 0 16 16"},child:[{tag:"path",attr:{d:"M9.828.722a.5.5 0 0 1 .354.146l4.95 4.95a.5.5 0 0 1 0 .707c-.48.48-1.072.588-1.503.588-.177 0-.335-.018-.46-.039l-3.134 3.134a5.927 5.927 0 0 1 .16 1.013c.046.702-.032 1.687-.72 2.375a.5.5 0 0 1-.707 0l-2.829-2.828-3.182 3.182c-.195.195-1.219.902-1.414.707-.195-.195.512-1.22.707-1.414l3.182-3.182-2.828-2.829a.5.5 0 0 1 0-.707c.688-.688 1.673-.767 2.375-.72a5.922 5.922 0 0 1 1.013.16l3.134-3.133a2.772 2.772 0 0 1-.04-.461c0-.43.108-1.022.589-1.503a.5.5 0 0 1 .353-.146z"}}]})(e)}function gj(e){return et({tag:"svg",attr:{fill:"currentColor",viewBox:"0 0 16 16"},child:[{tag:"path",attr:{d:"M9.828.722a.5.5 0 0 1 .354.146l4.95 4.95a.5.5 0 0 1 0 .707c-.48.48-1.072.588-1.503.588-.177 0-.335-.018-.46-.039l-3.134 3.134a5.927 5.927 0 0 1 .16 1.013c.046.702-.032 1.687-.72 2.375a.5.5 0 0 1-.707 0l-2.829-2.828-3.182 3.182c-.195.195-1.219.902-1.414.707-.195-.195.512-1.22.707-1.414l3.182-3.182-2.828-2.829a.5.5 0 0 1 0-.707c.688-.688 1.673-.767 2.375-.72a5.922 5.922 0 0 1 1.013.16l3.134-3.133a2.772 2.772 0 0 1-.04-.461c0-.43.108-1.022.589-1.503a.5.5 0 0 1 .353-.146zm.122 2.112v-.002.002zm0-.002v.002a.5.5 0 0 1-.122.51L6.293 6.878a.5.5 0 0 1-.511.12H5.78l-.014-.004a4.507 4.507 0 0 0-.288-.076 4.922 4.922 0 0 0-.765-.116c-.422-.028-.836.008-1.175.15l5.51 5.509c.141-.34.177-.753.149-1.175a4.924 4.924 0 0 0-.192-1.054l-.004-.013v-.001a.5.5 0 0 1 .12-.512l3.536-3.535a.5.5 0 0 1 .532-.115l.096.022c.087.017.208.034.344.034.114 0 .23-.011.343-.04L9.927 2.028c-.029.113-.04.23-.04.343a1.779 1.779 0 0 0 .062.46z"}}]})(e)}const SU=fe([Ye],e=>{const{shouldPinGallery:t}=e.ui;return{shouldPinGallery:t}},Ge),CU=()=>{const e=te(),{t}=ye(),{shouldPinGallery:n}=z(SU),r=()=>{e(L_()),e(ko())};return i.jsx(Le,{size:"sm","aria-label":t("gallery.pinGallery"),tooltip:`${t("gallery.pinGallery")} (Shift+G)`,onClick:r,icon:n?i.jsx(mj,{}):i.jsx(gj,{})})},kU=e=>{const{triggerComponent:t,children:n,hasArrow:r=!0,isLazy:o=!0,...s}=e;return i.jsxs(Xb,{isLazy:o,...s,children:[i.jsx(Kb,{children:t}),i.jsxs(Yb,{shadow:"dark-lg",children:[r&&i.jsx(P6,{}),n]})]})},vl=f.memo(kU),_U=e=>{const{label:t,...n}=e,{colorMode:r}=Ds();return i.jsx(X5,{colorScheme:"accent",...n,children:i.jsx(qe,{sx:{fontSize:"sm",color:Fe("base.800","base.200")(r)},children:t})})},Gn=f.memo(_U);function PU(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{d:"M12 16c1.671 0 3-1.331 3-3s-1.329-3-3-3-3 1.331-3 3 1.329 3 3 3z"}},{tag:"path",attr:{d:"M20.817 11.186a8.94 8.94 0 0 0-1.355-3.219 9.053 9.053 0 0 0-2.43-2.43 8.95 8.95 0 0 0-3.219-1.355 9.028 9.028 0 0 0-1.838-.18V2L8 5l3.975 3V6.002c.484-.002.968.044 1.435.14a6.961 6.961 0 0 1 2.502 1.053 7.005 7.005 0 0 1 1.892 1.892A6.967 6.967 0 0 1 19 13a7.032 7.032 0 0 1-.55 2.725 7.11 7.11 0 0 1-.644 1.188 7.2 7.2 0 0 1-.858 1.039 7.028 7.028 0 0 1-3.536 1.907 7.13 7.13 0 0 1-2.822 0 6.961 6.961 0 0 1-2.503-1.054 7.002 7.002 0 0 1-1.89-1.89A6.996 6.996 0 0 1 5 13H3a9.02 9.02 0 0 0 1.539 5.034 9.096 9.096 0 0 0 2.428 2.428A8.95 8.95 0 0 0 12 22a9.09 9.09 0 0 0 1.814-.183 9.014 9.014 0 0 0 3.218-1.355 8.886 8.886 0 0 0 1.331-1.099 9.228 9.228 0 0 0 1.1-1.332A8.952 8.952 0 0 0 21 13a9.09 9.09 0 0 0-.183-1.814z"}}]})(e)}const jU=e=>{const[t,n]=f.useState(!1),{label:r,value:o,min:s=1,max:a=100,step:c=1,onChange:d,tooltipSuffix:p="",withSliderMarks:h=!1,withInput:m=!1,isInteger:v=!1,inputWidth:b=16,withReset:w=!1,hideTooltip:y=!1,isCompact:S=!1,isDisabled:_=!1,sliderMarks:k,handleReset:j,sliderFormControlProps:I,sliderFormLabelProps:E,sliderMarkProps:O,sliderTrackProps:R,sliderThumbProps:M,sliderNumberInputProps:A,sliderNumberInputFieldProps:T,sliderNumberInputStepperProps:$,sliderTooltipProps:Q,sliderIAIIconButtonProps:B,...V}=e,q=te(),{t:G}=ye(),[D,L]=f.useState(String(o));f.useEffect(()=>{L(o)},[o]);const W=f.useMemo(()=>A!=null&&A.min?A.min:s,[s,A==null?void 0:A.min]),Y=f.useMemo(()=>A!=null&&A.max?A.max:a,[a,A==null?void 0:A.max]),ae=f.useCallback(re=>{d(re)},[d]),be=f.useCallback(re=>{re.target.value===""&&(re.target.value=String(W));const oe=Es(v?Math.floor(Number(re.target.value)):Number(D),W,Y),pe=ju(oe,c);d(pe),L(pe)},[v,D,W,Y,d,c]),ie=f.useCallback(re=>{L(re)},[]),X=f.useCallback(()=>{j&&j()},[j]),K=f.useCallback(re=>{re.target instanceof HTMLDivElement&&re.target.focus()},[]),U=f.useCallback(re=>{re.shiftKey&&q(jo(!0))},[q]),se=f.useCallback(re=>{re.shiftKey||q(jo(!1))},[q]);return i.jsxs(go,{onClick:K,sx:S?{display:"flex",flexDirection:"row",alignItems:"center",columnGap:4,margin:0,padding:0}:{},isDisabled:_,...I,children:[r&&i.jsx(Lo,{sx:m?{mb:-1.5}:{},...E,children:r}),i.jsxs(di,{w:"100%",gap:2,alignItems:"center",children:[i.jsxs(V6,{"aria-label":r,value:o,min:s,max:a,step:c,onChange:ae,onMouseEnter:()=>n(!0),onMouseLeave:()=>n(!1),focusThumbOnChange:!1,isDisabled:_,...V,children:[h&&!k&&i.jsxs(i.Fragment,{children:[i.jsx(Gl,{value:s,sx:{insetInlineStart:"0 !important",insetInlineEnd:"unset !important"},...O,children:s}),i.jsx(Gl,{value:a,sx:{insetInlineStart:"unset !important",insetInlineEnd:"0 !important"},...O,children:a})]}),h&&k&&i.jsx(i.Fragment,{children:k.map((re,oe)=>oe===0?i.jsx(Gl,{value:re,sx:{insetInlineStart:"0 !important",insetInlineEnd:"unset !important"},...O,children:re},re):oe===k.length-1?i.jsx(Gl,{value:re,sx:{insetInlineStart:"unset !important",insetInlineEnd:"0 !important"},...O,children:re},re):i.jsx(Gl,{value:re,sx:{transform:"translateX(-50%)"},...O,children:re},re))}),i.jsx(G6,{...R,children:i.jsx(q6,{})}),i.jsx(wn,{hasArrow:!0,placement:"top",isOpen:t,label:`${o}${p}`,hidden:y,...Q,children:i.jsx(U6,{...M,zIndex:0})})]}),m&&i.jsxs(ym,{min:W,max:Y,step:c,value:D,onChange:ie,onBlur:be,focusInputOnChange:!1,...A,children:[i.jsx(wm,{onKeyDown:U,onKeyUp:se,minWidth:b,...T}),i.jsxs(xm,{...$,children:[i.jsx(Cm,{onClick:()=>d(Number(D))}),i.jsx(Sm,{onClick:()=>d(Number(D))})]})]}),w&&i.jsx(Le,{size:"sm","aria-label":G("accessibility.reset"),tooltip:G("accessibility.reset"),icon:i.jsx(PU,{}),isDisabled:_,onClick:X,...B})]})]})},_t=f.memo(jU);function IU(e){const t=f.createContext(null);return[({children:o,value:s})=>H.createElement(t.Provider,{value:s},o),()=>{const o=f.useContext(t);if(o===null)throw new Error(e);return o}]}function vj(e){return Array.isArray(e)?e:[e]}const EU=()=>{};function OU(e,t={active:!0}){return typeof e!="function"||!t.active?t.onKeyDown||EU:n=>{var r;n.key==="Escape"&&(e(n),(r=t.onTrigger)==null||r.call(t))}}function bj({data:e}){const t=[],n=[],r=e.reduce((o,s,a)=>(s.group?o[s.group]?o[s.group].push(a):o[s.group]=[a]:n.push(a),o),{});return Object.keys(r).forEach(o=>{t.push(...r[o].map(s=>e[s]))}),t.push(...n.map(o=>e[o])),t}function yj(e){return Array.isArray(e)||e===null?!1:typeof e=="object"?e.type!==H.Fragment:!1}function xj(e){var t,n,r="";if(typeof e=="string"||typeof e=="number")r+=e;else if(typeof e=="object")if(Array.isArray(e))for(t=0;tr===t[o]).indexOf(!1)>=0)&&(n.current={v:e(),prevDeps:[...t]}),n.current.v}const DU=G7({key:"mantine",prepend:!0});function AU(){return R5()||DU}var TU=Object.defineProperty,oC=Object.getOwnPropertySymbols,NU=Object.prototype.hasOwnProperty,$U=Object.prototype.propertyIsEnumerable,sC=(e,t,n)=>t in e?TU(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,zU=(e,t)=>{for(var n in t||(t={}))NU.call(t,n)&&sC(e,n,t[n]);if(oC)for(var n of oC(t))$U.call(t,n)&&sC(e,n,t[n]);return e};const tv="ref";function LU(e){let t;if(e.length!==1)return{args:e,ref:t};const[n]=e;if(!(n instanceof Object))return{args:e,ref:t};if(!(tv in n))return{args:e,ref:t};t=n[tv];const r=zU({},n);return delete r[tv],{args:[r],ref:t}}const{cssFactory:BU}=(()=>{function e(n,r,o){const s=[],a=X7(n,s,o);return s.length<2?o:a+r(s)}function t(n){const{cache:r}=n,o=(...a)=>{const{ref:c,args:d}=LU(a),p=q7(d,r.registered);return K7(r,p,!1),`${r.key}-${p.name}${c===void 0?"":` ${c}`}`};return{css:o,cx:(...a)=>e(r.registered,o,wj(a))}}return{cssFactory:t}})();function Sj(){const e=AU();return MU(()=>BU({cache:e}),[e])}function FU({cx:e,classes:t,context:n,classNames:r,name:o,cache:s}){const a=n.reduce((c,d)=>(Object.keys(d.classNames).forEach(p=>{typeof c[p]!="string"?c[p]=`${d.classNames[p]}`:c[p]=`${c[p]} ${d.classNames[p]}`}),c),{});return Object.keys(t).reduce((c,d)=>(c[d]=e(t[d],a[d],r!=null&&r[d],Array.isArray(o)?o.filter(Boolean).map(p=>`${(s==null?void 0:s.key)||"mantine"}-${p}-${d}`).join(" "):o?`${(s==null?void 0:s.key)||"mantine"}-${o}-${d}`:null),c),{})}var HU=Object.defineProperty,aC=Object.getOwnPropertySymbols,WU=Object.prototype.hasOwnProperty,VU=Object.prototype.propertyIsEnumerable,iC=(e,t,n)=>t in e?HU(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,nv=(e,t)=>{for(var n in t||(t={}))WU.call(t,n)&&iC(e,n,t[n]);if(aC)for(var n of aC(t))VU.call(t,n)&&iC(e,n,t[n]);return e};function x1(e,t){return t&&Object.keys(t).forEach(n=>{e[n]?e[n]=nv(nv({},e[n]),t[n]):e[n]=nv({},t[n])}),e}function lC(e,t,n,r){const o=s=>typeof s=="function"?s(t,n||{},r):s||{};return Array.isArray(e)?e.map(s=>o(s.styles)).reduce((s,a)=>x1(s,a),{}):o(e)}function UU({ctx:e,theme:t,params:n,variant:r,size:o}){return e.reduce((s,a)=>(a.variants&&r in a.variants&&x1(s,a.variants[r](t,n,{variant:r,size:o})),a.sizes&&o in a.sizes&&x1(s,a.sizes[o](t,n,{variant:r,size:o})),s),{})}function ao(e){const t=typeof e=="function"?e:()=>e;function n(r,o){const s=Fa(),a=YD(o==null?void 0:o.name),c=R5(),d={variant:o==null?void 0:o.variant,size:o==null?void 0:o.size},{css:p,cx:h}=Sj(),m=t(s,r,d),v=lC(o==null?void 0:o.styles,s,r,d),b=lC(a,s,r,d),w=UU({ctx:a,theme:s,params:r,variant:o==null?void 0:o.variant,size:o==null?void 0:o.size}),y=Object.fromEntries(Object.keys(m).map(S=>{const _=h({[p(m[S])]:!(o!=null&&o.unstyled)},p(w[S]),p(b[S]),p(v[S]));return[S,_]}));return{classes:FU({cx:h,classes:y,context:a,classNames:o==null?void 0:o.classNames,name:o==null?void 0:o.name,cache:c}),cx:h,theme:s}}return n}function cC(e){return`___ref-${e||""}`}var GU=Object.defineProperty,qU=Object.defineProperties,KU=Object.getOwnPropertyDescriptors,uC=Object.getOwnPropertySymbols,XU=Object.prototype.hasOwnProperty,YU=Object.prototype.propertyIsEnumerable,dC=(e,t,n)=>t in e?GU(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,vu=(e,t)=>{for(var n in t||(t={}))XU.call(t,n)&&dC(e,n,t[n]);if(uC)for(var n of uC(t))YU.call(t,n)&&dC(e,n,t[n]);return e},bu=(e,t)=>qU(e,KU(t));const yu={in:{opacity:1,transform:"scale(1)"},out:{opacity:0,transform:`scale(.9) translateY(${Ue(10)})`},transitionProperty:"transform, opacity"},op={fade:{in:{opacity:1},out:{opacity:0},transitionProperty:"opacity"},scale:{in:{opacity:1,transform:"scale(1)"},out:{opacity:0,transform:"scale(0)"},common:{transformOrigin:"top"},transitionProperty:"transform, opacity"},"scale-y":{in:{opacity:1,transform:"scaleY(1)"},out:{opacity:0,transform:"scaleY(0)"},common:{transformOrigin:"top"},transitionProperty:"transform, opacity"},"scale-x":{in:{opacity:1,transform:"scaleX(1)"},out:{opacity:0,transform:"scaleX(0)"},common:{transformOrigin:"left"},transitionProperty:"transform, opacity"},"skew-up":{in:{opacity:1,transform:"translateY(0) skew(0deg, 0deg)"},out:{opacity:0,transform:`translateY(-${Ue(20)}) skew(-10deg, -5deg)`},common:{transformOrigin:"top"},transitionProperty:"transform, opacity"},"skew-down":{in:{opacity:1,transform:"translateY(0) skew(0deg, 0deg)"},out:{opacity:0,transform:`translateY(${Ue(20)}) skew(-10deg, -5deg)`},common:{transformOrigin:"bottom"},transitionProperty:"transform, opacity"},"rotate-left":{in:{opacity:1,transform:"translateY(0) rotate(0deg)"},out:{opacity:0,transform:`translateY(${Ue(20)}) rotate(-5deg)`},common:{transformOrigin:"bottom"},transitionProperty:"transform, opacity"},"rotate-right":{in:{opacity:1,transform:"translateY(0) rotate(0deg)"},out:{opacity:0,transform:`translateY(${Ue(20)}) rotate(5deg)`},common:{transformOrigin:"top"},transitionProperty:"transform, opacity"},"slide-down":{in:{opacity:1,transform:"translateY(0)"},out:{opacity:0,transform:"translateY(-100%)"},common:{transformOrigin:"top"},transitionProperty:"transform, opacity"},"slide-up":{in:{opacity:1,transform:"translateY(0)"},out:{opacity:0,transform:"translateY(100%)"},common:{transformOrigin:"bottom"},transitionProperty:"transform, opacity"},"slide-left":{in:{opacity:1,transform:"translateX(0)"},out:{opacity:0,transform:"translateX(100%)"},common:{transformOrigin:"left"},transitionProperty:"transform, opacity"},"slide-right":{in:{opacity:1,transform:"translateX(0)"},out:{opacity:0,transform:"translateX(-100%)"},common:{transformOrigin:"right"},transitionProperty:"transform, opacity"},pop:bu(vu({},yu),{common:{transformOrigin:"center center"}}),"pop-bottom-left":bu(vu({},yu),{common:{transformOrigin:"bottom left"}}),"pop-bottom-right":bu(vu({},yu),{common:{transformOrigin:"bottom right"}}),"pop-top-left":bu(vu({},yu),{common:{transformOrigin:"top left"}}),"pop-top-right":bu(vu({},yu),{common:{transformOrigin:"top right"}})},fC=["mousedown","touchstart"];function QU(e,t,n){const r=f.useRef();return f.useEffect(()=>{const o=s=>{const{target:a}=s??{};if(Array.isArray(n)){const c=(a==null?void 0:a.hasAttribute("data-ignore-outside-clicks"))||!document.body.contains(a)&&a.tagName!=="HTML";n.every(p=>!!p&&!s.composedPath().includes(p))&&!c&&e()}else r.current&&!r.current.contains(a)&&e()};return(t||fC).forEach(s=>document.addEventListener(s,o)),()=>{(t||fC).forEach(s=>document.removeEventListener(s,o))}},[r,e,n]),r}function JU(e,t){try{return e.addEventListener("change",t),()=>e.removeEventListener("change",t)}catch{return e.addListener(t),()=>e.removeListener(t)}}function ZU(e,t){return typeof t=="boolean"?t:typeof window<"u"&&"matchMedia"in window?window.matchMedia(e).matches:!1}function eG(e,t,{getInitialValueInEffect:n}={getInitialValueInEffect:!0}){const[r,o]=f.useState(n?t:ZU(e,t)),s=f.useRef();return f.useEffect(()=>{if("matchMedia"in window)return s.current=window.matchMedia(e),o(s.current.matches),JU(s.current,a=>o(a.matches))},[e]),r}const Cj=typeof document<"u"?f.useLayoutEffect:f.useEffect;function Ps(e,t){const n=f.useRef(!1);f.useEffect(()=>()=>{n.current=!1},[]),f.useEffect(()=>{if(n.current)return e();n.current=!0},t)}function tG({opened:e,shouldReturnFocus:t=!0}){const n=f.useRef(),r=()=>{var o;n.current&&"focus"in n.current&&typeof n.current.focus=="function"&&((o=n.current)==null||o.focus({preventScroll:!0}))};return Ps(()=>{let o=-1;const s=a=>{a.key==="Tab"&&window.clearTimeout(o)};return document.addEventListener("keydown",s),e?n.current=document.activeElement:t&&(o=window.setTimeout(r,10)),()=>{window.clearTimeout(o),document.removeEventListener("keydown",s)}},[e,t]),r}const nG=/input|select|textarea|button|object/,kj="a, input, select, textarea, button, object, [tabindex]";function rG(e){return e.style.display==="none"}function oG(e){if(e.getAttribute("aria-hidden")||e.getAttribute("hidden")||e.getAttribute("type")==="hidden")return!1;let n=e;for(;n&&!(n===document.body||n.nodeType===11);){if(rG(n))return!1;n=n.parentNode}return!0}function _j(e){let t=e.getAttribute("tabindex");return t===null&&(t=void 0),parseInt(t,10)}function w1(e){const t=e.nodeName.toLowerCase(),n=!Number.isNaN(_j(e));return(nG.test(t)&&!e.disabled||e instanceof HTMLAnchorElement&&e.href||n)&&oG(e)}function Pj(e){const t=_j(e);return(Number.isNaN(t)||t>=0)&&w1(e)}function sG(e){return Array.from(e.querySelectorAll(kj)).filter(Pj)}function aG(e,t){const n=sG(e);if(!n.length){t.preventDefault();return}const r=n[t.shiftKey?0:n.length-1],o=e.getRootNode();if(!(r===o.activeElement||e===o.activeElement))return;t.preventDefault();const a=n[t.shiftKey?n.length-1:0];a&&a.focus()}function jy(){return`mantine-${Math.random().toString(36).slice(2,11)}`}function iG(e,t="body > :not(script)"){const n=jy(),r=Array.from(document.querySelectorAll(t)).map(o=>{var s;if((s=o==null?void 0:o.shadowRoot)!=null&&s.contains(e)||o.contains(e))return;const a=o.getAttribute("aria-hidden"),c=o.getAttribute("data-hidden"),d=o.getAttribute("data-focus-id");return o.setAttribute("data-focus-id",n),a===null||a==="false"?o.setAttribute("aria-hidden","true"):!c&&!d&&o.setAttribute("data-hidden",a),{node:o,ariaHidden:c||null}});return()=>{r.forEach(o=>{!o||n!==o.node.getAttribute("data-focus-id")||(o.ariaHidden===null?o.node.removeAttribute("aria-hidden"):o.node.setAttribute("aria-hidden",o.ariaHidden),o.node.removeAttribute("data-focus-id"),o.node.removeAttribute("data-hidden"))})}}function lG(e=!0){const t=f.useRef(),n=f.useRef(null),r=s=>{let a=s.querySelector("[data-autofocus]");if(!a){const c=Array.from(s.querySelectorAll(kj));a=c.find(Pj)||c.find(w1)||null,!a&&w1(s)&&(a=s)}a&&a.focus({preventScroll:!0})},o=f.useCallback(s=>{if(e){if(s===null){n.current&&(n.current(),n.current=null);return}n.current=iG(s),t.current!==s&&(s?(setTimeout(()=>{s.getRootNode()&&r(s)}),t.current=s):t.current=null)}},[e]);return f.useEffect(()=>{if(!e)return;t.current&&setTimeout(()=>r(t.current));const s=a=>{a.key==="Tab"&&t.current&&aG(t.current,a)};return document.addEventListener("keydown",s),()=>{document.removeEventListener("keydown",s),n.current&&n.current()}},[e]),o}const cG=H["useId".toString()]||(()=>{});function uG(){const e=cG();return e?`mantine-${e.replace(/:/g,"")}`:""}function Iy(e){const t=uG(),[n,r]=f.useState(t);return Cj(()=>{r(jy())},[]),typeof e=="string"?e:typeof window>"u"?t:n}function pC(e,t,n){f.useEffect(()=>(window.addEventListener(e,t,n),()=>window.removeEventListener(e,t,n)),[e,t])}function jj(e,t){typeof e=="function"?e(t):typeof e=="object"&&e!==null&&"current"in e&&(e.current=t)}function dG(...e){return t=>{e.forEach(n=>jj(n,t))}}function Hd(...e){return f.useCallback(dG(...e),e)}function dd({value:e,defaultValue:t,finalValue:n,onChange:r=()=>{}}){const[o,s]=f.useState(t!==void 0?t:n),a=c=>{s(c),r==null||r(c)};return e!==void 0?[e,r,!0]:[o,a,!1]}function Ij(e,t){return eG("(prefers-reduced-motion: reduce)",e,t)}const fG=e=>e<.5?2*e*e:-1+(4-2*e)*e,pG=({axis:e,target:t,parent:n,alignment:r,offset:o,isList:s})=>{if(!t||!n&&typeof document>"u")return 0;const a=!!n,d=(n||document.body).getBoundingClientRect(),p=t.getBoundingClientRect(),h=m=>p[m]-d[m];if(e==="y"){const m=h("top");if(m===0)return 0;if(r==="start"){const b=m-o;return b<=p.height*(s?0:1)||!s?b:0}const v=a?d.height:window.innerHeight;if(r==="end"){const b=m+o-v+p.height;return b>=-p.height*(s?0:1)||!s?b:0}return r==="center"?m-v/2+p.height/2:0}if(e==="x"){const m=h("left");if(m===0)return 0;if(r==="start"){const b=m-o;return b<=p.width||!s?b:0}const v=a?d.width:window.innerWidth;if(r==="end"){const b=m+o-v+p.width;return b>=-p.width||!s?b:0}return r==="center"?m-v/2+p.width/2:0}return 0},hG=({axis:e,parent:t})=>{if(!t&&typeof document>"u")return 0;const n=e==="y"?"scrollTop":"scrollLeft";if(t)return t[n];const{body:r,documentElement:o}=document;return r[n]+o[n]},mG=({axis:e,parent:t,distance:n})=>{if(!t&&typeof document>"u")return;const r=e==="y"?"scrollTop":"scrollLeft";if(t)t[r]=n;else{const{body:o,documentElement:s}=document;o[r]=n,s[r]=n}};function Ej({duration:e=1250,axis:t="y",onScrollFinish:n,easing:r=fG,offset:o=0,cancelable:s=!0,isList:a=!1}={}){const c=f.useRef(0),d=f.useRef(0),p=f.useRef(!1),h=f.useRef(null),m=f.useRef(null),v=Ij(),b=()=>{c.current&&cancelAnimationFrame(c.current)},w=f.useCallback(({alignment:S="start"}={})=>{var _;p.current=!1,c.current&&b();const k=(_=hG({parent:h.current,axis:t}))!=null?_:0,j=pG({parent:h.current,target:m.current,axis:t,alignment:S,offset:o,isList:a})-(h.current?0:k);function I(){d.current===0&&(d.current=performance.now());const O=performance.now()-d.current,R=v||e===0?1:O/e,M=k+j*r(R);mG({parent:h.current,axis:t,distance:M}),!p.current&&R<1?c.current=requestAnimationFrame(I):(typeof n=="function"&&n(),d.current=0,c.current=0,b())}I()},[t,e,r,a,o,n,v]),y=()=>{s&&(p.current=!0)};return pC("wheel",y,{passive:!0}),pC("touchmove",y,{passive:!0}),f.useEffect(()=>b,[]),{scrollableRef:h,targetRef:m,scrollIntoView:w,cancel:b}}var hC=Object.getOwnPropertySymbols,gG=Object.prototype.hasOwnProperty,vG=Object.prototype.propertyIsEnumerable,bG=(e,t)=>{var n={};for(var r in e)gG.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&hC)for(var r of hC(e))t.indexOf(r)<0&&vG.call(e,r)&&(n[r]=e[r]);return n};function Bm(e){const t=e,{m:n,mx:r,my:o,mt:s,mb:a,ml:c,mr:d,p,px:h,py:m,pt:v,pb:b,pl:w,pr:y,bg:S,c:_,opacity:k,ff:j,fz:I,fw:E,lts:O,ta:R,lh:M,fs:A,tt:T,td:$,w:Q,miw:B,maw:V,h:q,mih:G,mah:D,bgsz:L,bgp:W,bgr:Y,bga:ae,pos:be,top:ie,left:X,bottom:K,right:U,inset:se,display:re}=t,oe=bG(t,["m","mx","my","mt","mb","ml","mr","p","px","py","pt","pb","pl","pr","bg","c","opacity","ff","fz","fw","lts","ta","lh","fs","tt","td","w","miw","maw","h","mih","mah","bgsz","bgp","bgr","bga","pos","top","left","bottom","right","inset","display"]);return{systemStyles:QD({m:n,mx:r,my:o,mt:s,mb:a,ml:c,mr:d,p,px:h,py:m,pt:v,pb:b,pl:w,pr:y,bg:S,c:_,opacity:k,ff:j,fz:I,fw:E,lts:O,ta:R,lh:M,fs:A,tt:T,td:$,w:Q,miw:B,maw:V,h:q,mih:G,mah:D,bgsz:L,bgp:W,bgr:Y,bga:ae,pos:be,top:ie,left:X,bottom:K,right:U,inset:se,display:re}),rest:oe}}function yG(e,t){const n=Object.keys(e).filter(r=>r!=="base").sort((r,o)=>ww(Vt({size:r,sizes:t.breakpoints}))-ww(Vt({size:o,sizes:t.breakpoints})));return"base"in e?["base",...n]:n}function xG({value:e,theme:t,getValue:n,property:r}){if(e==null)return;if(typeof e=="object")return yG(e,t).reduce((a,c)=>{if(c==="base"&&e.base!==void 0){const p=n(e.base,t);return Array.isArray(r)?(r.forEach(h=>{a[h]=p}),a):(a[r]=p,a)}const d=n(e[c],t);return Array.isArray(r)?(a[t.fn.largerThan(c)]={},r.forEach(p=>{a[t.fn.largerThan(c)][p]=d}),a):(a[t.fn.largerThan(c)]={[r]:d},a)},{});const o=n(e,t);return Array.isArray(r)?r.reduce((s,a)=>(s[a]=o,s),{}):{[r]:o}}function wG(e,t){return e==="dimmed"?t.colorScheme==="dark"?t.colors.dark[2]:t.colors.gray[6]:t.fn.variant({variant:"filled",color:e,primaryFallback:!1}).background}function SG(e){return Ue(e)}function CG(e){return e}function kG(e,t){return Vt({size:e,sizes:t.fontSizes})}const _G=["-xs","-sm","-md","-lg","-xl"];function PG(e,t){return _G.includes(e)?`calc(${Vt({size:e.replace("-",""),sizes:t.spacing})} * -1)`:Vt({size:e,sizes:t.spacing})}const jG={identity:CG,color:wG,size:SG,fontSize:kG,spacing:PG},IG={m:{type:"spacing",property:"margin"},mt:{type:"spacing",property:"marginTop"},mb:{type:"spacing",property:"marginBottom"},ml:{type:"spacing",property:"marginLeft"},mr:{type:"spacing",property:"marginRight"},mx:{type:"spacing",property:["marginRight","marginLeft"]},my:{type:"spacing",property:["marginTop","marginBottom"]},p:{type:"spacing",property:"padding"},pt:{type:"spacing",property:"paddingTop"},pb:{type:"spacing",property:"paddingBottom"},pl:{type:"spacing",property:"paddingLeft"},pr:{type:"spacing",property:"paddingRight"},px:{type:"spacing",property:["paddingRight","paddingLeft"]},py:{type:"spacing",property:["paddingTop","paddingBottom"]},bg:{type:"color",property:"background"},c:{type:"color",property:"color"},opacity:{type:"identity",property:"opacity"},ff:{type:"identity",property:"fontFamily"},fz:{type:"fontSize",property:"fontSize"},fw:{type:"identity",property:"fontWeight"},lts:{type:"size",property:"letterSpacing"},ta:{type:"identity",property:"textAlign"},lh:{type:"identity",property:"lineHeight"},fs:{type:"identity",property:"fontStyle"},tt:{type:"identity",property:"textTransform"},td:{type:"identity",property:"textDecoration"},w:{type:"spacing",property:"width"},miw:{type:"spacing",property:"minWidth"},maw:{type:"spacing",property:"maxWidth"},h:{type:"spacing",property:"height"},mih:{type:"spacing",property:"minHeight"},mah:{type:"spacing",property:"maxHeight"},bgsz:{type:"size",property:"backgroundSize"},bgp:{type:"identity",property:"backgroundPosition"},bgr:{type:"identity",property:"backgroundRepeat"},bga:{type:"identity",property:"backgroundAttachment"},pos:{type:"identity",property:"position"},top:{type:"identity",property:"top"},left:{type:"size",property:"left"},bottom:{type:"size",property:"bottom"},right:{type:"size",property:"right"},inset:{type:"size",property:"inset"},display:{type:"identity",property:"display"}};var EG=Object.defineProperty,mC=Object.getOwnPropertySymbols,OG=Object.prototype.hasOwnProperty,RG=Object.prototype.propertyIsEnumerable,gC=(e,t,n)=>t in e?EG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,vC=(e,t)=>{for(var n in t||(t={}))OG.call(t,n)&&gC(e,n,t[n]);if(mC)for(var n of mC(t))RG.call(t,n)&&gC(e,n,t[n]);return e};function bC(e,t,n=IG){return Object.keys(n).reduce((o,s)=>(s in e&&e[s]!==void 0&&o.push(xG({value:e[s],getValue:jG[n[s].type],property:n[s].property,theme:t})),o),[]).reduce((o,s)=>(Object.keys(s).forEach(a=>{typeof s[a]=="object"&&s[a]!==null&&a in o?o[a]=vC(vC({},o[a]),s[a]):o[a]=s[a]}),o),{})}function yC(e,t){return typeof e=="function"?e(t):e}function MG(e,t,n){const r=Fa(),{css:o,cx:s}=Sj();return Array.isArray(e)?s(n,o(bC(t,r)),e.map(a=>o(yC(a,r)))):s(n,o(yC(e,r)),o(bC(t,r)))}var DG=Object.defineProperty,uh=Object.getOwnPropertySymbols,Oj=Object.prototype.hasOwnProperty,Rj=Object.prototype.propertyIsEnumerable,xC=(e,t,n)=>t in e?DG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,AG=(e,t)=>{for(var n in t||(t={}))Oj.call(t,n)&&xC(e,n,t[n]);if(uh)for(var n of uh(t))Rj.call(t,n)&&xC(e,n,t[n]);return e},TG=(e,t)=>{var n={};for(var r in e)Oj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&uh)for(var r of uh(e))t.indexOf(r)<0&&Rj.call(e,r)&&(n[r]=e[r]);return n};const Mj=f.forwardRef((e,t)=>{var n=e,{className:r,component:o,style:s,sx:a}=n,c=TG(n,["className","component","style","sx"]);const{systemStyles:d,rest:p}=Bm(c),h=o||"div";return H.createElement(h,AG({ref:t,className:MG(a,d,r),style:s},p))});Mj.displayName="@mantine/core/Box";const Io=Mj;var NG=Object.defineProperty,$G=Object.defineProperties,zG=Object.getOwnPropertyDescriptors,wC=Object.getOwnPropertySymbols,LG=Object.prototype.hasOwnProperty,BG=Object.prototype.propertyIsEnumerable,SC=(e,t,n)=>t in e?NG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,CC=(e,t)=>{for(var n in t||(t={}))LG.call(t,n)&&SC(e,n,t[n]);if(wC)for(var n of wC(t))BG.call(t,n)&&SC(e,n,t[n]);return e},FG=(e,t)=>$G(e,zG(t)),HG=ao(e=>({root:FG(CC(CC({},e.fn.focusStyles()),e.fn.fontStyles()),{cursor:"pointer",border:0,padding:0,appearance:"none",fontSize:e.fontSizes.md,backgroundColor:"transparent",textAlign:"left",color:e.colorScheme==="dark"?e.colors.dark[0]:e.black,textDecoration:"none",boxSizing:"border-box"})}));const WG=HG;var VG=Object.defineProperty,dh=Object.getOwnPropertySymbols,Dj=Object.prototype.hasOwnProperty,Aj=Object.prototype.propertyIsEnumerable,kC=(e,t,n)=>t in e?VG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,UG=(e,t)=>{for(var n in t||(t={}))Dj.call(t,n)&&kC(e,n,t[n]);if(dh)for(var n of dh(t))Aj.call(t,n)&&kC(e,n,t[n]);return e},GG=(e,t)=>{var n={};for(var r in e)Dj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&dh)for(var r of dh(e))t.indexOf(r)<0&&Aj.call(e,r)&&(n[r]=e[r]);return n};const Tj=f.forwardRef((e,t)=>{const n=Sr("UnstyledButton",{},e),{className:r,component:o="button",unstyled:s,variant:a}=n,c=GG(n,["className","component","unstyled","variant"]),{classes:d,cx:p}=WG(null,{name:"UnstyledButton",unstyled:s,variant:a});return H.createElement(Io,UG({component:o,ref:t,className:p(d.root,r),type:o==="button"?"button":void 0},c))});Tj.displayName="@mantine/core/UnstyledButton";const qG=Tj;var KG=Object.defineProperty,XG=Object.defineProperties,YG=Object.getOwnPropertyDescriptors,_C=Object.getOwnPropertySymbols,QG=Object.prototype.hasOwnProperty,JG=Object.prototype.propertyIsEnumerable,PC=(e,t,n)=>t in e?KG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,S1=(e,t)=>{for(var n in t||(t={}))QG.call(t,n)&&PC(e,n,t[n]);if(_C)for(var n of _C(t))JG.call(t,n)&&PC(e,n,t[n]);return e},jC=(e,t)=>XG(e,YG(t));const ZG=["subtle","filled","outline","light","default","transparent","gradient"],sp={xs:Ue(18),sm:Ue(22),md:Ue(28),lg:Ue(34),xl:Ue(44)};function eq({variant:e,theme:t,color:n,gradient:r}){const o=t.fn.variant({color:n,variant:e,gradient:r});return e==="gradient"?{border:0,backgroundImage:o.background,color:o.color,"&:hover":t.fn.hover({backgroundSize:"200%"})}:ZG.includes(e)?S1({border:`${Ue(1)} solid ${o.border}`,backgroundColor:o.background,color:o.color},t.fn.hover({backgroundColor:o.hover})):null}var tq=ao((e,{radius:t,color:n,gradient:r},{variant:o,size:s})=>({root:jC(S1({position:"relative",borderRadius:e.fn.radius(t),padding:0,lineHeight:1,display:"flex",alignItems:"center",justifyContent:"center",height:Vt({size:s,sizes:sp}),minHeight:Vt({size:s,sizes:sp}),width:Vt({size:s,sizes:sp}),minWidth:Vt({size:s,sizes:sp})},eq({variant:o,theme:e,color:n,gradient:r})),{"&:active":e.activeStyles,"& [data-action-icon-loader]":{maxWidth:"70%"},"&:disabled, &[data-disabled]":{color:e.colors.gray[e.colorScheme==="dark"?6:4],cursor:"not-allowed",backgroundColor:o==="transparent"?void 0:e.fn.themeColor("gray",e.colorScheme==="dark"?8:1),borderColor:o==="transparent"?void 0:e.fn.themeColor("gray",e.colorScheme==="dark"?8:1),backgroundImage:"none",pointerEvents:"none","&:active":{transform:"none"}},"&[data-loading]":{pointerEvents:"none","&::before":jC(S1({content:'""'},e.fn.cover(Ue(-1))),{backgroundColor:e.colorScheme==="dark"?e.fn.rgba(e.colors.dark[7],.5):"rgba(255, 255, 255, .5)",borderRadius:e.fn.radius(t),cursor:"not-allowed"})}})}));const nq=tq;var rq=Object.defineProperty,fh=Object.getOwnPropertySymbols,Nj=Object.prototype.hasOwnProperty,$j=Object.prototype.propertyIsEnumerable,IC=(e,t,n)=>t in e?rq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,EC=(e,t)=>{for(var n in t||(t={}))Nj.call(t,n)&&IC(e,n,t[n]);if(fh)for(var n of fh(t))$j.call(t,n)&&IC(e,n,t[n]);return e},OC=(e,t)=>{var n={};for(var r in e)Nj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&fh)for(var r of fh(e))t.indexOf(r)<0&&$j.call(e,r)&&(n[r]=e[r]);return n};function oq(e){var t=e,{size:n,color:r}=t,o=OC(t,["size","color"]);const s=o,{style:a}=s,c=OC(s,["style"]);return H.createElement("svg",EC({viewBox:"0 0 135 140",xmlns:"http://www.w3.org/2000/svg",fill:r,style:EC({width:n},a)},c),H.createElement("rect",{y:"10",width:"15",height:"120",rx:"6"},H.createElement("animate",{attributeName:"height",begin:"0.5s",dur:"1s",values:"120;110;100;90;80;70;60;50;40;140;120",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"y",begin:"0.5s",dur:"1s",values:"10;15;20;25;30;35;40;45;50;0;10",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("rect",{x:"30",y:"10",width:"15",height:"120",rx:"6"},H.createElement("animate",{attributeName:"height",begin:"0.25s",dur:"1s",values:"120;110;100;90;80;70;60;50;40;140;120",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"y",begin:"0.25s",dur:"1s",values:"10;15;20;25;30;35;40;45;50;0;10",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("rect",{x:"60",width:"15",height:"140",rx:"6"},H.createElement("animate",{attributeName:"height",begin:"0s",dur:"1s",values:"120;110;100;90;80;70;60;50;40;140;120",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"y",begin:"0s",dur:"1s",values:"10;15;20;25;30;35;40;45;50;0;10",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("rect",{x:"90",y:"10",width:"15",height:"120",rx:"6"},H.createElement("animate",{attributeName:"height",begin:"0.25s",dur:"1s",values:"120;110;100;90;80;70;60;50;40;140;120",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"y",begin:"0.25s",dur:"1s",values:"10;15;20;25;30;35;40;45;50;0;10",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("rect",{x:"120",y:"10",width:"15",height:"120",rx:"6"},H.createElement("animate",{attributeName:"height",begin:"0.5s",dur:"1s",values:"120;110;100;90;80;70;60;50;40;140;120",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"y",begin:"0.5s",dur:"1s",values:"10;15;20;25;30;35;40;45;50;0;10",calcMode:"linear",repeatCount:"indefinite"})))}var sq=Object.defineProperty,ph=Object.getOwnPropertySymbols,zj=Object.prototype.hasOwnProperty,Lj=Object.prototype.propertyIsEnumerable,RC=(e,t,n)=>t in e?sq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,MC=(e,t)=>{for(var n in t||(t={}))zj.call(t,n)&&RC(e,n,t[n]);if(ph)for(var n of ph(t))Lj.call(t,n)&&RC(e,n,t[n]);return e},DC=(e,t)=>{var n={};for(var r in e)zj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&ph)for(var r of ph(e))t.indexOf(r)<0&&Lj.call(e,r)&&(n[r]=e[r]);return n};function aq(e){var t=e,{size:n,color:r}=t,o=DC(t,["size","color"]);const s=o,{style:a}=s,c=DC(s,["style"]);return H.createElement("svg",MC({viewBox:"0 0 38 38",xmlns:"http://www.w3.org/2000/svg",stroke:r,style:MC({width:n,height:n},a)},c),H.createElement("g",{fill:"none",fillRule:"evenodd"},H.createElement("g",{transform:"translate(2.5 2.5)",strokeWidth:"5"},H.createElement("circle",{strokeOpacity:".5",cx:"16",cy:"16",r:"16"}),H.createElement("path",{d:"M32 16c0-9.94-8.06-16-16-16"},H.createElement("animateTransform",{attributeName:"transform",type:"rotate",from:"0 16 16",to:"360 16 16",dur:"1s",repeatCount:"indefinite"})))))}var iq=Object.defineProperty,hh=Object.getOwnPropertySymbols,Bj=Object.prototype.hasOwnProperty,Fj=Object.prototype.propertyIsEnumerable,AC=(e,t,n)=>t in e?iq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,TC=(e,t)=>{for(var n in t||(t={}))Bj.call(t,n)&&AC(e,n,t[n]);if(hh)for(var n of hh(t))Fj.call(t,n)&&AC(e,n,t[n]);return e},NC=(e,t)=>{var n={};for(var r in e)Bj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&hh)for(var r of hh(e))t.indexOf(r)<0&&Fj.call(e,r)&&(n[r]=e[r]);return n};function lq(e){var t=e,{size:n,color:r}=t,o=NC(t,["size","color"]);const s=o,{style:a}=s,c=NC(s,["style"]);return H.createElement("svg",TC({viewBox:"0 0 120 30",xmlns:"http://www.w3.org/2000/svg",fill:r,style:TC({width:n},a)},c),H.createElement("circle",{cx:"15",cy:"15",r:"15"},H.createElement("animate",{attributeName:"r",from:"15",to:"15",begin:"0s",dur:"0.8s",values:"15;9;15",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"fill-opacity",from:"1",to:"1",begin:"0s",dur:"0.8s",values:"1;.5;1",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("circle",{cx:"60",cy:"15",r:"9",fillOpacity:"0.3"},H.createElement("animate",{attributeName:"r",from:"9",to:"9",begin:"0s",dur:"0.8s",values:"9;15;9",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"fill-opacity",from:"0.5",to:"0.5",begin:"0s",dur:"0.8s",values:".5;1;.5",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("circle",{cx:"105",cy:"15",r:"15"},H.createElement("animate",{attributeName:"r",from:"15",to:"15",begin:"0s",dur:"0.8s",values:"15;9;15",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"fill-opacity",from:"1",to:"1",begin:"0s",dur:"0.8s",values:"1;.5;1",calcMode:"linear",repeatCount:"indefinite"})))}var cq=Object.defineProperty,mh=Object.getOwnPropertySymbols,Hj=Object.prototype.hasOwnProperty,Wj=Object.prototype.propertyIsEnumerable,$C=(e,t,n)=>t in e?cq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,uq=(e,t)=>{for(var n in t||(t={}))Hj.call(t,n)&&$C(e,n,t[n]);if(mh)for(var n of mh(t))Wj.call(t,n)&&$C(e,n,t[n]);return e},dq=(e,t)=>{var n={};for(var r in e)Hj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&mh)for(var r of mh(e))t.indexOf(r)<0&&Wj.call(e,r)&&(n[r]=e[r]);return n};const rv={bars:oq,oval:aq,dots:lq},fq={xs:Ue(18),sm:Ue(22),md:Ue(36),lg:Ue(44),xl:Ue(58)},pq={size:"md"};function Vj(e){const t=Sr("Loader",pq,e),{size:n,color:r,variant:o}=t,s=dq(t,["size","color","variant"]),a=Fa(),c=o in rv?o:a.loader;return H.createElement(Io,uq({role:"presentation",component:rv[c]||rv.bars,size:Vt({size:n,sizes:fq}),color:a.fn.variant({variant:"filled",primaryFallback:!1,color:r||a.primaryColor}).background},s))}Vj.displayName="@mantine/core/Loader";var hq=Object.defineProperty,gh=Object.getOwnPropertySymbols,Uj=Object.prototype.hasOwnProperty,Gj=Object.prototype.propertyIsEnumerable,zC=(e,t,n)=>t in e?hq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,LC=(e,t)=>{for(var n in t||(t={}))Uj.call(t,n)&&zC(e,n,t[n]);if(gh)for(var n of gh(t))Gj.call(t,n)&&zC(e,n,t[n]);return e},mq=(e,t)=>{var n={};for(var r in e)Uj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&gh)for(var r of gh(e))t.indexOf(r)<0&&Gj.call(e,r)&&(n[r]=e[r]);return n};const gq={color:"gray",size:"md",variant:"subtle"},qj=f.forwardRef((e,t)=>{const n=Sr("ActionIcon",gq,e),{className:r,color:o,children:s,radius:a,size:c,variant:d,gradient:p,disabled:h,loaderProps:m,loading:v,unstyled:b,__staticSelector:w}=n,y=mq(n,["className","color","children","radius","size","variant","gradient","disabled","loaderProps","loading","unstyled","__staticSelector"]),{classes:S,cx:_,theme:k}=nq({radius:a,color:o,gradient:p},{name:["ActionIcon",w],unstyled:b,size:c,variant:d}),j=H.createElement(Vj,LC({color:k.fn.variant({color:o,variant:d}).color,size:"100%","data-action-icon-loader":!0},m));return H.createElement(qG,LC({className:_(S.root,r),ref:t,disabled:h,"data-disabled":h||void 0,"data-loading":v||void 0,unstyled:b},y),v?j:s)});qj.displayName="@mantine/core/ActionIcon";const vq=qj;var bq=Object.defineProperty,yq=Object.defineProperties,xq=Object.getOwnPropertyDescriptors,vh=Object.getOwnPropertySymbols,Kj=Object.prototype.hasOwnProperty,Xj=Object.prototype.propertyIsEnumerable,BC=(e,t,n)=>t in e?bq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,wq=(e,t)=>{for(var n in t||(t={}))Kj.call(t,n)&&BC(e,n,t[n]);if(vh)for(var n of vh(t))Xj.call(t,n)&&BC(e,n,t[n]);return e},Sq=(e,t)=>yq(e,xq(t)),Cq=(e,t)=>{var n={};for(var r in e)Kj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&vh)for(var r of vh(e))t.indexOf(r)<0&&Xj.call(e,r)&&(n[r]=e[r]);return n};function Yj(e){const t=Sr("Portal",{},e),{children:n,target:r,className:o,innerRef:s}=t,a=Cq(t,["children","target","className","innerRef"]),c=Fa(),[d,p]=f.useState(!1),h=f.useRef();return Cj(()=>(p(!0),h.current=r?typeof r=="string"?document.querySelector(r):r:document.createElement("div"),r||document.body.appendChild(h.current),()=>{!r&&document.body.removeChild(h.current)}),[r]),d?_i.createPortal(H.createElement("div",Sq(wq({className:o,dir:c.dir},a),{ref:s}),n),h.current):null}Yj.displayName="@mantine/core/Portal";var kq=Object.defineProperty,bh=Object.getOwnPropertySymbols,Qj=Object.prototype.hasOwnProperty,Jj=Object.prototype.propertyIsEnumerable,FC=(e,t,n)=>t in e?kq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,_q=(e,t)=>{for(var n in t||(t={}))Qj.call(t,n)&&FC(e,n,t[n]);if(bh)for(var n of bh(t))Jj.call(t,n)&&FC(e,n,t[n]);return e},Pq=(e,t)=>{var n={};for(var r in e)Qj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&bh)for(var r of bh(e))t.indexOf(r)<0&&Jj.call(e,r)&&(n[r]=e[r]);return n};function Zj(e){var t=e,{withinPortal:n=!0,children:r}=t,o=Pq(t,["withinPortal","children"]);return n?H.createElement(Yj,_q({},o),r):H.createElement(H.Fragment,null,r)}Zj.displayName="@mantine/core/OptionalPortal";var jq=Object.defineProperty,yh=Object.getOwnPropertySymbols,eI=Object.prototype.hasOwnProperty,tI=Object.prototype.propertyIsEnumerable,HC=(e,t,n)=>t in e?jq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,WC=(e,t)=>{for(var n in t||(t={}))eI.call(t,n)&&HC(e,n,t[n]);if(yh)for(var n of yh(t))tI.call(t,n)&&HC(e,n,t[n]);return e},Iq=(e,t)=>{var n={};for(var r in e)eI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&yh)for(var r of yh(e))t.indexOf(r)<0&&tI.call(e,r)&&(n[r]=e[r]);return n};function nI(e){const t=e,{width:n,height:r,style:o}=t,s=Iq(t,["width","height","style"]);return H.createElement("svg",WC({viewBox:"0 0 15 15",fill:"none",xmlns:"http://www.w3.org/2000/svg",style:WC({width:n,height:r},o)},s),H.createElement("path",{d:"M11.7816 4.03157C12.0062 3.80702 12.0062 3.44295 11.7816 3.2184C11.5571 2.99385 11.193 2.99385 10.9685 3.2184L7.50005 6.68682L4.03164 3.2184C3.80708 2.99385 3.44301 2.99385 3.21846 3.2184C2.99391 3.44295 2.99391 3.80702 3.21846 4.03157L6.68688 7.49999L3.21846 10.9684C2.99391 11.193 2.99391 11.557 3.21846 11.7816C3.44301 12.0061 3.80708 12.0061 4.03164 11.7816L7.50005 8.31316L10.9685 11.7816C11.193 12.0061 11.5571 12.0061 11.7816 11.7816C12.0062 11.557 12.0062 11.193 11.7816 10.9684L8.31322 7.49999L11.7816 4.03157Z",fill:"currentColor",fillRule:"evenodd",clipRule:"evenodd"}))}nI.displayName="@mantine/core/CloseIcon";var Eq=Object.defineProperty,xh=Object.getOwnPropertySymbols,rI=Object.prototype.hasOwnProperty,oI=Object.prototype.propertyIsEnumerable,VC=(e,t,n)=>t in e?Eq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Oq=(e,t)=>{for(var n in t||(t={}))rI.call(t,n)&&VC(e,n,t[n]);if(xh)for(var n of xh(t))oI.call(t,n)&&VC(e,n,t[n]);return e},Rq=(e,t)=>{var n={};for(var r in e)rI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&xh)for(var r of xh(e))t.indexOf(r)<0&&oI.call(e,r)&&(n[r]=e[r]);return n};const Mq={xs:Ue(12),sm:Ue(16),md:Ue(20),lg:Ue(28),xl:Ue(34)},Dq={size:"sm"},sI=f.forwardRef((e,t)=>{const n=Sr("CloseButton",Dq,e),{iconSize:r,size:o,children:s}=n,a=Rq(n,["iconSize","size","children"]),c=Ue(r||Mq[o]);return H.createElement(vq,Oq({ref:t,__staticSelector:"CloseButton",size:o},a),s||H.createElement(nI,{width:c,height:c}))});sI.displayName="@mantine/core/CloseButton";const aI=sI;var Aq=Object.defineProperty,Tq=Object.defineProperties,Nq=Object.getOwnPropertyDescriptors,UC=Object.getOwnPropertySymbols,$q=Object.prototype.hasOwnProperty,zq=Object.prototype.propertyIsEnumerable,GC=(e,t,n)=>t in e?Aq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,ap=(e,t)=>{for(var n in t||(t={}))$q.call(t,n)&&GC(e,n,t[n]);if(UC)for(var n of UC(t))zq.call(t,n)&&GC(e,n,t[n]);return e},Lq=(e,t)=>Tq(e,Nq(t));function Bq({underline:e,strikethrough:t}){const n=[];return e&&n.push("underline"),t&&n.push("line-through"),n.length>0?n.join(" "):"none"}function Fq({theme:e,color:t}){return t==="dimmed"?e.fn.dimmed():typeof t=="string"&&(t in e.colors||t.split(".")[0]in e.colors)?e.fn.variant({variant:"filled",color:t}).background:t||"inherit"}function Hq(e){return typeof e=="number"?{overflow:"hidden",textOverflow:"ellipsis",display:"-webkit-box",WebkitLineClamp:e,WebkitBoxOrient:"vertical"}:null}function Wq({theme:e,truncate:t}){return t==="start"?{overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap",direction:e.dir==="ltr"?"rtl":"ltr",textAlign:e.dir==="ltr"?"right":"left"}:t?{overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"}:null}var Vq=ao((e,{color:t,lineClamp:n,truncate:r,inline:o,inherit:s,underline:a,gradient:c,weight:d,transform:p,align:h,strikethrough:m,italic:v},{size:b})=>{const w=e.fn.variant({variant:"gradient",gradient:c});return{root:Lq(ap(ap(ap(ap({},e.fn.fontStyles()),e.fn.focusStyles()),Hq(n)),Wq({theme:e,truncate:r})),{color:Fq({color:t,theme:e}),fontFamily:s?"inherit":e.fontFamily,fontSize:s||b===void 0?"inherit":Vt({size:b,sizes:e.fontSizes}),lineHeight:s?"inherit":o?1:e.lineHeight,textDecoration:Bq({underline:a,strikethrough:m}),WebkitTapHighlightColor:"transparent",fontWeight:s?"inherit":d,textTransform:p,textAlign:h,fontStyle:v?"italic":void 0}),gradient:{backgroundImage:w.background,WebkitBackgroundClip:"text",WebkitTextFillColor:"transparent"}}});const Uq=Vq;var Gq=Object.defineProperty,wh=Object.getOwnPropertySymbols,iI=Object.prototype.hasOwnProperty,lI=Object.prototype.propertyIsEnumerable,qC=(e,t,n)=>t in e?Gq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,qq=(e,t)=>{for(var n in t||(t={}))iI.call(t,n)&&qC(e,n,t[n]);if(wh)for(var n of wh(t))lI.call(t,n)&&qC(e,n,t[n]);return e},Kq=(e,t)=>{var n={};for(var r in e)iI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&wh)for(var r of wh(e))t.indexOf(r)<0&&lI.call(e,r)&&(n[r]=e[r]);return n};const Xq={variant:"text"},cI=f.forwardRef((e,t)=>{const n=Sr("Text",Xq,e),{className:r,size:o,weight:s,transform:a,color:c,align:d,variant:p,lineClamp:h,truncate:m,gradient:v,inline:b,inherit:w,underline:y,strikethrough:S,italic:_,classNames:k,styles:j,unstyled:I,span:E,__staticSelector:O}=n,R=Kq(n,["className","size","weight","transform","color","align","variant","lineClamp","truncate","gradient","inline","inherit","underline","strikethrough","italic","classNames","styles","unstyled","span","__staticSelector"]),{classes:M,cx:A}=Uq({color:c,lineClamp:h,truncate:m,inline:b,inherit:w,underline:y,strikethrough:S,italic:_,weight:s,transform:a,align:d,gradient:v},{unstyled:I,name:O||"Text",variant:p,size:o});return H.createElement(Io,qq({ref:t,className:A(M.root,{[M.gradient]:p==="gradient"},r),component:E?"span":"div"},R))});cI.displayName="@mantine/core/Text";const kc=cI,ip={xs:Ue(1),sm:Ue(2),md:Ue(3),lg:Ue(4),xl:Ue(5)};function lp(e,t){const n=e.fn.variant({variant:"outline",color:t}).border;return typeof t=="string"&&(t in e.colors||t.split(".")[0]in e.colors)?n:t===void 0?e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[4]:t}var Yq=ao((e,{color:t},{size:n,variant:r})=>({root:{},withLabel:{borderTop:"0 !important"},left:{"&::before":{display:"none"}},right:{"&::after":{display:"none"}},label:{display:"flex",alignItems:"center","&::before":{content:'""',flex:1,height:Ue(1),borderTop:`${Vt({size:n,sizes:ip})} ${r} ${lp(e,t)}`,marginRight:e.spacing.xs},"&::after":{content:'""',flex:1,borderTop:`${Vt({size:n,sizes:ip})} ${r} ${lp(e,t)}`,marginLeft:e.spacing.xs}},labelDefaultStyles:{color:t==="dark"?e.colors.dark[1]:e.fn.themeColor(t,e.colorScheme==="dark"?5:e.fn.primaryShade(),!1)},horizontal:{border:0,borderTopWidth:Ue(Vt({size:n,sizes:ip})),borderTopColor:lp(e,t),borderTopStyle:r,margin:0},vertical:{border:0,alignSelf:"stretch",height:"auto",borderLeftWidth:Ue(Vt({size:n,sizes:ip})),borderLeftColor:lp(e,t),borderLeftStyle:r}}));const Qq=Yq;var Jq=Object.defineProperty,Zq=Object.defineProperties,eK=Object.getOwnPropertyDescriptors,Sh=Object.getOwnPropertySymbols,uI=Object.prototype.hasOwnProperty,dI=Object.prototype.propertyIsEnumerable,KC=(e,t,n)=>t in e?Jq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,XC=(e,t)=>{for(var n in t||(t={}))uI.call(t,n)&&KC(e,n,t[n]);if(Sh)for(var n of Sh(t))dI.call(t,n)&&KC(e,n,t[n]);return e},tK=(e,t)=>Zq(e,eK(t)),nK=(e,t)=>{var n={};for(var r in e)uI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Sh)for(var r of Sh(e))t.indexOf(r)<0&&dI.call(e,r)&&(n[r]=e[r]);return n};const rK={orientation:"horizontal",size:"xs",labelPosition:"left",variant:"solid"},C1=f.forwardRef((e,t)=>{const n=Sr("Divider",rK,e),{className:r,color:o,orientation:s,size:a,label:c,labelPosition:d,labelProps:p,variant:h,styles:m,classNames:v,unstyled:b}=n,w=nK(n,["className","color","orientation","size","label","labelPosition","labelProps","variant","styles","classNames","unstyled"]),{classes:y,cx:S}=Qq({color:o},{classNames:v,styles:m,unstyled:b,name:"Divider",variant:h,size:a}),_=s==="vertical",k=s==="horizontal",j=!!c&&k,I=!(p!=null&&p.color);return H.createElement(Io,XC({ref:t,className:S(y.root,{[y.vertical]:_,[y.horizontal]:k,[y.withLabel]:j},r),role:"separator"},w),j&&H.createElement(kc,tK(XC({},p),{size:(p==null?void 0:p.size)||"xs",mt:Ue(2),className:S(y.label,y[d],{[y.labelDefaultStyles]:I})}),c))});C1.displayName="@mantine/core/Divider";var oK=Object.defineProperty,sK=Object.defineProperties,aK=Object.getOwnPropertyDescriptors,YC=Object.getOwnPropertySymbols,iK=Object.prototype.hasOwnProperty,lK=Object.prototype.propertyIsEnumerable,QC=(e,t,n)=>t in e?oK(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,JC=(e,t)=>{for(var n in t||(t={}))iK.call(t,n)&&QC(e,n,t[n]);if(YC)for(var n of YC(t))lK.call(t,n)&&QC(e,n,t[n]);return e},cK=(e,t)=>sK(e,aK(t)),uK=ao((e,t,{size:n})=>({item:cK(JC({},e.fn.fontStyles()),{boxSizing:"border-box",wordBreak:"break-all",textAlign:"left",width:"100%",padding:`calc(${Vt({size:n,sizes:e.spacing})} / 1.5) ${Vt({size:n,sizes:e.spacing})}`,cursor:"pointer",fontSize:Vt({size:n,sizes:e.fontSizes}),color:e.colorScheme==="dark"?e.colors.dark[0]:e.black,borderRadius:e.fn.radius(),"&[data-hovered]":{backgroundColor:e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[1]},"&[data-selected]":JC({backgroundColor:e.fn.variant({variant:"filled"}).background,color:e.fn.variant({variant:"filled"}).color},e.fn.hover({backgroundColor:e.fn.variant({variant:"filled"}).hover})),"&[data-disabled]":{cursor:"default",color:e.colors.dark[2]}}),nothingFound:{boxSizing:"border-box",color:e.colors.gray[6],paddingTop:`calc(${Vt({size:n,sizes:e.spacing})} / 2)`,paddingBottom:`calc(${Vt({size:n,sizes:e.spacing})} / 2)`,textAlign:"center"},separator:{boxSizing:"border-box",textAlign:"left",width:"100%",padding:`calc(${Vt({size:n,sizes:e.spacing})} / 1.5) ${Vt({size:n,sizes:e.spacing})}`},separatorLabel:{color:e.colorScheme==="dark"?e.colors.dark[3]:e.colors.gray[5]}}));const dK=uK;var fK=Object.defineProperty,ZC=Object.getOwnPropertySymbols,pK=Object.prototype.hasOwnProperty,hK=Object.prototype.propertyIsEnumerable,e4=(e,t,n)=>t in e?fK(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,mK=(e,t)=>{for(var n in t||(t={}))pK.call(t,n)&&e4(e,n,t[n]);if(ZC)for(var n of ZC(t))hK.call(t,n)&&e4(e,n,t[n]);return e};function Ey({data:e,hovered:t,classNames:n,styles:r,isItemSelected:o,uuid:s,__staticSelector:a,onItemHover:c,onItemSelect:d,itemsRefs:p,itemComponent:h,size:m,nothingFound:v,creatable:b,createLabel:w,unstyled:y,variant:S}){const{classes:_}=dK(null,{classNames:n,styles:r,unstyled:y,name:a,variant:S,size:m}),k=[],j=[];let I=null;const E=(R,M)=>{const A=typeof o=="function"?o(R.value):!1;return H.createElement(h,mK({key:R.value,className:_.item,"data-disabled":R.disabled||void 0,"data-hovered":!R.disabled&&t===M||void 0,"data-selected":!R.disabled&&A||void 0,selected:A,onMouseEnter:()=>c(M),id:`${s}-${M}`,role:"option",tabIndex:-1,"aria-selected":t===M,ref:T=>{p&&p.current&&(p.current[R.value]=T)},onMouseDown:R.disabled?null:T=>{T.preventDefault(),d(R)},disabled:R.disabled,variant:S},R))};let O=null;if(e.forEach((R,M)=>{R.creatable?I=M:R.group?(O!==R.group&&(O=R.group,j.push(H.createElement("div",{className:_.separator,key:`__mantine-divider-${M}`},H.createElement(C1,{classNames:{label:_.separatorLabel},label:R.group})))),j.push(E(R,M))):k.push(E(R,M))}),b){const R=e[I];k.push(H.createElement("div",{key:jy(),className:_.item,"data-hovered":t===I||void 0,onMouseEnter:()=>c(I),onMouseDown:M=>{M.preventDefault(),d(R)},tabIndex:-1,ref:M=>{p&&p.current&&(p.current[R.value]=M)}},w))}return j.length>0&&k.length>0&&k.unshift(H.createElement("div",{className:_.separator,key:"empty-group-separator"},H.createElement(C1,null))),j.length>0||k.length>0?H.createElement(H.Fragment,null,j,k):H.createElement(kc,{size:m,unstyled:y,className:_.nothingFound},v)}Ey.displayName="@mantine/core/SelectItems";var gK=Object.defineProperty,Ch=Object.getOwnPropertySymbols,fI=Object.prototype.hasOwnProperty,pI=Object.prototype.propertyIsEnumerable,t4=(e,t,n)=>t in e?gK(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,vK=(e,t)=>{for(var n in t||(t={}))fI.call(t,n)&&t4(e,n,t[n]);if(Ch)for(var n of Ch(t))pI.call(t,n)&&t4(e,n,t[n]);return e},bK=(e,t)=>{var n={};for(var r in e)fI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Ch)for(var r of Ch(e))t.indexOf(r)<0&&pI.call(e,r)&&(n[r]=e[r]);return n};const Oy=f.forwardRef((e,t)=>{var n=e,{label:r,value:o}=n,s=bK(n,["label","value"]);return H.createElement("div",vK({ref:t},s),r||o)});Oy.displayName="@mantine/core/DefaultItem";function yK(e,t){typeof e=="function"?e(t):e!=null&&(e.current=t)}function hI(...e){return t=>e.forEach(n=>yK(n,t))}function bl(...e){return f.useCallback(hI(...e),e)}const mI=f.forwardRef((e,t)=>{const{children:n,...r}=e,o=f.Children.toArray(n),s=o.find(wK);if(s){const a=s.props.children,c=o.map(d=>d===s?f.Children.count(a)>1?f.Children.only(null):f.isValidElement(a)?a.props.children:null:d);return f.createElement(k1,sr({},r,{ref:t}),f.isValidElement(a)?f.cloneElement(a,void 0,c):null)}return f.createElement(k1,sr({},r,{ref:t}),n)});mI.displayName="Slot";const k1=f.forwardRef((e,t)=>{const{children:n,...r}=e;return f.isValidElement(n)?f.cloneElement(n,{...SK(r,n.props),ref:hI(t,n.ref)}):f.Children.count(n)>1?f.Children.only(null):null});k1.displayName="SlotClone";const xK=({children:e})=>f.createElement(f.Fragment,null,e);function wK(e){return f.isValidElement(e)&&e.type===xK}function SK(e,t){const n={...t};for(const r in t){const o=e[r],s=t[r];/^on[A-Z]/.test(r)?o&&s?n[r]=(...c)=>{s(...c),o(...c)}:o&&(n[r]=o):r==="style"?n[r]={...o,...s}:r==="className"&&(n[r]=[o,s].filter(Boolean).join(" "))}return{...e,...n}}const CK=["a","button","div","h2","h3","img","label","li","nav","ol","p","span","svg","ul"],Wd=CK.reduce((e,t)=>{const n=f.forwardRef((r,o)=>{const{asChild:s,...a}=r,c=s?mI:t;return f.useEffect(()=>{window[Symbol.for("radix-ui")]=!0},[]),f.createElement(c,sr({},a,{ref:o}))});return n.displayName=`Primitive.${t}`,{...e,[t]:n}},{}),_1=globalThis!=null&&globalThis.document?f.useLayoutEffect:()=>{};function kK(e,t){return f.useReducer((n,r)=>{const o=t[n][r];return o??n},e)}const Vd=e=>{const{present:t,children:n}=e,r=_K(t),o=typeof n=="function"?n({present:r.isPresent}):f.Children.only(n),s=bl(r.ref,o.ref);return typeof n=="function"||r.isPresent?f.cloneElement(o,{ref:s}):null};Vd.displayName="Presence";function _K(e){const[t,n]=f.useState(),r=f.useRef({}),o=f.useRef(e),s=f.useRef("none"),a=e?"mounted":"unmounted",[c,d]=kK(a,{mounted:{UNMOUNT:"unmounted",ANIMATION_OUT:"unmountSuspended"},unmountSuspended:{MOUNT:"mounted",ANIMATION_END:"unmounted"},unmounted:{MOUNT:"mounted"}});return f.useEffect(()=>{const p=cp(r.current);s.current=c==="mounted"?p:"none"},[c]),_1(()=>{const p=r.current,h=o.current;if(h!==e){const v=s.current,b=cp(p);e?d("MOUNT"):b==="none"||(p==null?void 0:p.display)==="none"?d("UNMOUNT"):d(h&&v!==b?"ANIMATION_OUT":"UNMOUNT"),o.current=e}},[e,d]),_1(()=>{if(t){const p=m=>{const b=cp(r.current).includes(m.animationName);m.target===t&&b&&_i.flushSync(()=>d("ANIMATION_END"))},h=m=>{m.target===t&&(s.current=cp(r.current))};return t.addEventListener("animationstart",h),t.addEventListener("animationcancel",p),t.addEventListener("animationend",p),()=>{t.removeEventListener("animationstart",h),t.removeEventListener("animationcancel",p),t.removeEventListener("animationend",p)}}else d("ANIMATION_END")},[t,d]),{isPresent:["mounted","unmountSuspended"].includes(c),ref:f.useCallback(p=>{p&&(r.current=getComputedStyle(p)),n(p)},[])}}function cp(e){return(e==null?void 0:e.animationName)||"none"}function PK(e,t=[]){let n=[];function r(s,a){const c=f.createContext(a),d=n.length;n=[...n,a];function p(m){const{scope:v,children:b,...w}=m,y=(v==null?void 0:v[e][d])||c,S=f.useMemo(()=>w,Object.values(w));return f.createElement(y.Provider,{value:S},b)}function h(m,v){const b=(v==null?void 0:v[e][d])||c,w=f.useContext(b);if(w)return w;if(a!==void 0)return a;throw new Error(`\`${m}\` must be used within \`${s}\``)}return p.displayName=s+"Provider",[p,h]}const o=()=>{const s=n.map(a=>f.createContext(a));return function(c){const d=(c==null?void 0:c[e])||s;return f.useMemo(()=>({[`__scope${e}`]:{...c,[e]:d}}),[c,d])}};return o.scopeName=e,[r,jK(o,...t)]}function jK(...e){const t=e[0];if(e.length===1)return t;const n=()=>{const r=e.map(o=>({useScope:o(),scopeName:o.scopeName}));return function(s){const a=r.reduce((c,{useScope:d,scopeName:p})=>{const m=d(s)[`__scope${p}`];return{...c,...m}},{});return f.useMemo(()=>({[`__scope${t.scopeName}`]:a}),[a])}};return n.scopeName=t.scopeName,n}function Gi(e){const t=f.useRef(e);return f.useEffect(()=>{t.current=e}),f.useMemo(()=>(...n)=>{var r;return(r=t.current)===null||r===void 0?void 0:r.call(t,...n)},[])}const IK=f.createContext(void 0);function EK(e){const t=f.useContext(IK);return e||t||"ltr"}function OK(e,[t,n]){return Math.min(n,Math.max(t,e))}function tl(e,t,{checkForDefaultPrevented:n=!0}={}){return function(o){if(e==null||e(o),n===!1||!o.defaultPrevented)return t==null?void 0:t(o)}}function RK(e,t){return f.useReducer((n,r)=>{const o=t[n][r];return o??n},e)}const gI="ScrollArea",[vI,Mde]=PK(gI),[MK,ds]=vI(gI),DK=f.forwardRef((e,t)=>{const{__scopeScrollArea:n,type:r="hover",dir:o,scrollHideDelay:s=600,...a}=e,[c,d]=f.useState(null),[p,h]=f.useState(null),[m,v]=f.useState(null),[b,w]=f.useState(null),[y,S]=f.useState(null),[_,k]=f.useState(0),[j,I]=f.useState(0),[E,O]=f.useState(!1),[R,M]=f.useState(!1),A=bl(t,$=>d($)),T=EK(o);return f.createElement(MK,{scope:n,type:r,dir:T,scrollHideDelay:s,scrollArea:c,viewport:p,onViewportChange:h,content:m,onContentChange:v,scrollbarX:b,onScrollbarXChange:w,scrollbarXEnabled:E,onScrollbarXEnabledChange:O,scrollbarY:y,onScrollbarYChange:S,scrollbarYEnabled:R,onScrollbarYEnabledChange:M,onCornerWidthChange:k,onCornerHeightChange:I},f.createElement(Wd.div,sr({dir:T},a,{ref:A,style:{position:"relative","--radix-scroll-area-corner-width":_+"px","--radix-scroll-area-corner-height":j+"px",...e.style}})))}),AK="ScrollAreaViewport",TK=f.forwardRef((e,t)=>{const{__scopeScrollArea:n,children:r,...o}=e,s=ds(AK,n),a=f.useRef(null),c=bl(t,a,s.onViewportChange);return f.createElement(f.Fragment,null,f.createElement("style",{dangerouslySetInnerHTML:{__html:"[data-radix-scroll-area-viewport]{scrollbar-width:none;-ms-overflow-style:none;-webkit-overflow-scrolling:touch;}[data-radix-scroll-area-viewport]::-webkit-scrollbar{display:none}"}}),f.createElement(Wd.div,sr({"data-radix-scroll-area-viewport":""},o,{ref:c,style:{overflowX:s.scrollbarXEnabled?"scroll":"hidden",overflowY:s.scrollbarYEnabled?"scroll":"hidden",...e.style}}),f.createElement("div",{ref:s.onContentChange,style:{minWidth:"100%",display:"table"}},r)))}),Wa="ScrollAreaScrollbar",NK=f.forwardRef((e,t)=>{const{forceMount:n,...r}=e,o=ds(Wa,e.__scopeScrollArea),{onScrollbarXEnabledChange:s,onScrollbarYEnabledChange:a}=o,c=e.orientation==="horizontal";return f.useEffect(()=>(c?s(!0):a(!0),()=>{c?s(!1):a(!1)}),[c,s,a]),o.type==="hover"?f.createElement($K,sr({},r,{ref:t,forceMount:n})):o.type==="scroll"?f.createElement(zK,sr({},r,{ref:t,forceMount:n})):o.type==="auto"?f.createElement(bI,sr({},r,{ref:t,forceMount:n})):o.type==="always"?f.createElement(Ry,sr({},r,{ref:t})):null}),$K=f.forwardRef((e,t)=>{const{forceMount:n,...r}=e,o=ds(Wa,e.__scopeScrollArea),[s,a]=f.useState(!1);return f.useEffect(()=>{const c=o.scrollArea;let d=0;if(c){const p=()=>{window.clearTimeout(d),a(!0)},h=()=>{d=window.setTimeout(()=>a(!1),o.scrollHideDelay)};return c.addEventListener("pointerenter",p),c.addEventListener("pointerleave",h),()=>{window.clearTimeout(d),c.removeEventListener("pointerenter",p),c.removeEventListener("pointerleave",h)}}},[o.scrollArea,o.scrollHideDelay]),f.createElement(Vd,{present:n||s},f.createElement(bI,sr({"data-state":s?"visible":"hidden"},r,{ref:t})))}),zK=f.forwardRef((e,t)=>{const{forceMount:n,...r}=e,o=ds(Wa,e.__scopeScrollArea),s=e.orientation==="horizontal",a=Hm(()=>d("SCROLL_END"),100),[c,d]=RK("hidden",{hidden:{SCROLL:"scrolling"},scrolling:{SCROLL_END:"idle",POINTER_ENTER:"interacting"},interacting:{SCROLL:"interacting",POINTER_LEAVE:"idle"},idle:{HIDE:"hidden",SCROLL:"scrolling",POINTER_ENTER:"interacting"}});return f.useEffect(()=>{if(c==="idle"){const p=window.setTimeout(()=>d("HIDE"),o.scrollHideDelay);return()=>window.clearTimeout(p)}},[c,o.scrollHideDelay,d]),f.useEffect(()=>{const p=o.viewport,h=s?"scrollLeft":"scrollTop";if(p){let m=p[h];const v=()=>{const b=p[h];m!==b&&(d("SCROLL"),a()),m=b};return p.addEventListener("scroll",v),()=>p.removeEventListener("scroll",v)}},[o.viewport,s,d,a]),f.createElement(Vd,{present:n||c!=="hidden"},f.createElement(Ry,sr({"data-state":c==="hidden"?"hidden":"visible"},r,{ref:t,onPointerEnter:tl(e.onPointerEnter,()=>d("POINTER_ENTER")),onPointerLeave:tl(e.onPointerLeave,()=>d("POINTER_LEAVE"))})))}),bI=f.forwardRef((e,t)=>{const n=ds(Wa,e.__scopeScrollArea),{forceMount:r,...o}=e,[s,a]=f.useState(!1),c=e.orientation==="horizontal",d=Hm(()=>{if(n.viewport){const p=n.viewport.offsetWidth{const{orientation:n="vertical",...r}=e,o=ds(Wa,e.__scopeScrollArea),s=f.useRef(null),a=f.useRef(0),[c,d]=f.useState({content:0,viewport:0,scrollbar:{size:0,paddingStart:0,paddingEnd:0}}),p=SI(c.viewport,c.content),h={...r,sizes:c,onSizesChange:d,hasThumb:p>0&&p<1,onThumbChange:v=>s.current=v,onThumbPointerUp:()=>a.current=0,onThumbPointerDown:v=>a.current=v};function m(v,b){return GK(v,a.current,c,b)}return n==="horizontal"?f.createElement(LK,sr({},h,{ref:t,onThumbPositionChange:()=>{if(o.viewport&&s.current){const v=o.viewport.scrollLeft,b=n4(v,c,o.dir);s.current.style.transform=`translate3d(${b}px, 0, 0)`}},onWheelScroll:v=>{o.viewport&&(o.viewport.scrollLeft=v)},onDragScroll:v=>{o.viewport&&(o.viewport.scrollLeft=m(v,o.dir))}})):n==="vertical"?f.createElement(BK,sr({},h,{ref:t,onThumbPositionChange:()=>{if(o.viewport&&s.current){const v=o.viewport.scrollTop,b=n4(v,c);s.current.style.transform=`translate3d(0, ${b}px, 0)`}},onWheelScroll:v=>{o.viewport&&(o.viewport.scrollTop=v)},onDragScroll:v=>{o.viewport&&(o.viewport.scrollTop=m(v))}})):null}),LK=f.forwardRef((e,t)=>{const{sizes:n,onSizesChange:r,...o}=e,s=ds(Wa,e.__scopeScrollArea),[a,c]=f.useState(),d=f.useRef(null),p=bl(t,d,s.onScrollbarXChange);return f.useEffect(()=>{d.current&&c(getComputedStyle(d.current))},[d]),f.createElement(xI,sr({"data-orientation":"horizontal"},o,{ref:p,sizes:n,style:{bottom:0,left:s.dir==="rtl"?"var(--radix-scroll-area-corner-width)":0,right:s.dir==="ltr"?"var(--radix-scroll-area-corner-width)":0,"--radix-scroll-area-thumb-width":Fm(n)+"px",...e.style},onThumbPointerDown:h=>e.onThumbPointerDown(h.x),onDragScroll:h=>e.onDragScroll(h.x),onWheelScroll:(h,m)=>{if(s.viewport){const v=s.viewport.scrollLeft+h.deltaX;e.onWheelScroll(v),kI(v,m)&&h.preventDefault()}},onResize:()=>{d.current&&s.viewport&&a&&r({content:s.viewport.scrollWidth,viewport:s.viewport.offsetWidth,scrollbar:{size:d.current.clientWidth,paddingStart:kh(a.paddingLeft),paddingEnd:kh(a.paddingRight)}})}}))}),BK=f.forwardRef((e,t)=>{const{sizes:n,onSizesChange:r,...o}=e,s=ds(Wa,e.__scopeScrollArea),[a,c]=f.useState(),d=f.useRef(null),p=bl(t,d,s.onScrollbarYChange);return f.useEffect(()=>{d.current&&c(getComputedStyle(d.current))},[d]),f.createElement(xI,sr({"data-orientation":"vertical"},o,{ref:p,sizes:n,style:{top:0,right:s.dir==="ltr"?0:void 0,left:s.dir==="rtl"?0:void 0,bottom:"var(--radix-scroll-area-corner-height)","--radix-scroll-area-thumb-height":Fm(n)+"px",...e.style},onThumbPointerDown:h=>e.onThumbPointerDown(h.y),onDragScroll:h=>e.onDragScroll(h.y),onWheelScroll:(h,m)=>{if(s.viewport){const v=s.viewport.scrollTop+h.deltaY;e.onWheelScroll(v),kI(v,m)&&h.preventDefault()}},onResize:()=>{d.current&&s.viewport&&a&&r({content:s.viewport.scrollHeight,viewport:s.viewport.offsetHeight,scrollbar:{size:d.current.clientHeight,paddingStart:kh(a.paddingTop),paddingEnd:kh(a.paddingBottom)}})}}))}),[FK,yI]=vI(Wa),xI=f.forwardRef((e,t)=>{const{__scopeScrollArea:n,sizes:r,hasThumb:o,onThumbChange:s,onThumbPointerUp:a,onThumbPointerDown:c,onThumbPositionChange:d,onDragScroll:p,onWheelScroll:h,onResize:m,...v}=e,b=ds(Wa,n),[w,y]=f.useState(null),S=bl(t,A=>y(A)),_=f.useRef(null),k=f.useRef(""),j=b.viewport,I=r.content-r.viewport,E=Gi(h),O=Gi(d),R=Hm(m,10);function M(A){if(_.current){const T=A.clientX-_.current.left,$=A.clientY-_.current.top;p({x:T,y:$})}}return f.useEffect(()=>{const A=T=>{const $=T.target;(w==null?void 0:w.contains($))&&E(T,I)};return document.addEventListener("wheel",A,{passive:!1}),()=>document.removeEventListener("wheel",A,{passive:!1})},[j,w,I,E]),f.useEffect(O,[r,O]),_c(w,R),_c(b.content,R),f.createElement(FK,{scope:n,scrollbar:w,hasThumb:o,onThumbChange:Gi(s),onThumbPointerUp:Gi(a),onThumbPositionChange:O,onThumbPointerDown:Gi(c)},f.createElement(Wd.div,sr({},v,{ref:S,style:{position:"absolute",...v.style},onPointerDown:tl(e.onPointerDown,A=>{A.button===0&&(A.target.setPointerCapture(A.pointerId),_.current=w.getBoundingClientRect(),k.current=document.body.style.webkitUserSelect,document.body.style.webkitUserSelect="none",M(A))}),onPointerMove:tl(e.onPointerMove,M),onPointerUp:tl(e.onPointerUp,A=>{const T=A.target;T.hasPointerCapture(A.pointerId)&&T.releasePointerCapture(A.pointerId),document.body.style.webkitUserSelect=k.current,_.current=null})})))}),P1="ScrollAreaThumb",HK=f.forwardRef((e,t)=>{const{forceMount:n,...r}=e,o=yI(P1,e.__scopeScrollArea);return f.createElement(Vd,{present:n||o.hasThumb},f.createElement(WK,sr({ref:t},r)))}),WK=f.forwardRef((e,t)=>{const{__scopeScrollArea:n,style:r,...o}=e,s=ds(P1,n),a=yI(P1,n),{onThumbPositionChange:c}=a,d=bl(t,m=>a.onThumbChange(m)),p=f.useRef(),h=Hm(()=>{p.current&&(p.current(),p.current=void 0)},100);return f.useEffect(()=>{const m=s.viewport;if(m){const v=()=>{if(h(),!p.current){const b=qK(m,c);p.current=b,c()}};return c(),m.addEventListener("scroll",v),()=>m.removeEventListener("scroll",v)}},[s.viewport,h,c]),f.createElement(Wd.div,sr({"data-state":a.hasThumb?"visible":"hidden"},o,{ref:d,style:{width:"var(--radix-scroll-area-thumb-width)",height:"var(--radix-scroll-area-thumb-height)",...r},onPointerDownCapture:tl(e.onPointerDownCapture,m=>{const b=m.target.getBoundingClientRect(),w=m.clientX-b.left,y=m.clientY-b.top;a.onThumbPointerDown({x:w,y})}),onPointerUp:tl(e.onPointerUp,a.onThumbPointerUp)}))}),wI="ScrollAreaCorner",VK=f.forwardRef((e,t)=>{const n=ds(wI,e.__scopeScrollArea),r=!!(n.scrollbarX&&n.scrollbarY);return n.type!=="scroll"&&r?f.createElement(UK,sr({},e,{ref:t})):null}),UK=f.forwardRef((e,t)=>{const{__scopeScrollArea:n,...r}=e,o=ds(wI,n),[s,a]=f.useState(0),[c,d]=f.useState(0),p=!!(s&&c);return _c(o.scrollbarX,()=>{var h;const m=((h=o.scrollbarX)===null||h===void 0?void 0:h.offsetHeight)||0;o.onCornerHeightChange(m),d(m)}),_c(o.scrollbarY,()=>{var h;const m=((h=o.scrollbarY)===null||h===void 0?void 0:h.offsetWidth)||0;o.onCornerWidthChange(m),a(m)}),p?f.createElement(Wd.div,sr({},r,{ref:t,style:{width:s,height:c,position:"absolute",right:o.dir==="ltr"?0:void 0,left:o.dir==="rtl"?0:void 0,bottom:0,...e.style}})):null});function kh(e){return e?parseInt(e,10):0}function SI(e,t){const n=e/t;return isNaN(n)?0:n}function Fm(e){const t=SI(e.viewport,e.content),n=e.scrollbar.paddingStart+e.scrollbar.paddingEnd,r=(e.scrollbar.size-n)*t;return Math.max(r,18)}function GK(e,t,n,r="ltr"){const o=Fm(n),s=o/2,a=t||s,c=o-a,d=n.scrollbar.paddingStart+a,p=n.scrollbar.size-n.scrollbar.paddingEnd-c,h=n.content-n.viewport,m=r==="ltr"?[0,h]:[h*-1,0];return CI([d,p],m)(e)}function n4(e,t,n="ltr"){const r=Fm(t),o=t.scrollbar.paddingStart+t.scrollbar.paddingEnd,s=t.scrollbar.size-o,a=t.content-t.viewport,c=s-r,d=n==="ltr"?[0,a]:[a*-1,0],p=OK(e,d);return CI([0,a],[0,c])(p)}function CI(e,t){return n=>{if(e[0]===e[1]||t[0]===t[1])return t[0];const r=(t[1]-t[0])/(e[1]-e[0]);return t[0]+r*(n-e[0])}}function kI(e,t){return e>0&&e{})=>{let n={left:e.scrollLeft,top:e.scrollTop},r=0;return function o(){const s={left:e.scrollLeft,top:e.scrollTop},a=n.left!==s.left,c=n.top!==s.top;(a||c)&&t(),n=s,r=window.requestAnimationFrame(o)}(),()=>window.cancelAnimationFrame(r)};function Hm(e,t){const n=Gi(e),r=f.useRef(0);return f.useEffect(()=>()=>window.clearTimeout(r.current),[]),f.useCallback(()=>{window.clearTimeout(r.current),r.current=window.setTimeout(n,t)},[n,t])}function _c(e,t){const n=Gi(t);_1(()=>{let r=0;if(e){const o=new ResizeObserver(()=>{cancelAnimationFrame(r),r=window.requestAnimationFrame(n)});return o.observe(e),()=>{window.cancelAnimationFrame(r),o.unobserve(e)}}},[e,n])}const KK=DK,XK=TK,r4=NK,o4=HK,YK=VK;var QK=ao((e,{scrollbarSize:t,offsetScrollbars:n,scrollbarHovered:r,hidden:o})=>({root:{overflow:"hidden"},viewport:{width:"100%",height:"100%",paddingRight:n?Ue(t):void 0,paddingBottom:n?Ue(t):void 0},scrollbar:{display:o?"none":"flex",userSelect:"none",touchAction:"none",boxSizing:"border-box",padding:`calc(${Ue(t)} / 5)`,transition:"background-color 150ms ease, opacity 150ms ease","&:hover":{backgroundColor:e.colorScheme==="dark"?e.colors.dark[8]:e.colors.gray[0],[`& .${cC("thumb")}`]:{backgroundColor:e.colorScheme==="dark"?e.fn.rgba(e.white,.5):e.fn.rgba(e.black,.5)}},'&[data-orientation="vertical"]':{width:Ue(t)},'&[data-orientation="horizontal"]':{flexDirection:"column",height:Ue(t)},'&[data-state="hidden"]':{display:"none",opacity:0}},thumb:{ref:cC("thumb"),flex:1,backgroundColor:e.colorScheme==="dark"?e.fn.rgba(e.white,.4):e.fn.rgba(e.black,.4),borderRadius:Ue(t),position:"relative",transition:"background-color 150ms ease",display:o?"none":void 0,overflow:"hidden","&::before":{content:'""',position:"absolute",top:"50%",left:"50%",transform:"translate(-50%, -50%)",width:"100%",height:"100%",minWidth:Ue(44),minHeight:Ue(44)}},corner:{backgroundColor:e.colorScheme==="dark"?e.colors.dark[6]:e.colors.gray[0],transition:"opacity 150ms ease",opacity:r?1:0,display:o?"none":void 0}}));const JK=QK;var ZK=Object.defineProperty,eX=Object.defineProperties,tX=Object.getOwnPropertyDescriptors,_h=Object.getOwnPropertySymbols,_I=Object.prototype.hasOwnProperty,PI=Object.prototype.propertyIsEnumerable,s4=(e,t,n)=>t in e?ZK(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,j1=(e,t)=>{for(var n in t||(t={}))_I.call(t,n)&&s4(e,n,t[n]);if(_h)for(var n of _h(t))PI.call(t,n)&&s4(e,n,t[n]);return e},jI=(e,t)=>eX(e,tX(t)),II=(e,t)=>{var n={};for(var r in e)_I.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&_h)for(var r of _h(e))t.indexOf(r)<0&&PI.call(e,r)&&(n[r]=e[r]);return n};const EI={scrollbarSize:12,scrollHideDelay:1e3,type:"hover",offsetScrollbars:!1},Wm=f.forwardRef((e,t)=>{const n=Sr("ScrollArea",EI,e),{children:r,className:o,classNames:s,styles:a,scrollbarSize:c,scrollHideDelay:d,type:p,dir:h,offsetScrollbars:m,viewportRef:v,onScrollPositionChange:b,unstyled:w,variant:y,viewportProps:S}=n,_=II(n,["children","className","classNames","styles","scrollbarSize","scrollHideDelay","type","dir","offsetScrollbars","viewportRef","onScrollPositionChange","unstyled","variant","viewportProps"]),[k,j]=f.useState(!1),I=Fa(),{classes:E,cx:O}=JK({scrollbarSize:c,offsetScrollbars:m,scrollbarHovered:k,hidden:p==="never"},{name:"ScrollArea",classNames:s,styles:a,unstyled:w,variant:y});return H.createElement(KK,{type:p==="never"?"always":p,scrollHideDelay:d,dir:h||I.dir,ref:t,asChild:!0},H.createElement(Io,j1({className:O(E.root,o)},_),H.createElement(XK,jI(j1({},S),{className:E.viewport,ref:v,onScroll:typeof b=="function"?({currentTarget:R})=>b({x:R.scrollLeft,y:R.scrollTop}):void 0}),r),H.createElement(r4,{orientation:"horizontal",className:E.scrollbar,forceMount:!0,onMouseEnter:()=>j(!0),onMouseLeave:()=>j(!1)},H.createElement(o4,{className:E.thumb})),H.createElement(r4,{orientation:"vertical",className:E.scrollbar,forceMount:!0,onMouseEnter:()=>j(!0),onMouseLeave:()=>j(!1)},H.createElement(o4,{className:E.thumb})),H.createElement(YK,{className:E.corner})))}),OI=f.forwardRef((e,t)=>{const n=Sr("ScrollAreaAutosize",EI,e),{children:r,classNames:o,styles:s,scrollbarSize:a,scrollHideDelay:c,type:d,dir:p,offsetScrollbars:h,viewportRef:m,onScrollPositionChange:v,unstyled:b,sx:w,variant:y,viewportProps:S}=n,_=II(n,["children","classNames","styles","scrollbarSize","scrollHideDelay","type","dir","offsetScrollbars","viewportRef","onScrollPositionChange","unstyled","sx","variant","viewportProps"]);return H.createElement(Io,jI(j1({},_),{ref:t,sx:[{display:"flex"},...vj(w)]}),H.createElement(Io,{sx:{display:"flex",flexDirection:"column",flex:1}},H.createElement(Wm,{classNames:o,styles:s,scrollHideDelay:c,scrollbarSize:a,type:d,dir:p,offsetScrollbars:h,viewportRef:m,onScrollPositionChange:v,unstyled:b,variant:y,viewportProps:S},r)))});OI.displayName="@mantine/core/ScrollAreaAutosize";Wm.displayName="@mantine/core/ScrollArea";Wm.Autosize=OI;const RI=Wm;var nX=Object.defineProperty,rX=Object.defineProperties,oX=Object.getOwnPropertyDescriptors,Ph=Object.getOwnPropertySymbols,MI=Object.prototype.hasOwnProperty,DI=Object.prototype.propertyIsEnumerable,a4=(e,t,n)=>t in e?nX(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,i4=(e,t)=>{for(var n in t||(t={}))MI.call(t,n)&&a4(e,n,t[n]);if(Ph)for(var n of Ph(t))DI.call(t,n)&&a4(e,n,t[n]);return e},sX=(e,t)=>rX(e,oX(t)),aX=(e,t)=>{var n={};for(var r in e)MI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Ph)for(var r of Ph(e))t.indexOf(r)<0&&DI.call(e,r)&&(n[r]=e[r]);return n};const Vm=f.forwardRef((e,t)=>{var n=e,{style:r}=n,o=aX(n,["style"]);return H.createElement(RI,sX(i4({},o),{style:i4({width:"100%"},r),viewportProps:{tabIndex:-1},viewportRef:t}),o.children)});Vm.displayName="@mantine/core/SelectScrollArea";var iX=ao(()=>({dropdown:{},itemsWrapper:{padding:Ue(4),display:"flex",width:"100%",boxSizing:"border-box"}}));const lX=iX;function Uc(e){return e.split("-")[1]}function My(e){return e==="y"?"height":"width"}function js(e){return e.split("-")[0]}function Oi(e){return["top","bottom"].includes(js(e))?"x":"y"}function l4(e,t,n){let{reference:r,floating:o}=e;const s=r.x+r.width/2-o.width/2,a=r.y+r.height/2-o.height/2,c=Oi(t),d=My(c),p=r[d]/2-o[d]/2,h=c==="x";let m;switch(js(t)){case"top":m={x:s,y:r.y-o.height};break;case"bottom":m={x:s,y:r.y+r.height};break;case"right":m={x:r.x+r.width,y:a};break;case"left":m={x:r.x-o.width,y:a};break;default:m={x:r.x,y:r.y}}switch(Uc(t)){case"start":m[c]-=p*(n&&h?-1:1);break;case"end":m[c]+=p*(n&&h?-1:1)}return m}const cX=async(e,t,n)=>{const{placement:r="bottom",strategy:o="absolute",middleware:s=[],platform:a}=n,c=s.filter(Boolean),d=await(a.isRTL==null?void 0:a.isRTL(t));let p=await a.getElementRects({reference:e,floating:t,strategy:o}),{x:h,y:m}=l4(p,r,d),v=r,b={},w=0;for(let y=0;y({name:"arrow",options:e,async fn(t){const{x:n,y:r,placement:o,rects:s,platform:a,elements:c}=t,{element:d,padding:p=0}=Na(e,t)||{};if(d==null)return{};const h=Dy(p),m={x:n,y:r},v=Oi(o),b=My(v),w=await a.getDimensions(d),y=v==="y",S=y?"top":"left",_=y?"bottom":"right",k=y?"clientHeight":"clientWidth",j=s.reference[b]+s.reference[v]-m[v]-s.floating[b],I=m[v]-s.reference[v],E=await(a.getOffsetParent==null?void 0:a.getOffsetParent(d));let O=E?E[k]:0;O&&await(a.isElement==null?void 0:a.isElement(E))||(O=c.floating[k]||s.floating[b]);const R=j/2-I/2,M=O/2-w[b]/2-1,A=gi(h[S],M),T=gi(h[_],M),$=A,Q=O-w[b]-T,B=O/2-w[b]/2+R,V=I1($,B,Q),q=Uc(o)!=null&&B!=V&&s.reference[b]/2-(B<$?A:T)-w[b]/2<0?B<$?$-B:Q-B:0;return{[v]:m[v]-q,data:{[v]:V,centerOffset:B-V+q}}}}),uX=["top","right","bottom","left"];uX.reduce((e,t)=>e.concat(t,t+"-start",t+"-end"),[]);const dX={left:"right",right:"left",bottom:"top",top:"bottom"};function jh(e){return e.replace(/left|right|bottom|top/g,t=>dX[t])}function fX(e,t,n){n===void 0&&(n=!1);const r=Uc(e),o=Oi(e),s=My(o);let a=o==="x"?r===(n?"end":"start")?"right":"left":r==="start"?"bottom":"top";return t.reference[s]>t.floating[s]&&(a=jh(a)),{main:a,cross:jh(a)}}const pX={start:"end",end:"start"};function ov(e){return e.replace(/start|end/g,t=>pX[t])}const hX=function(e){return e===void 0&&(e={}),{name:"flip",options:e,async fn(t){var n;const{placement:r,middlewareData:o,rects:s,initialPlacement:a,platform:c,elements:d}=t,{mainAxis:p=!0,crossAxis:h=!0,fallbackPlacements:m,fallbackStrategy:v="bestFit",fallbackAxisSideDirection:b="none",flipAlignment:w=!0,...y}=Na(e,t),S=js(r),_=js(a)===a,k=await(c.isRTL==null?void 0:c.isRTL(d.floating)),j=m||(_||!w?[jh(a)]:function($){const Q=jh($);return[ov($),Q,ov(Q)]}(a));m||b==="none"||j.push(...function($,Q,B,V){const q=Uc($);let G=function(D,L,W){const Y=["left","right"],ae=["right","left"],be=["top","bottom"],ie=["bottom","top"];switch(D){case"top":case"bottom":return W?L?ae:Y:L?Y:ae;case"left":case"right":return L?be:ie;default:return[]}}(js($),B==="start",V);return q&&(G=G.map(D=>D+"-"+q),Q&&(G=G.concat(G.map(ov)))),G}(a,w,b,k));const I=[a,...j],E=await Ay(t,y),O=[];let R=((n=o.flip)==null?void 0:n.overflows)||[];if(p&&O.push(E[S]),h){const{main:$,cross:Q}=fX(r,s,k);O.push(E[$],E[Q])}if(R=[...R,{placement:r,overflows:O}],!O.every($=>$<=0)){var M,A;const $=(((M=o.flip)==null?void 0:M.index)||0)+1,Q=I[$];if(Q)return{data:{index:$,overflows:R},reset:{placement:Q}};let B=(A=R.filter(V=>V.overflows[0]<=0).sort((V,q)=>V.overflows[1]-q.overflows[1])[0])==null?void 0:A.placement;if(!B)switch(v){case"bestFit":{var T;const V=(T=R.map(q=>[q.placement,q.overflows.filter(G=>G>0).reduce((G,D)=>G+D,0)]).sort((q,G)=>q[1]-G[1])[0])==null?void 0:T[0];V&&(B=V);break}case"initialPlacement":B=a}if(r!==B)return{reset:{placement:B}}}return{}}}};function u4(e){const t=gi(...e.map(r=>r.left)),n=gi(...e.map(r=>r.top));return{x:t,y:n,width:Ks(...e.map(r=>r.right))-t,height:Ks(...e.map(r=>r.bottom))-n}}const mX=function(e){return e===void 0&&(e={}),{name:"inline",options:e,async fn(t){const{placement:n,elements:r,rects:o,platform:s,strategy:a}=t,{padding:c=2,x:d,y:p}=Na(e,t),h=Array.from(await(s.getClientRects==null?void 0:s.getClientRects(r.reference))||[]),m=function(y){const S=y.slice().sort((j,I)=>j.y-I.y),_=[];let k=null;for(let j=0;jk.height/2?_.push([I]):_[_.length-1].push(I),k=I}return _.map(j=>Pc(u4(j)))}(h),v=Pc(u4(h)),b=Dy(c),w=await s.getElementRects({reference:{getBoundingClientRect:function(){if(m.length===2&&m[0].left>m[1].right&&d!=null&&p!=null)return m.find(y=>d>y.left-b.left&&dy.top-b.top&&p=2){if(Oi(n)==="x"){const E=m[0],O=m[m.length-1],R=js(n)==="top",M=E.top,A=O.bottom,T=R?E.left:O.left,$=R?E.right:O.right;return{top:M,bottom:A,left:T,right:$,width:$-T,height:A-M,x:T,y:M}}const y=js(n)==="left",S=Ks(...m.map(E=>E.right)),_=gi(...m.map(E=>E.left)),k=m.filter(E=>y?E.left===_:E.right===S),j=k[0].top,I=k[k.length-1].bottom;return{top:j,bottom:I,left:_,right:S,width:S-_,height:I-j,x:_,y:j}}return v}},floating:r.floating,strategy:a});return o.reference.x!==w.reference.x||o.reference.y!==w.reference.y||o.reference.width!==w.reference.width||o.reference.height!==w.reference.height?{reset:{rects:w}}:{}}}},gX=function(e){return e===void 0&&(e=0),{name:"offset",options:e,async fn(t){const{x:n,y:r}=t,o=await async function(s,a){const{placement:c,platform:d,elements:p}=s,h=await(d.isRTL==null?void 0:d.isRTL(p.floating)),m=js(c),v=Uc(c),b=Oi(c)==="x",w=["left","top"].includes(m)?-1:1,y=h&&b?-1:1,S=Na(a,s);let{mainAxis:_,crossAxis:k,alignmentAxis:j}=typeof S=="number"?{mainAxis:S,crossAxis:0,alignmentAxis:null}:{mainAxis:0,crossAxis:0,alignmentAxis:null,...S};return v&&typeof j=="number"&&(k=v==="end"?-1*j:j),b?{x:k*y,y:_*w}:{x:_*w,y:k*y}}(t,e);return{x:n+o.x,y:r+o.y,data:o}}}};function AI(e){return e==="x"?"y":"x"}const vX=function(e){return e===void 0&&(e={}),{name:"shift",options:e,async fn(t){const{x:n,y:r,placement:o}=t,{mainAxis:s=!0,crossAxis:a=!1,limiter:c={fn:S=>{let{x:_,y:k}=S;return{x:_,y:k}}},...d}=Na(e,t),p={x:n,y:r},h=await Ay(t,d),m=Oi(js(o)),v=AI(m);let b=p[m],w=p[v];if(s){const S=m==="y"?"bottom":"right";b=I1(b+h[m==="y"?"top":"left"],b,b-h[S])}if(a){const S=v==="y"?"bottom":"right";w=I1(w+h[v==="y"?"top":"left"],w,w-h[S])}const y=c.fn({...t,[m]:b,[v]:w});return{...y,data:{x:y.x-n,y:y.y-r}}}}},bX=function(e){return e===void 0&&(e={}),{options:e,fn(t){const{x:n,y:r,placement:o,rects:s,middlewareData:a}=t,{offset:c=0,mainAxis:d=!0,crossAxis:p=!0}=Na(e,t),h={x:n,y:r},m=Oi(o),v=AI(m);let b=h[m],w=h[v];const y=Na(c,t),S=typeof y=="number"?{mainAxis:y,crossAxis:0}:{mainAxis:0,crossAxis:0,...y};if(d){const j=m==="y"?"height":"width",I=s.reference[m]-s.floating[j]+S.mainAxis,E=s.reference[m]+s.reference[j]-S.mainAxis;bE&&(b=E)}if(p){var _,k;const j=m==="y"?"width":"height",I=["top","left"].includes(js(o)),E=s.reference[v]-s.floating[j]+(I&&((_=a.offset)==null?void 0:_[v])||0)+(I?0:S.crossAxis),O=s.reference[v]+s.reference[j]+(I?0:((k=a.offset)==null?void 0:k[v])||0)-(I?S.crossAxis:0);wO&&(w=O)}return{[m]:b,[v]:w}}}},yX=function(e){return e===void 0&&(e={}),{name:"size",options:e,async fn(t){const{placement:n,rects:r,platform:o,elements:s}=t,{apply:a=()=>{},...c}=Na(e,t),d=await Ay(t,c),p=js(n),h=Uc(n),m=Oi(n)==="x",{width:v,height:b}=r.floating;let w,y;p==="top"||p==="bottom"?(w=p,y=h===(await(o.isRTL==null?void 0:o.isRTL(s.floating))?"start":"end")?"left":"right"):(y=p,w=h==="end"?"top":"bottom");const S=b-d[w],_=v-d[y],k=!t.middlewareData.shift;let j=S,I=_;if(m){const O=v-d.left-d.right;I=h||k?gi(_,O):O}else{const O=b-d.top-d.bottom;j=h||k?gi(S,O):O}if(k&&!h){const O=Ks(d.left,0),R=Ks(d.right,0),M=Ks(d.top,0),A=Ks(d.bottom,0);m?I=v-2*(O!==0||R!==0?O+R:Ks(d.left,d.right)):j=b-2*(M!==0||A!==0?M+A:Ks(d.top,d.bottom))}await a({...t,availableWidth:I,availableHeight:j});const E=await o.getDimensions(s.floating);return v!==E.width||b!==E.height?{reset:{rects:!0}}:{}}}};function zo(e){var t;return(e==null||(t=e.ownerDocument)==null?void 0:t.defaultView)||window}function sa(e){return zo(e).getComputedStyle(e)}function TI(e){return e instanceof zo(e).Node}function vi(e){return TI(e)?(e.nodeName||"").toLowerCase():"#document"}function Ms(e){return e instanceof HTMLElement||e instanceof zo(e).HTMLElement}function d4(e){return typeof ShadowRoot<"u"&&(e instanceof zo(e).ShadowRoot||e instanceof ShadowRoot)}function fd(e){const{overflow:t,overflowX:n,overflowY:r,display:o}=sa(e);return/auto|scroll|overlay|hidden|clip/.test(t+r+n)&&!["inline","contents"].includes(o)}function xX(e){return["table","td","th"].includes(vi(e))}function E1(e){const t=Ty(),n=sa(e);return n.transform!=="none"||n.perspective!=="none"||!!n.containerType&&n.containerType!=="normal"||!t&&!!n.backdropFilter&&n.backdropFilter!=="none"||!t&&!!n.filter&&n.filter!=="none"||["transform","perspective","filter"].some(r=>(n.willChange||"").includes(r))||["paint","layout","strict","content"].some(r=>(n.contain||"").includes(r))}function Ty(){return!(typeof CSS>"u"||!CSS.supports)&&CSS.supports("-webkit-backdrop-filter","none")}function Um(e){return["html","body","#document"].includes(vi(e))}const O1=Math.min,pc=Math.max,Ih=Math.round,up=Math.floor,bi=e=>({x:e,y:e});function NI(e){const t=sa(e);let n=parseFloat(t.width)||0,r=parseFloat(t.height)||0;const o=Ms(e),s=o?e.offsetWidth:n,a=o?e.offsetHeight:r,c=Ih(n)!==s||Ih(r)!==a;return c&&(n=s,r=a),{width:n,height:r,$:c}}function Pa(e){return e instanceof Element||e instanceof zo(e).Element}function Ny(e){return Pa(e)?e:e.contextElement}function hc(e){const t=Ny(e);if(!Ms(t))return bi(1);const n=t.getBoundingClientRect(),{width:r,height:o,$:s}=NI(t);let a=(s?Ih(n.width):n.width)/r,c=(s?Ih(n.height):n.height)/o;return a&&Number.isFinite(a)||(a=1),c&&Number.isFinite(c)||(c=1),{x:a,y:c}}const wX=bi(0);function $I(e){const t=zo(e);return Ty()&&t.visualViewport?{x:t.visualViewport.offsetLeft,y:t.visualViewport.offsetTop}:wX}function dl(e,t,n,r){t===void 0&&(t=!1),n===void 0&&(n=!1);const o=e.getBoundingClientRect(),s=Ny(e);let a=bi(1);t&&(r?Pa(r)&&(a=hc(r)):a=hc(e));const c=function(v,b,w){return b===void 0&&(b=!1),!(!w||b&&w!==zo(v))&&b}(s,n,r)?$I(s):bi(0);let d=(o.left+c.x)/a.x,p=(o.top+c.y)/a.y,h=o.width/a.x,m=o.height/a.y;if(s){const v=zo(s),b=r&&Pa(r)?zo(r):r;let w=v.frameElement;for(;w&&r&&b!==v;){const y=hc(w),S=w.getBoundingClientRect(),_=getComputedStyle(w),k=S.left+(w.clientLeft+parseFloat(_.paddingLeft))*y.x,j=S.top+(w.clientTop+parseFloat(_.paddingTop))*y.y;d*=y.x,p*=y.y,h*=y.x,m*=y.y,d+=k,p+=j,w=zo(w).frameElement}}return Pc({width:h,height:m,x:d,y:p})}function Gm(e){return Pa(e)?{scrollLeft:e.scrollLeft,scrollTop:e.scrollTop}:{scrollLeft:e.pageXOffset,scrollTop:e.pageYOffset}}function ja(e){var t;return(t=(TI(e)?e.ownerDocument:e.document)||window.document)==null?void 0:t.documentElement}function zI(e){return dl(ja(e)).left+Gm(e).scrollLeft}function jc(e){if(vi(e)==="html")return e;const t=e.assignedSlot||e.parentNode||d4(e)&&e.host||ja(e);return d4(t)?t.host:t}function LI(e){const t=jc(e);return Um(t)?e.ownerDocument?e.ownerDocument.body:e.body:Ms(t)&&fd(t)?t:LI(t)}function Eh(e,t){var n;t===void 0&&(t=[]);const r=LI(e),o=r===((n=e.ownerDocument)==null?void 0:n.body),s=zo(r);return o?t.concat(s,s.visualViewport||[],fd(r)?r:[]):t.concat(r,Eh(r))}function f4(e,t,n){let r;if(t==="viewport")r=function(o,s){const a=zo(o),c=ja(o),d=a.visualViewport;let p=c.clientWidth,h=c.clientHeight,m=0,v=0;if(d){p=d.width,h=d.height;const b=Ty();(!b||b&&s==="fixed")&&(m=d.offsetLeft,v=d.offsetTop)}return{width:p,height:h,x:m,y:v}}(e,n);else if(t==="document")r=function(o){const s=ja(o),a=Gm(o),c=o.ownerDocument.body,d=pc(s.scrollWidth,s.clientWidth,c.scrollWidth,c.clientWidth),p=pc(s.scrollHeight,s.clientHeight,c.scrollHeight,c.clientHeight);let h=-a.scrollLeft+zI(o);const m=-a.scrollTop;return sa(c).direction==="rtl"&&(h+=pc(s.clientWidth,c.clientWidth)-d),{width:d,height:p,x:h,y:m}}(ja(e));else if(Pa(t))r=function(o,s){const a=dl(o,!0,s==="fixed"),c=a.top+o.clientTop,d=a.left+o.clientLeft,p=Ms(o)?hc(o):bi(1);return{width:o.clientWidth*p.x,height:o.clientHeight*p.y,x:d*p.x,y:c*p.y}}(t,n);else{const o=$I(e);r={...t,x:t.x-o.x,y:t.y-o.y}}return Pc(r)}function BI(e,t){const n=jc(e);return!(n===t||!Pa(n)||Um(n))&&(sa(n).position==="fixed"||BI(n,t))}function SX(e,t,n){const r=Ms(t),o=ja(t),s=n==="fixed",a=dl(e,!0,s,t);let c={scrollLeft:0,scrollTop:0};const d=bi(0);if(r||!r&&!s)if((vi(t)!=="body"||fd(o))&&(c=Gm(t)),Ms(t)){const p=dl(t,!0,s,t);d.x=p.x+t.clientLeft,d.y=p.y+t.clientTop}else o&&(d.x=zI(o));return{x:a.left+c.scrollLeft-d.x,y:a.top+c.scrollTop-d.y,width:a.width,height:a.height}}function p4(e,t){return Ms(e)&&sa(e).position!=="fixed"?t?t(e):e.offsetParent:null}function h4(e,t){const n=zo(e);if(!Ms(e))return n;let r=p4(e,t);for(;r&&xX(r)&&sa(r).position==="static";)r=p4(r,t);return r&&(vi(r)==="html"||vi(r)==="body"&&sa(r).position==="static"&&!E1(r))?n:r||function(o){let s=jc(o);for(;Ms(s)&&!Um(s);){if(E1(s))return s;s=jc(s)}return null}(e)||n}const CX={convertOffsetParentRelativeRectToViewportRelativeRect:function(e){let{rect:t,offsetParent:n,strategy:r}=e;const o=Ms(n),s=ja(n);if(n===s)return t;let a={scrollLeft:0,scrollTop:0},c=bi(1);const d=bi(0);if((o||!o&&r!=="fixed")&&((vi(n)!=="body"||fd(s))&&(a=Gm(n)),Ms(n))){const p=dl(n);c=hc(n),d.x=p.x+n.clientLeft,d.y=p.y+n.clientTop}return{width:t.width*c.x,height:t.height*c.y,x:t.x*c.x-a.scrollLeft*c.x+d.x,y:t.y*c.y-a.scrollTop*c.y+d.y}},getDocumentElement:ja,getClippingRect:function(e){let{element:t,boundary:n,rootBoundary:r,strategy:o}=e;const s=[...n==="clippingAncestors"?function(d,p){const h=p.get(d);if(h)return h;let m=Eh(d).filter(y=>Pa(y)&&vi(y)!=="body"),v=null;const b=sa(d).position==="fixed";let w=b?jc(d):d;for(;Pa(w)&&!Um(w);){const y=sa(w),S=E1(w);S||y.position!=="fixed"||(v=null),(b?!S&&!v:!S&&y.position==="static"&&v&&["absolute","fixed"].includes(v.position)||fd(w)&&!S&&BI(d,w))?m=m.filter(_=>_!==w):v=y,w=jc(w)}return p.set(d,m),m}(t,this._c):[].concat(n),r],a=s[0],c=s.reduce((d,p)=>{const h=f4(t,p,o);return d.top=pc(h.top,d.top),d.right=O1(h.right,d.right),d.bottom=O1(h.bottom,d.bottom),d.left=pc(h.left,d.left),d},f4(t,a,o));return{width:c.right-c.left,height:c.bottom-c.top,x:c.left,y:c.top}},getOffsetParent:h4,getElementRects:async function(e){let{reference:t,floating:n,strategy:r}=e;const o=this.getOffsetParent||h4,s=this.getDimensions;return{reference:SX(t,await o(n),r),floating:{x:0,y:0,...await s(n)}}},getClientRects:function(e){return Array.from(e.getClientRects())},getDimensions:function(e){return NI(e)},getScale:hc,isElement:Pa,isRTL:function(e){return getComputedStyle(e).direction==="rtl"}};function kX(e,t,n,r){r===void 0&&(r={});const{ancestorScroll:o=!0,ancestorResize:s=!0,elementResize:a=typeof ResizeObserver=="function",layoutShift:c=typeof IntersectionObserver=="function",animationFrame:d=!1}=r,p=Ny(e),h=o||s?[...p?Eh(p):[],...Eh(t)]:[];h.forEach(S=>{o&&S.addEventListener("scroll",n,{passive:!0}),s&&S.addEventListener("resize",n)});const m=p&&c?function(S,_){let k,j=null;const I=ja(S);function E(){clearTimeout(k),j&&j.disconnect(),j=null}return function O(R,M){R===void 0&&(R=!1),M===void 0&&(M=1),E();const{left:A,top:T,width:$,height:Q}=S.getBoundingClientRect();if(R||_(),!$||!Q)return;const B={rootMargin:-up(T)+"px "+-up(I.clientWidth-(A+$))+"px "+-up(I.clientHeight-(T+Q))+"px "+-up(A)+"px",threshold:pc(0,O1(1,M))||1};let V=!0;function q(G){const D=G[0].intersectionRatio;if(D!==M){if(!V)return O();D?O(!1,D):k=setTimeout(()=>{O(!1,1e-7)},100)}V=!1}try{j=new IntersectionObserver(q,{...B,root:I.ownerDocument})}catch{j=new IntersectionObserver(q,B)}j.observe(S)}(!0),E}(p,n):null;let v,b=-1,w=null;a&&(w=new ResizeObserver(S=>{let[_]=S;_&&_.target===p&&w&&(w.unobserve(t),cancelAnimationFrame(b),b=requestAnimationFrame(()=>{w&&w.observe(t)})),n()}),p&&!d&&w.observe(p),w.observe(t));let y=d?dl(e):null;return d&&function S(){const _=dl(e);!y||_.x===y.x&&_.y===y.y&&_.width===y.width&&_.height===y.height||n(),y=_,v=requestAnimationFrame(S)}(),n(),()=>{h.forEach(S=>{o&&S.removeEventListener("scroll",n),s&&S.removeEventListener("resize",n)}),m&&m(),w&&w.disconnect(),w=null,d&&cancelAnimationFrame(v)}}const _X=(e,t,n)=>{const r=new Map,o={platform:CX,...n},s={...o.platform,_c:r};return cX(e,t,{...o,platform:s})},PX=e=>{const{element:t,padding:n}=e;function r(o){return Object.prototype.hasOwnProperty.call(o,"current")}return{name:"arrow",options:e,fn(o){return r(t)?t.current!=null?c4({element:t.current,padding:n}).fn(o):{}:t?c4({element:t,padding:n}).fn(o):{}}}};var Dp=typeof document<"u"?f.useLayoutEffect:f.useEffect;function Oh(e,t){if(e===t)return!0;if(typeof e!=typeof t)return!1;if(typeof e=="function"&&e.toString()===t.toString())return!0;let n,r,o;if(e&&t&&typeof e=="object"){if(Array.isArray(e)){if(n=e.length,n!=t.length)return!1;for(r=n;r--!==0;)if(!Oh(e[r],t[r]))return!1;return!0}if(o=Object.keys(e),n=o.length,n!==Object.keys(t).length)return!1;for(r=n;r--!==0;)if(!Object.prototype.hasOwnProperty.call(t,o[r]))return!1;for(r=n;r--!==0;){const s=o[r];if(!(s==="_owner"&&e.$$typeof)&&!Oh(e[s],t[s]))return!1}return!0}return e!==e&&t!==t}function m4(e){const t=f.useRef(e);return Dp(()=>{t.current=e}),t}function jX(e){e===void 0&&(e={});const{placement:t="bottom",strategy:n="absolute",middleware:r=[],platform:o,whileElementsMounted:s,open:a}=e,[c,d]=f.useState({x:null,y:null,strategy:n,placement:t,middlewareData:{},isPositioned:!1}),[p,h]=f.useState(r);Oh(p,r)||h(r);const m=f.useRef(null),v=f.useRef(null),b=f.useRef(c),w=m4(s),y=m4(o),[S,_]=f.useState(null),[k,j]=f.useState(null),I=f.useCallback(T=>{m.current!==T&&(m.current=T,_(T))},[]),E=f.useCallback(T=>{v.current!==T&&(v.current=T,j(T))},[]),O=f.useCallback(()=>{if(!m.current||!v.current)return;const T={placement:t,strategy:n,middleware:p};y.current&&(T.platform=y.current),_X(m.current,v.current,T).then($=>{const Q={...$,isPositioned:!0};R.current&&!Oh(b.current,Q)&&(b.current=Q,_i.flushSync(()=>{d(Q)}))})},[p,t,n,y]);Dp(()=>{a===!1&&b.current.isPositioned&&(b.current.isPositioned=!1,d(T=>({...T,isPositioned:!1})))},[a]);const R=f.useRef(!1);Dp(()=>(R.current=!0,()=>{R.current=!1}),[]),Dp(()=>{if(S&&k){if(w.current)return w.current(S,k,O);O()}},[S,k,O,w]);const M=f.useMemo(()=>({reference:m,floating:v,setReference:I,setFloating:E}),[I,E]),A=f.useMemo(()=>({reference:S,floating:k}),[S,k]);return f.useMemo(()=>({...c,update:O,refs:M,elements:A,reference:I,floating:E}),[c,O,M,A,I,E])}var IX=typeof document<"u"?f.useLayoutEffect:f.useEffect;function EX(){const e=new Map;return{emit(t,n){var r;(r=e.get(t))==null||r.forEach(o=>o(n))},on(t,n){e.set(t,[...e.get(t)||[],n])},off(t,n){e.set(t,(e.get(t)||[]).filter(r=>r!==n))}}}const OX=f.createContext(null),RX=()=>f.useContext(OX);function MX(e){return(e==null?void 0:e.ownerDocument)||document}function DX(e){return MX(e).defaultView||window}function dp(e){return e?e instanceof DX(e).Element:!1}const AX=J1["useInsertionEffect".toString()],TX=AX||(e=>e());function NX(e){const t=f.useRef(()=>{});return TX(()=>{t.current=e}),f.useCallback(function(){for(var n=arguments.length,r=new Array(n),o=0;oEX())[0],[p,h]=f.useState(null),m=f.useCallback(_=>{const k=dp(_)?{getBoundingClientRect:()=>_.getBoundingClientRect(),contextElement:_}:_;o.refs.setReference(k)},[o.refs]),v=f.useCallback(_=>{(dp(_)||_===null)&&(a.current=_,h(_)),(dp(o.refs.reference.current)||o.refs.reference.current===null||_!==null&&!dp(_))&&o.refs.setReference(_)},[o.refs]),b=f.useMemo(()=>({...o.refs,setReference:v,setPositionReference:m,domReference:a}),[o.refs,v,m]),w=f.useMemo(()=>({...o.elements,domReference:p}),[o.elements,p]),y=NX(n),S=f.useMemo(()=>({...o,refs:b,elements:w,dataRef:c,nodeId:r,events:d,open:t,onOpenChange:y}),[o,r,d,t,y,b,w]);return IX(()=>{const _=s==null?void 0:s.nodesRef.current.find(k=>k.id===r);_&&(_.context=S)}),f.useMemo(()=>({...o,context:S,refs:b,reference:v,positionReference:m}),[o,b,S,v,m])}function zX({opened:e,floating:t,position:n,positionDependencies:r}){const[o,s]=f.useState(0);f.useEffect(()=>{if(t.refs.reference.current&&t.refs.floating.current)return kX(t.refs.reference.current,t.refs.floating.current,t.update)},[t.refs.reference.current,t.refs.floating.current,e,o,n]),Ps(()=>{t.update()},r),Ps(()=>{s(a=>a+1)},[e])}function LX(e){const t=[gX(e.offset)];return e.middlewares.shift&&t.push(vX({limiter:bX()})),e.middlewares.flip&&t.push(hX()),e.middlewares.inline&&t.push(mX()),t.push(PX({element:e.arrowRef,padding:e.arrowOffset})),t}function BX(e){const[t,n]=dd({value:e.opened,defaultValue:e.defaultOpened,finalValue:!1,onChange:e.onChange}),r=()=>{var a;(a=e.onClose)==null||a.call(e),n(!1)},o=()=>{var a,c;t?((a=e.onClose)==null||a.call(e),n(!1)):((c=e.onOpen)==null||c.call(e),n(!0))},s=$X({placement:e.position,middleware:[...LX(e),...e.width==="target"?[yX({apply({rects:a}){var c,d;Object.assign((d=(c=s.refs.floating.current)==null?void 0:c.style)!=null?d:{},{width:`${a.reference.width}px`})}})]:[]]});return zX({opened:e.opened,position:e.position,positionDependencies:e.positionDependencies,floating:s}),Ps(()=>{var a;(a=e.onPositionChange)==null||a.call(e,s.placement)},[s.placement]),Ps(()=>{var a,c;e.opened?(c=e.onOpen)==null||c.call(e):(a=e.onClose)==null||a.call(e)},[e.opened]),{floating:s,controlled:typeof e.opened=="boolean",opened:t,onClose:r,onToggle:o}}const FI={context:"Popover component was not found in the tree",children:"Popover.Target component children should be an element or a component that accepts ref. Fragments, strings, numbers and other primitive values are not supported"},[FX,HI]=IU(FI.context);var HX=Object.defineProperty,WX=Object.defineProperties,VX=Object.getOwnPropertyDescriptors,Rh=Object.getOwnPropertySymbols,WI=Object.prototype.hasOwnProperty,VI=Object.prototype.propertyIsEnumerable,g4=(e,t,n)=>t in e?HX(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,fp=(e,t)=>{for(var n in t||(t={}))WI.call(t,n)&&g4(e,n,t[n]);if(Rh)for(var n of Rh(t))VI.call(t,n)&&g4(e,n,t[n]);return e},UX=(e,t)=>WX(e,VX(t)),GX=(e,t)=>{var n={};for(var r in e)WI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Rh)for(var r of Rh(e))t.indexOf(r)<0&&VI.call(e,r)&&(n[r]=e[r]);return n};const qX={refProp:"ref",popupType:"dialog"},UI=f.forwardRef((e,t)=>{const n=Sr("PopoverTarget",qX,e),{children:r,refProp:o,popupType:s}=n,a=GX(n,["children","refProp","popupType"]);if(!yj(r))throw new Error(FI.children);const c=a,d=HI(),p=Hd(d.reference,r.ref,t),h=d.withRoles?{"aria-haspopup":s,"aria-expanded":d.opened,"aria-controls":d.getDropdownId(),id:d.getTargetId()}:{};return f.cloneElement(r,fp(UX(fp(fp(fp({},c),h),d.targetProps),{className:wj(d.targetProps.className,c.className,r.props.className),[o]:p}),d.controlled?null:{onClick:d.onToggle}))});UI.displayName="@mantine/core/PopoverTarget";var KX=ao((e,{radius:t,shadow:n})=>({dropdown:{position:"absolute",backgroundColor:e.white,background:e.colorScheme==="dark"?e.colors.dark[6]:e.white,border:`${Ue(1)} solid ${e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[2]}`,padding:`${e.spacing.sm} ${e.spacing.md}`,boxShadow:e.shadows[n]||n||"none",borderRadius:e.fn.radius(t),"&:focus":{outline:0}},arrow:{backgroundColor:"inherit",border:`${Ue(1)} solid ${e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[2]}`,zIndex:1}}));const XX=KX;var YX=Object.defineProperty,v4=Object.getOwnPropertySymbols,QX=Object.prototype.hasOwnProperty,JX=Object.prototype.propertyIsEnumerable,b4=(e,t,n)=>t in e?YX(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Hl=(e,t)=>{for(var n in t||(t={}))QX.call(t,n)&&b4(e,n,t[n]);if(v4)for(var n of v4(t))JX.call(t,n)&&b4(e,n,t[n]);return e};const y4={entering:"in",entered:"in",exiting:"out",exited:"out","pre-exiting":"out","pre-entering":"out"};function ZX({transition:e,state:t,duration:n,timingFunction:r}){const o={transitionDuration:`${n}ms`,transitionTimingFunction:r};return typeof e=="string"?e in op?Hl(Hl(Hl({transitionProperty:op[e].transitionProperty},o),op[e].common),op[e][y4[t]]):null:Hl(Hl(Hl({transitionProperty:e.transitionProperty},o),e.common),e[y4[t]])}function eY({duration:e,exitDuration:t,timingFunction:n,mounted:r,onEnter:o,onExit:s,onEntered:a,onExited:c}){const d=Fa(),p=Ij(),h=d.respectReducedMotion?p:!1,[m,v]=f.useState(h?0:e),[b,w]=f.useState(r?"entered":"exited"),y=f.useRef(-1),S=_=>{const k=_?o:s,j=_?a:c;w(_?"pre-entering":"pre-exiting"),window.clearTimeout(y.current);const I=h?0:_?e:t;if(v(I),I===0)typeof k=="function"&&k(),typeof j=="function"&&j(),w(_?"entered":"exited");else{const E=window.setTimeout(()=>{typeof k=="function"&&k(),w(_?"entering":"exiting")},10);y.current=window.setTimeout(()=>{window.clearTimeout(E),typeof j=="function"&&j(),w(_?"entered":"exited")},I)}};return Ps(()=>{S(r)},[r]),f.useEffect(()=>()=>window.clearTimeout(y.current),[]),{transitionDuration:m,transitionStatus:b,transitionTimingFunction:n||d.transitionTimingFunction}}function GI({keepMounted:e,transition:t,duration:n=250,exitDuration:r=n,mounted:o,children:s,timingFunction:a,onExit:c,onEntered:d,onEnter:p,onExited:h}){const{transitionDuration:m,transitionStatus:v,transitionTimingFunction:b}=eY({mounted:o,exitDuration:r,duration:n,timingFunction:a,onExit:c,onEntered:d,onEnter:p,onExited:h});return m===0?o?H.createElement(H.Fragment,null,s({})):e?s({display:"none"}):null:v==="exited"?e?s({display:"none"}):null:H.createElement(H.Fragment,null,s(ZX({transition:t,duration:m,state:v,timingFunction:b})))}GI.displayName="@mantine/core/Transition";function qI({children:e,active:t=!0,refProp:n="ref"}){const r=lG(t),o=Hd(r,e==null?void 0:e.ref);return yj(e)?f.cloneElement(e,{[n]:o}):e}qI.displayName="@mantine/core/FocusTrap";var tY=Object.defineProperty,nY=Object.defineProperties,rY=Object.getOwnPropertyDescriptors,x4=Object.getOwnPropertySymbols,oY=Object.prototype.hasOwnProperty,sY=Object.prototype.propertyIsEnumerable,w4=(e,t,n)=>t in e?tY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Za=(e,t)=>{for(var n in t||(t={}))oY.call(t,n)&&w4(e,n,t[n]);if(x4)for(var n of x4(t))sY.call(t,n)&&w4(e,n,t[n]);return e},pp=(e,t)=>nY(e,rY(t));function S4(e,t,n,r){return e==="center"||r==="center"?{top:t}:e==="end"?{bottom:n}:e==="start"?{top:n}:{}}function C4(e,t,n,r,o){return e==="center"||r==="center"?{left:t}:e==="end"?{[o==="ltr"?"right":"left"]:n}:e==="start"?{[o==="ltr"?"left":"right"]:n}:{}}const aY={bottom:"borderTopLeftRadius",left:"borderTopRightRadius",right:"borderBottomLeftRadius",top:"borderBottomRightRadius"};function iY({position:e,arrowSize:t,arrowOffset:n,arrowRadius:r,arrowPosition:o,arrowX:s,arrowY:a,dir:c}){const[d,p="center"]=e.split("-"),h={width:Ue(t),height:Ue(t),transform:"rotate(45deg)",position:"absolute",[aY[d]]:Ue(r)},m=Ue(-t/2);return d==="left"?pp(Za(Za({},h),S4(p,a,n,o)),{right:m,borderLeftColor:"transparent",borderBottomColor:"transparent"}):d==="right"?pp(Za(Za({},h),S4(p,a,n,o)),{left:m,borderRightColor:"transparent",borderTopColor:"transparent"}):d==="top"?pp(Za(Za({},h),C4(p,s,n,o,c)),{bottom:m,borderTopColor:"transparent",borderLeftColor:"transparent"}):d==="bottom"?pp(Za(Za({},h),C4(p,s,n,o,c)),{top:m,borderBottomColor:"transparent",borderRightColor:"transparent"}):{}}var lY=Object.defineProperty,cY=Object.defineProperties,uY=Object.getOwnPropertyDescriptors,Mh=Object.getOwnPropertySymbols,KI=Object.prototype.hasOwnProperty,XI=Object.prototype.propertyIsEnumerable,k4=(e,t,n)=>t in e?lY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,dY=(e,t)=>{for(var n in t||(t={}))KI.call(t,n)&&k4(e,n,t[n]);if(Mh)for(var n of Mh(t))XI.call(t,n)&&k4(e,n,t[n]);return e},fY=(e,t)=>cY(e,uY(t)),pY=(e,t)=>{var n={};for(var r in e)KI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Mh)for(var r of Mh(e))t.indexOf(r)<0&&XI.call(e,r)&&(n[r]=e[r]);return n};const YI=f.forwardRef((e,t)=>{var n=e,{position:r,arrowSize:o,arrowOffset:s,arrowRadius:a,arrowPosition:c,visible:d,arrowX:p,arrowY:h}=n,m=pY(n,["position","arrowSize","arrowOffset","arrowRadius","arrowPosition","visible","arrowX","arrowY"]);const v=Fa();return d?H.createElement("div",fY(dY({},m),{ref:t,style:iY({position:r,arrowSize:o,arrowOffset:s,arrowRadius:a,arrowPosition:c,dir:v.dir,arrowX:p,arrowY:h})})):null});YI.displayName="@mantine/core/FloatingArrow";var hY=Object.defineProperty,mY=Object.defineProperties,gY=Object.getOwnPropertyDescriptors,Dh=Object.getOwnPropertySymbols,QI=Object.prototype.hasOwnProperty,JI=Object.prototype.propertyIsEnumerable,_4=(e,t,n)=>t in e?hY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Wl=(e,t)=>{for(var n in t||(t={}))QI.call(t,n)&&_4(e,n,t[n]);if(Dh)for(var n of Dh(t))JI.call(t,n)&&_4(e,n,t[n]);return e},hp=(e,t)=>mY(e,gY(t)),vY=(e,t)=>{var n={};for(var r in e)QI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Dh)for(var r of Dh(e))t.indexOf(r)<0&&JI.call(e,r)&&(n[r]=e[r]);return n};const bY={};function ZI(e){var t;const n=Sr("PopoverDropdown",bY,e),{style:r,className:o,children:s,onKeyDownCapture:a}=n,c=vY(n,["style","className","children","onKeyDownCapture"]),d=HI(),{classes:p,cx:h}=XX({radius:d.radius,shadow:d.shadow},{name:d.__staticSelector,classNames:d.classNames,styles:d.styles,unstyled:d.unstyled,variant:d.variant}),m=tG({opened:d.opened,shouldReturnFocus:d.returnFocus}),v=d.withRoles?{"aria-labelledby":d.getTargetId(),id:d.getDropdownId(),role:"dialog"}:{};return d.disabled?null:H.createElement(Zj,hp(Wl({},d.portalProps),{withinPortal:d.withinPortal}),H.createElement(GI,hp(Wl({mounted:d.opened},d.transitionProps),{transition:d.transitionProps.transition||"fade",duration:(t=d.transitionProps.duration)!=null?t:150,keepMounted:d.keepMounted,exitDuration:typeof d.transitionProps.exitDuration=="number"?d.transitionProps.exitDuration:d.transitionProps.duration}),b=>{var w,y;return H.createElement(qI,{active:d.trapFocus},H.createElement(Io,Wl(hp(Wl({},v),{tabIndex:-1,ref:d.floating,style:hp(Wl(Wl({},r),b),{zIndex:d.zIndex,top:(w=d.y)!=null?w:0,left:(y=d.x)!=null?y:0,width:d.width==="target"?void 0:Ue(d.width)}),className:h(p.dropdown,o),onKeyDownCapture:OU(d.onClose,{active:d.closeOnEscape,onTrigger:m,onKeyDown:a}),"data-position":d.placement}),c),s,H.createElement(YI,{ref:d.arrowRef,arrowX:d.arrowX,arrowY:d.arrowY,visible:d.withArrow,position:d.placement,arrowSize:d.arrowSize,arrowRadius:d.arrowRadius,arrowOffset:d.arrowOffset,arrowPosition:d.arrowPosition,className:p.arrow})))}))}ZI.displayName="@mantine/core/PopoverDropdown";function yY(e,t){if(e==="rtl"&&(t.includes("right")||t.includes("left"))){const[n,r]=t.split("-"),o=n==="right"?"left":"right";return r===void 0?o:`${o}-${r}`}return t}var P4=Object.getOwnPropertySymbols,xY=Object.prototype.hasOwnProperty,wY=Object.prototype.propertyIsEnumerable,SY=(e,t)=>{var n={};for(var r in e)xY.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&P4)for(var r of P4(e))t.indexOf(r)<0&&wY.call(e,r)&&(n[r]=e[r]);return n};const CY={position:"bottom",offset:8,positionDependencies:[],transitionProps:{transition:"fade",duration:150},middlewares:{flip:!0,shift:!0,inline:!1},arrowSize:7,arrowOffset:5,arrowRadius:0,arrowPosition:"side",closeOnClickOutside:!0,withinPortal:!1,closeOnEscape:!0,trapFocus:!1,withRoles:!0,returnFocus:!1,clickOutsideEvents:["mousedown","touchstart"],zIndex:Py("popover"),__staticSelector:"Popover",width:"max-content"};function Gc(e){var t,n,r,o,s,a;const c=f.useRef(null),d=Sr("Popover",CY,e),{children:p,position:h,offset:m,onPositionChange:v,positionDependencies:b,opened:w,transitionProps:y,width:S,middlewares:_,withArrow:k,arrowSize:j,arrowOffset:I,arrowRadius:E,arrowPosition:O,unstyled:R,classNames:M,styles:A,closeOnClickOutside:T,withinPortal:$,portalProps:Q,closeOnEscape:B,clickOutsideEvents:V,trapFocus:q,onClose:G,onOpen:D,onChange:L,zIndex:W,radius:Y,shadow:ae,id:be,defaultOpened:ie,__staticSelector:X,withRoles:K,disabled:U,returnFocus:se,variant:re,keepMounted:oe}=d,pe=SY(d,["children","position","offset","onPositionChange","positionDependencies","opened","transitionProps","width","middlewares","withArrow","arrowSize","arrowOffset","arrowRadius","arrowPosition","unstyled","classNames","styles","closeOnClickOutside","withinPortal","portalProps","closeOnEscape","clickOutsideEvents","trapFocus","onClose","onOpen","onChange","zIndex","radius","shadow","id","defaultOpened","__staticSelector","withRoles","disabled","returnFocus","variant","keepMounted"]),[le,ge]=f.useState(null),[ke,xe]=f.useState(null),de=Iy(be),Te=Fa(),Oe=BX({middlewares:_,width:S,position:yY(Te.dir,h),offset:typeof m=="number"?m+(k?j/2:0):m,arrowRef:c,arrowOffset:I,onPositionChange:v,positionDependencies:b,opened:w,defaultOpened:ie,onChange:L,onOpen:D,onClose:G});QU(()=>Oe.opened&&T&&Oe.onClose(),V,[le,ke]);const $e=f.useCallback(ct=>{ge(ct),Oe.floating.reference(ct)},[Oe.floating.reference]),kt=f.useCallback(ct=>{xe(ct),Oe.floating.floating(ct)},[Oe.floating.floating]);return H.createElement(FX,{value:{returnFocus:se,disabled:U,controlled:Oe.controlled,reference:$e,floating:kt,x:Oe.floating.x,y:Oe.floating.y,arrowX:(r=(n=(t=Oe.floating)==null?void 0:t.middlewareData)==null?void 0:n.arrow)==null?void 0:r.x,arrowY:(a=(s=(o=Oe.floating)==null?void 0:o.middlewareData)==null?void 0:s.arrow)==null?void 0:a.y,opened:Oe.opened,arrowRef:c,transitionProps:y,width:S,withArrow:k,arrowSize:j,arrowOffset:I,arrowRadius:E,arrowPosition:O,placement:Oe.floating.placement,trapFocus:q,withinPortal:$,portalProps:Q,zIndex:W,radius:Y,shadow:ae,closeOnEscape:B,onClose:Oe.onClose,onToggle:Oe.onToggle,getTargetId:()=>`${de}-target`,getDropdownId:()=>`${de}-dropdown`,withRoles:K,targetProps:pe,__staticSelector:X,classNames:M,styles:A,unstyled:R,variant:re,keepMounted:oe}},p)}Gc.Target=UI;Gc.Dropdown=ZI;Gc.displayName="@mantine/core/Popover";var kY=Object.defineProperty,Ah=Object.getOwnPropertySymbols,eE=Object.prototype.hasOwnProperty,tE=Object.prototype.propertyIsEnumerable,j4=(e,t,n)=>t in e?kY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,_Y=(e,t)=>{for(var n in t||(t={}))eE.call(t,n)&&j4(e,n,t[n]);if(Ah)for(var n of Ah(t))tE.call(t,n)&&j4(e,n,t[n]);return e},PY=(e,t)=>{var n={};for(var r in e)eE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Ah)for(var r of Ah(e))t.indexOf(r)<0&&tE.call(e,r)&&(n[r]=e[r]);return n};function jY(e){var t=e,{children:n,component:r="div",maxHeight:o=220,direction:s="column",id:a,innerRef:c,__staticSelector:d,styles:p,classNames:h,unstyled:m}=t,v=PY(t,["children","component","maxHeight","direction","id","innerRef","__staticSelector","styles","classNames","unstyled"]);const{classes:b}=lX(null,{name:d,styles:p,classNames:h,unstyled:m});return H.createElement(Gc.Dropdown,_Y({p:0,onMouseDown:w=>w.preventDefault()},v),H.createElement("div",{style:{maxHeight:Ue(o),display:"flex"}},H.createElement(Io,{component:r||"div",id:`${a}-items`,"aria-labelledby":`${a}-label`,role:"listbox",onMouseDown:w=>w.preventDefault(),style:{flex:1,overflowY:r!==Vm?"auto":void 0},"data-combobox-popover":!0,tabIndex:-1,ref:c},H.createElement("div",{className:b.itemsWrapper,style:{flexDirection:s}},n))))}function hi({opened:e,transitionProps:t={transition:"fade",duration:0},shadow:n,withinPortal:r,portalProps:o,children:s,__staticSelector:a,onDirectionChange:c,switchDirectionOnFlip:d,zIndex:p,dropdownPosition:h,positionDependencies:m=[],classNames:v,styles:b,unstyled:w,readOnly:y,variant:S}){return H.createElement(Gc,{unstyled:w,classNames:v,styles:b,width:"target",withRoles:!1,opened:e,middlewares:{flip:h==="flip",shift:!1},position:h==="flip"?"bottom":h,positionDependencies:m,zIndex:p,__staticSelector:a,withinPortal:r,portalProps:o,transitionProps:t,shadow:n,disabled:y,onPositionChange:_=>d&&(c==null?void 0:c(_==="top"?"column-reverse":"column")),variant:S},s)}hi.Target=Gc.Target;hi.Dropdown=jY;var IY=Object.defineProperty,EY=Object.defineProperties,OY=Object.getOwnPropertyDescriptors,Th=Object.getOwnPropertySymbols,nE=Object.prototype.hasOwnProperty,rE=Object.prototype.propertyIsEnumerable,I4=(e,t,n)=>t in e?IY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,mp=(e,t)=>{for(var n in t||(t={}))nE.call(t,n)&&I4(e,n,t[n]);if(Th)for(var n of Th(t))rE.call(t,n)&&I4(e,n,t[n]);return e},RY=(e,t)=>EY(e,OY(t)),MY=(e,t)=>{var n={};for(var r in e)nE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Th)for(var r of Th(e))t.indexOf(r)<0&&rE.call(e,r)&&(n[r]=e[r]);return n};function oE(e,t,n){const r=Sr(e,t,n),{label:o,description:s,error:a,required:c,classNames:d,styles:p,className:h,unstyled:m,__staticSelector:v,sx:b,errorProps:w,labelProps:y,descriptionProps:S,wrapperProps:_,id:k,size:j,style:I,inputContainer:E,inputWrapperOrder:O,withAsterisk:R,variant:M}=r,A=MY(r,["label","description","error","required","classNames","styles","className","unstyled","__staticSelector","sx","errorProps","labelProps","descriptionProps","wrapperProps","id","size","style","inputContainer","inputWrapperOrder","withAsterisk","variant"]),T=Iy(k),{systemStyles:$,rest:Q}=Bm(A),B=mp({label:o,description:s,error:a,required:c,classNames:d,className:h,__staticSelector:v,sx:b,errorProps:w,labelProps:y,descriptionProps:S,unstyled:m,styles:p,id:T,size:j,style:I,inputContainer:E,inputWrapperOrder:O,withAsterisk:R,variant:M},_);return RY(mp({},Q),{classNames:d,styles:p,unstyled:m,wrapperProps:mp(mp({},B),$),inputProps:{required:c,classNames:d,styles:p,unstyled:m,id:T,size:j,__staticSelector:v,error:a,variant:M}})}var DY=ao((e,t,{size:n})=>({label:{display:"inline-block",fontSize:Vt({size:n,sizes:e.fontSizes}),fontWeight:500,color:e.colorScheme==="dark"?e.colors.dark[0]:e.colors.gray[9],wordBreak:"break-word",cursor:"default",WebkitTapHighlightColor:"transparent"},required:{color:e.fn.variant({variant:"filled",color:"red"}).background}}));const AY=DY;var TY=Object.defineProperty,Nh=Object.getOwnPropertySymbols,sE=Object.prototype.hasOwnProperty,aE=Object.prototype.propertyIsEnumerable,E4=(e,t,n)=>t in e?TY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,NY=(e,t)=>{for(var n in t||(t={}))sE.call(t,n)&&E4(e,n,t[n]);if(Nh)for(var n of Nh(t))aE.call(t,n)&&E4(e,n,t[n]);return e},$Y=(e,t)=>{var n={};for(var r in e)sE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Nh)for(var r of Nh(e))t.indexOf(r)<0&&aE.call(e,r)&&(n[r]=e[r]);return n};const zY={labelElement:"label",size:"sm"},$y=f.forwardRef((e,t)=>{const n=Sr("InputLabel",zY,e),{labelElement:r,children:o,required:s,size:a,classNames:c,styles:d,unstyled:p,className:h,htmlFor:m,__staticSelector:v,variant:b,onMouseDown:w}=n,y=$Y(n,["labelElement","children","required","size","classNames","styles","unstyled","className","htmlFor","__staticSelector","variant","onMouseDown"]),{classes:S,cx:_}=AY(null,{name:["InputWrapper",v],classNames:c,styles:d,unstyled:p,variant:b,size:a});return H.createElement(Io,NY({component:r,ref:t,className:_(S.label,h),htmlFor:r==="label"?m:void 0,onMouseDown:k=>{w==null||w(k),!k.defaultPrevented&&k.detail>1&&k.preventDefault()}},y),o,s&&H.createElement("span",{className:S.required,"aria-hidden":!0}," *"))});$y.displayName="@mantine/core/InputLabel";var LY=ao((e,t,{size:n})=>({error:{wordBreak:"break-word",color:e.fn.variant({variant:"filled",color:"red"}).background,fontSize:`calc(${Vt({size:n,sizes:e.fontSizes})} - ${Ue(2)})`,lineHeight:1.2,display:"block"}}));const BY=LY;var FY=Object.defineProperty,$h=Object.getOwnPropertySymbols,iE=Object.prototype.hasOwnProperty,lE=Object.prototype.propertyIsEnumerable,O4=(e,t,n)=>t in e?FY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,HY=(e,t)=>{for(var n in t||(t={}))iE.call(t,n)&&O4(e,n,t[n]);if($h)for(var n of $h(t))lE.call(t,n)&&O4(e,n,t[n]);return e},WY=(e,t)=>{var n={};for(var r in e)iE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&$h)for(var r of $h(e))t.indexOf(r)<0&&lE.call(e,r)&&(n[r]=e[r]);return n};const VY={size:"sm"},zy=f.forwardRef((e,t)=>{const n=Sr("InputError",VY,e),{children:r,className:o,classNames:s,styles:a,unstyled:c,size:d,__staticSelector:p,variant:h}=n,m=WY(n,["children","className","classNames","styles","unstyled","size","__staticSelector","variant"]),{classes:v,cx:b}=BY(null,{name:["InputWrapper",p],classNames:s,styles:a,unstyled:c,variant:h,size:d});return H.createElement(kc,HY({className:b(v.error,o),ref:t},m),r)});zy.displayName="@mantine/core/InputError";var UY=ao((e,t,{size:n})=>({description:{wordBreak:"break-word",color:e.colorScheme==="dark"?e.colors.dark[2]:e.colors.gray[6],fontSize:`calc(${Vt({size:n,sizes:e.fontSizes})} - ${Ue(2)})`,lineHeight:1.2,display:"block"}}));const GY=UY;var qY=Object.defineProperty,zh=Object.getOwnPropertySymbols,cE=Object.prototype.hasOwnProperty,uE=Object.prototype.propertyIsEnumerable,R4=(e,t,n)=>t in e?qY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,KY=(e,t)=>{for(var n in t||(t={}))cE.call(t,n)&&R4(e,n,t[n]);if(zh)for(var n of zh(t))uE.call(t,n)&&R4(e,n,t[n]);return e},XY=(e,t)=>{var n={};for(var r in e)cE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&zh)for(var r of zh(e))t.indexOf(r)<0&&uE.call(e,r)&&(n[r]=e[r]);return n};const YY={size:"sm"},Ly=f.forwardRef((e,t)=>{const n=Sr("InputDescription",YY,e),{children:r,className:o,classNames:s,styles:a,unstyled:c,size:d,__staticSelector:p,variant:h}=n,m=XY(n,["children","className","classNames","styles","unstyled","size","__staticSelector","variant"]),{classes:v,cx:b}=GY(null,{name:["InputWrapper",p],classNames:s,styles:a,unstyled:c,variant:h,size:d});return H.createElement(kc,KY({color:"dimmed",className:b(v.description,o),ref:t,unstyled:c},m),r)});Ly.displayName="@mantine/core/InputDescription";const dE=f.createContext({offsetBottom:!1,offsetTop:!1,describedBy:void 0}),QY=dE.Provider,JY=()=>f.useContext(dE);function ZY(e,{hasDescription:t,hasError:n}){const r=e.findIndex(d=>d==="input"),o=e[r-1],s=e[r+1];return{offsetBottom:t&&s==="description"||n&&s==="error",offsetTop:t&&o==="description"||n&&o==="error"}}var eQ=Object.defineProperty,tQ=Object.defineProperties,nQ=Object.getOwnPropertyDescriptors,M4=Object.getOwnPropertySymbols,rQ=Object.prototype.hasOwnProperty,oQ=Object.prototype.propertyIsEnumerable,D4=(e,t,n)=>t in e?eQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,sQ=(e,t)=>{for(var n in t||(t={}))rQ.call(t,n)&&D4(e,n,t[n]);if(M4)for(var n of M4(t))oQ.call(t,n)&&D4(e,n,t[n]);return e},aQ=(e,t)=>tQ(e,nQ(t)),iQ=ao(e=>({root:aQ(sQ({},e.fn.fontStyles()),{lineHeight:e.lineHeight})}));const lQ=iQ;var cQ=Object.defineProperty,uQ=Object.defineProperties,dQ=Object.getOwnPropertyDescriptors,Lh=Object.getOwnPropertySymbols,fE=Object.prototype.hasOwnProperty,pE=Object.prototype.propertyIsEnumerable,A4=(e,t,n)=>t in e?cQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,ei=(e,t)=>{for(var n in t||(t={}))fE.call(t,n)&&A4(e,n,t[n]);if(Lh)for(var n of Lh(t))pE.call(t,n)&&A4(e,n,t[n]);return e},T4=(e,t)=>uQ(e,dQ(t)),fQ=(e,t)=>{var n={};for(var r in e)fE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Lh)for(var r of Lh(e))t.indexOf(r)<0&&pE.call(e,r)&&(n[r]=e[r]);return n};const pQ={labelElement:"label",size:"sm",inputContainer:e=>e,inputWrapperOrder:["label","description","input","error"]},hE=f.forwardRef((e,t)=>{const n=Sr("InputWrapper",pQ,e),{className:r,label:o,children:s,required:a,id:c,error:d,description:p,labelElement:h,labelProps:m,descriptionProps:v,errorProps:b,classNames:w,styles:y,size:S,inputContainer:_,__staticSelector:k,unstyled:j,inputWrapperOrder:I,withAsterisk:E,variant:O}=n,R=fQ(n,["className","label","children","required","id","error","description","labelElement","labelProps","descriptionProps","errorProps","classNames","styles","size","inputContainer","__staticSelector","unstyled","inputWrapperOrder","withAsterisk","variant"]),{classes:M,cx:A}=lQ(null,{classNames:w,styles:y,name:["InputWrapper",k],unstyled:j,variant:O,size:S}),T={classNames:w,styles:y,unstyled:j,size:S,variant:O,__staticSelector:k},$=typeof E=="boolean"?E:a,Q=c?`${c}-error`:b==null?void 0:b.id,B=c?`${c}-description`:v==null?void 0:v.id,q=`${!!d&&typeof d!="boolean"?Q:""} ${p?B:""}`,G=q.trim().length>0?q.trim():void 0,D=o&&H.createElement($y,ei(ei({key:"label",labelElement:h,id:c?`${c}-label`:void 0,htmlFor:c,required:$},T),m),o),L=p&&H.createElement(Ly,T4(ei(ei({key:"description"},v),T),{size:(v==null?void 0:v.size)||T.size,id:(v==null?void 0:v.id)||B}),p),W=H.createElement(f.Fragment,{key:"input"},_(s)),Y=typeof d!="boolean"&&d&&H.createElement(zy,T4(ei(ei({},b),T),{size:(b==null?void 0:b.size)||T.size,key:"error",id:(b==null?void 0:b.id)||Q}),d),ae=I.map(be=>{switch(be){case"label":return D;case"input":return W;case"description":return L;case"error":return Y;default:return null}});return H.createElement(QY,{value:ei({describedBy:G},ZY(I,{hasDescription:!!L,hasError:!!Y}))},H.createElement(Io,ei({className:A(M.root,r),ref:t},R),ae))});hE.displayName="@mantine/core/InputWrapper";var hQ=Object.defineProperty,Bh=Object.getOwnPropertySymbols,mE=Object.prototype.hasOwnProperty,gE=Object.prototype.propertyIsEnumerable,N4=(e,t,n)=>t in e?hQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,mQ=(e,t)=>{for(var n in t||(t={}))mE.call(t,n)&&N4(e,n,t[n]);if(Bh)for(var n of Bh(t))gE.call(t,n)&&N4(e,n,t[n]);return e},gQ=(e,t)=>{var n={};for(var r in e)mE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Bh)for(var r of Bh(e))t.indexOf(r)<0&&gE.call(e,r)&&(n[r]=e[r]);return n};const vQ={},vE=f.forwardRef((e,t)=>{const n=Sr("InputPlaceholder",vQ,e),{sx:r}=n,o=gQ(n,["sx"]);return H.createElement(Io,mQ({component:"span",sx:[s=>s.fn.placeholderStyles(),...vj(r)],ref:t},o))});vE.displayName="@mantine/core/InputPlaceholder";var bQ=Object.defineProperty,yQ=Object.defineProperties,xQ=Object.getOwnPropertyDescriptors,$4=Object.getOwnPropertySymbols,wQ=Object.prototype.hasOwnProperty,SQ=Object.prototype.propertyIsEnumerable,z4=(e,t,n)=>t in e?bQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,gp=(e,t)=>{for(var n in t||(t={}))wQ.call(t,n)&&z4(e,n,t[n]);if($4)for(var n of $4(t))SQ.call(t,n)&&z4(e,n,t[n]);return e},sv=(e,t)=>yQ(e,xQ(t));const Yo={xs:Ue(30),sm:Ue(36),md:Ue(42),lg:Ue(50),xl:Ue(60)},CQ=["default","filled","unstyled"];function kQ({theme:e,variant:t}){return CQ.includes(t)?t==="default"?{border:`${Ue(1)} solid ${e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[4]}`,backgroundColor:e.colorScheme==="dark"?e.colors.dark[6]:e.white,transition:"border-color 100ms ease","&:focus, &:focus-within":e.focusRingStyles.inputStyles(e)}:t==="filled"?{border:`${Ue(1)} solid transparent`,backgroundColor:e.colorScheme==="dark"?e.colors.dark[5]:e.colors.gray[1],"&:focus, &:focus-within":e.focusRingStyles.inputStyles(e)}:{borderWidth:0,color:e.colorScheme==="dark"?e.colors.dark[0]:e.black,backgroundColor:"transparent",minHeight:Ue(28),outline:0,"&:focus, &:focus-within":{outline:"none",borderColor:"transparent"},"&:disabled":{backgroundColor:"transparent","&:focus, &:focus-within":{outline:"none",borderColor:"transparent"}}}:null}var _Q=ao((e,{multiline:t,radius:n,invalid:r,rightSectionWidth:o,withRightSection:s,iconWidth:a,offsetBottom:c,offsetTop:d,pointer:p},{variant:h,size:m})=>{const v=e.fn.variant({variant:"filled",color:"red"}).background,b=h==="default"||h==="filled"?{minHeight:Vt({size:m,sizes:Yo}),paddingLeft:`calc(${Vt({size:m,sizes:Yo})} / 3)`,paddingRight:s?o||Vt({size:m,sizes:Yo}):`calc(${Vt({size:m,sizes:Yo})} / 3)`,borderRadius:e.fn.radius(n)}:h==="unstyled"&&s?{paddingRight:o||Vt({size:m,sizes:Yo})}:null;return{wrapper:{position:"relative",marginTop:d?`calc(${e.spacing.xs} / 2)`:void 0,marginBottom:c?`calc(${e.spacing.xs} / 2)`:void 0,"&:has(input:disabled)":{"& .mantine-Input-rightSection":{display:"none"}}},input:sv(gp(gp(sv(gp({},e.fn.fontStyles()),{height:t?h==="unstyled"?void 0:"auto":Vt({size:m,sizes:Yo}),WebkitTapHighlightColor:"transparent",lineHeight:t?e.lineHeight:`calc(${Vt({size:m,sizes:Yo})} - ${Ue(2)})`,appearance:"none",resize:"none",boxSizing:"border-box",fontSize:Vt({size:m,sizes:e.fontSizes}),width:"100%",color:e.colorScheme==="dark"?e.colors.dark[0]:e.black,display:"block",textAlign:"left",cursor:p?"pointer":void 0}),kQ({theme:e,variant:h})),b),{"&:disabled, &[data-disabled]":{backgroundColor:e.colorScheme==="dark"?e.colors.dark[6]:e.colors.gray[1],color:e.colors.dark[2],opacity:.6,cursor:"not-allowed",pointerEvents:"none","&::placeholder":{color:e.colors.dark[2]}},"&[data-invalid]":{color:v,borderColor:v,"&::placeholder":{opacity:1,color:v}},"&[data-with-icon]":{paddingLeft:typeof a=="number"?Ue(a):Vt({size:m,sizes:Yo})},"&::placeholder":sv(gp({},e.fn.placeholderStyles()),{opacity:1}),"&::-webkit-inner-spin-button, &::-webkit-outer-spin-button, &::-webkit-search-decoration, &::-webkit-search-cancel-button, &::-webkit-search-results-button, &::-webkit-search-results-decoration":{appearance:"none"},"&[type=number]":{MozAppearance:"textfield"}}),icon:{pointerEvents:"none",position:"absolute",zIndex:1,left:0,top:0,bottom:0,display:"flex",alignItems:"center",justifyContent:"center",width:a?Ue(a):Vt({size:m,sizes:Yo}),color:r?e.colors.red[e.colorScheme==="dark"?6:7]:e.colorScheme==="dark"?e.colors.dark[2]:e.colors.gray[5]},rightSection:{position:"absolute",top:0,bottom:0,right:0,display:"flex",alignItems:"center",justifyContent:"center",width:o||Vt({size:m,sizes:Yo})}}});const PQ=_Q;var jQ=Object.defineProperty,IQ=Object.defineProperties,EQ=Object.getOwnPropertyDescriptors,Fh=Object.getOwnPropertySymbols,bE=Object.prototype.hasOwnProperty,yE=Object.prototype.propertyIsEnumerable,L4=(e,t,n)=>t in e?jQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,vp=(e,t)=>{for(var n in t||(t={}))bE.call(t,n)&&L4(e,n,t[n]);if(Fh)for(var n of Fh(t))yE.call(t,n)&&L4(e,n,t[n]);return e},B4=(e,t)=>IQ(e,EQ(t)),OQ=(e,t)=>{var n={};for(var r in e)bE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Fh)for(var r of Fh(e))t.indexOf(r)<0&&yE.call(e,r)&&(n[r]=e[r]);return n};const RQ={size:"sm",variant:"default"},yl=f.forwardRef((e,t)=>{const n=Sr("Input",RQ,e),{className:r,error:o,required:s,disabled:a,variant:c,icon:d,style:p,rightSectionWidth:h,iconWidth:m,rightSection:v,rightSectionProps:b,radius:w,size:y,wrapperProps:S,classNames:_,styles:k,__staticSelector:j,multiline:I,sx:E,unstyled:O,pointer:R}=n,M=OQ(n,["className","error","required","disabled","variant","icon","style","rightSectionWidth","iconWidth","rightSection","rightSectionProps","radius","size","wrapperProps","classNames","styles","__staticSelector","multiline","sx","unstyled","pointer"]),{offsetBottom:A,offsetTop:T,describedBy:$}=JY(),{classes:Q,cx:B}=PQ({radius:w,multiline:I,invalid:!!o,rightSectionWidth:h?Ue(h):void 0,iconWidth:m,withRightSection:!!v,offsetBottom:A,offsetTop:T,pointer:R},{classNames:_,styles:k,name:["Input",j],unstyled:O,variant:c,size:y}),{systemStyles:V,rest:q}=Bm(M);return H.createElement(Io,vp(vp({className:B(Q.wrapper,r),sx:E,style:p},V),S),d&&H.createElement("div",{className:Q.icon},d),H.createElement(Io,B4(vp({component:"input"},q),{ref:t,required:s,"aria-invalid":!!o,"aria-describedby":$,disabled:a,"data-disabled":a||void 0,"data-with-icon":!!d||void 0,"data-invalid":!!o||void 0,className:Q.input})),v&&H.createElement("div",B4(vp({},b),{className:Q.rightSection}),v))});yl.displayName="@mantine/core/Input";yl.Wrapper=hE;yl.Label=$y;yl.Description=Ly;yl.Error=zy;yl.Placeholder=vE;const Ic=yl;var MQ=Object.defineProperty,Hh=Object.getOwnPropertySymbols,xE=Object.prototype.hasOwnProperty,wE=Object.prototype.propertyIsEnumerable,F4=(e,t,n)=>t in e?MQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,H4=(e,t)=>{for(var n in t||(t={}))xE.call(t,n)&&F4(e,n,t[n]);if(Hh)for(var n of Hh(t))wE.call(t,n)&&F4(e,n,t[n]);return e},DQ=(e,t)=>{var n={};for(var r in e)xE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Hh)for(var r of Hh(e))t.indexOf(r)<0&&wE.call(e,r)&&(n[r]=e[r]);return n};const AQ={multiple:!1},SE=f.forwardRef((e,t)=>{const n=Sr("FileButton",AQ,e),{onChange:r,children:o,multiple:s,accept:a,name:c,form:d,resetRef:p,disabled:h,capture:m,inputProps:v}=n,b=DQ(n,["onChange","children","multiple","accept","name","form","resetRef","disabled","capture","inputProps"]),w=f.useRef(),y=()=>{!h&&w.current.click()},S=k=>{r(s?Array.from(k.currentTarget.files):k.currentTarget.files[0]||null)};return jj(p,()=>{w.current.value=""}),H.createElement(H.Fragment,null,o(H4({onClick:y},b)),H.createElement("input",H4({style:{display:"none"},type:"file",accept:a,multiple:s,onChange:S,ref:Hd(t,w),name:c,form:d,capture:m},v)))});SE.displayName="@mantine/core/FileButton";const CE={xs:Ue(16),sm:Ue(22),md:Ue(26),lg:Ue(30),xl:Ue(36)},TQ={xs:Ue(10),sm:Ue(12),md:Ue(14),lg:Ue(16),xl:Ue(18)};var NQ=ao((e,{disabled:t,radius:n,readOnly:r},{size:o,variant:s})=>({defaultValue:{display:"flex",alignItems:"center",backgroundColor:t?e.colorScheme==="dark"?e.colors.dark[5]:e.colors.gray[3]:e.colorScheme==="dark"?e.colors.dark[7]:s==="filled"?e.white:e.colors.gray[1],color:t?e.colorScheme==="dark"?e.colors.dark[1]:e.colors.gray[7]:e.colorScheme==="dark"?e.colors.dark[0]:e.colors.gray[7],height:Vt({size:o,sizes:CE}),paddingLeft:`calc(${Vt({size:o,sizes:e.spacing})} / 1.5)`,paddingRight:t||r?Vt({size:o,sizes:e.spacing}):0,fontWeight:500,fontSize:Vt({size:o,sizes:TQ}),borderRadius:Vt({size:n,sizes:e.radius}),cursor:t?"not-allowed":"default",userSelect:"none",maxWidth:`calc(100% - ${Ue(10)})`},defaultValueRemove:{color:e.colorScheme==="dark"?e.colors.dark[0]:e.colors.gray[7],marginLeft:`calc(${Vt({size:o,sizes:e.spacing})} / 6)`},defaultValueLabel:{display:"block",overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"}}));const $Q=NQ;var zQ=Object.defineProperty,Wh=Object.getOwnPropertySymbols,kE=Object.prototype.hasOwnProperty,_E=Object.prototype.propertyIsEnumerable,W4=(e,t,n)=>t in e?zQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,LQ=(e,t)=>{for(var n in t||(t={}))kE.call(t,n)&&W4(e,n,t[n]);if(Wh)for(var n of Wh(t))_E.call(t,n)&&W4(e,n,t[n]);return e},BQ=(e,t)=>{var n={};for(var r in e)kE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Wh)for(var r of Wh(e))t.indexOf(r)<0&&_E.call(e,r)&&(n[r]=e[r]);return n};const FQ={xs:16,sm:22,md:24,lg:26,xl:30};function PE(e){var t=e,{label:n,classNames:r,styles:o,className:s,onRemove:a,disabled:c,readOnly:d,size:p,radius:h="sm",variant:m,unstyled:v}=t,b=BQ(t,["label","classNames","styles","className","onRemove","disabled","readOnly","size","radius","variant","unstyled"]);const{classes:w,cx:y}=$Q({disabled:c,readOnly:d,radius:h},{name:"MultiSelect",classNames:r,styles:o,unstyled:v,size:p,variant:m});return H.createElement("div",LQ({className:y(w.defaultValue,s)},b),H.createElement("span",{className:w.defaultValueLabel},n),!c&&!d&&H.createElement(aI,{"aria-hidden":!0,onMouseDown:a,size:FQ[p],radius:2,color:"blue",variant:"transparent",iconSize:"70%",className:w.defaultValueRemove,tabIndex:-1,unstyled:v}))}PE.displayName="@mantine/core/MultiSelect/DefaultValue";function HQ({data:e,searchable:t,limit:n,searchValue:r,filter:o,value:s,disableSelectedItemFiltering:a}){if(!t&&s.length===0)return e;if(!t){const d=[];for(let p=0;ph===e[p].value&&!e[p].disabled))&&d.push(e[p]);return d}const c=[];for(let d=0;dp===e[d].value&&!e[d].disabled),e[d])&&c.push(e[d]),!(c.length>=n));d+=1);return c}var WQ=Object.defineProperty,Vh=Object.getOwnPropertySymbols,jE=Object.prototype.hasOwnProperty,IE=Object.prototype.propertyIsEnumerable,V4=(e,t,n)=>t in e?WQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,U4=(e,t)=>{for(var n in t||(t={}))jE.call(t,n)&&V4(e,n,t[n]);if(Vh)for(var n of Vh(t))IE.call(t,n)&&V4(e,n,t[n]);return e},VQ=(e,t)=>{var n={};for(var r in e)jE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Vh)for(var r of Vh(e))t.indexOf(r)<0&&IE.call(e,r)&&(n[r]=e[r]);return n};const UQ={xs:Ue(14),sm:Ue(18),md:Ue(20),lg:Ue(24),xl:Ue(28)};function GQ(e){var t=e,{size:n,error:r,style:o}=t,s=VQ(t,["size","error","style"]);const a=Fa(),c=Vt({size:n,sizes:UQ});return H.createElement("svg",U4({viewBox:"0 0 15 15",fill:"none",xmlns:"http://www.w3.org/2000/svg",style:U4({color:r?a.colors.red[6]:a.colors.gray[6],width:c,height:c},o),"data-chevron":!0},s),H.createElement("path",{d:"M4.93179 5.43179C4.75605 5.60753 4.75605 5.89245 4.93179 6.06819C5.10753 6.24392 5.39245 6.24392 5.56819 6.06819L7.49999 4.13638L9.43179 6.06819C9.60753 6.24392 9.89245 6.24392 10.0682 6.06819C10.2439 5.89245 10.2439 5.60753 10.0682 5.43179L7.81819 3.18179C7.73379 3.0974 7.61933 3.04999 7.49999 3.04999C7.38064 3.04999 7.26618 3.0974 7.18179 3.18179L4.93179 5.43179ZM10.0682 9.56819C10.2439 9.39245 10.2439 9.10753 10.0682 8.93179C9.89245 8.75606 9.60753 8.75606 9.43179 8.93179L7.49999 10.8636L5.56819 8.93179C5.39245 8.75606 5.10753 8.75606 4.93179 8.93179C4.75605 9.10753 4.75605 9.39245 4.93179 9.56819L7.18179 11.8182C7.35753 11.9939 7.64245 11.9939 7.81819 11.8182L10.0682 9.56819Z",fill:"currentColor",fillRule:"evenodd",clipRule:"evenodd"}))}var qQ=Object.defineProperty,KQ=Object.defineProperties,XQ=Object.getOwnPropertyDescriptors,G4=Object.getOwnPropertySymbols,YQ=Object.prototype.hasOwnProperty,QQ=Object.prototype.propertyIsEnumerable,q4=(e,t,n)=>t in e?qQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,JQ=(e,t)=>{for(var n in t||(t={}))YQ.call(t,n)&&q4(e,n,t[n]);if(G4)for(var n of G4(t))QQ.call(t,n)&&q4(e,n,t[n]);return e},ZQ=(e,t)=>KQ(e,XQ(t));function EE({shouldClear:e,clearButtonProps:t,onClear:n,size:r,error:o}){return e?H.createElement(aI,ZQ(JQ({},t),{variant:"transparent",onClick:n,size:r,onMouseDown:s=>s.preventDefault()})):H.createElement(GQ,{error:o,size:r})}EE.displayName="@mantine/core/SelectRightSection";var eJ=Object.defineProperty,tJ=Object.defineProperties,nJ=Object.getOwnPropertyDescriptors,Uh=Object.getOwnPropertySymbols,OE=Object.prototype.hasOwnProperty,RE=Object.prototype.propertyIsEnumerable,K4=(e,t,n)=>t in e?eJ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,av=(e,t)=>{for(var n in t||(t={}))OE.call(t,n)&&K4(e,n,t[n]);if(Uh)for(var n of Uh(t))RE.call(t,n)&&K4(e,n,t[n]);return e},X4=(e,t)=>tJ(e,nJ(t)),rJ=(e,t)=>{var n={};for(var r in e)OE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Uh)for(var r of Uh(e))t.indexOf(r)<0&&RE.call(e,r)&&(n[r]=e[r]);return n};function ME(e){var t=e,{styles:n,rightSection:r,rightSectionWidth:o,theme:s}=t,a=rJ(t,["styles","rightSection","rightSectionWidth","theme"]);if(r)return{rightSection:r,rightSectionWidth:o,styles:n};const c=typeof n=="function"?n(s):n;return{rightSection:!a.readOnly&&!(a.disabled&&a.shouldClear)&&H.createElement(EE,av({},a)),styles:X4(av({},c),{rightSection:X4(av({},c==null?void 0:c.rightSection),{pointerEvents:a.shouldClear?void 0:"none"})})}}var oJ=Object.defineProperty,sJ=Object.defineProperties,aJ=Object.getOwnPropertyDescriptors,Y4=Object.getOwnPropertySymbols,iJ=Object.prototype.hasOwnProperty,lJ=Object.prototype.propertyIsEnumerable,Q4=(e,t,n)=>t in e?oJ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,cJ=(e,t)=>{for(var n in t||(t={}))iJ.call(t,n)&&Q4(e,n,t[n]);if(Y4)for(var n of Y4(t))lJ.call(t,n)&&Q4(e,n,t[n]);return e},uJ=(e,t)=>sJ(e,aJ(t)),dJ=ao((e,{invalid:t},{size:n})=>({wrapper:{position:"relative","&:has(input:disabled)":{cursor:"not-allowed",pointerEvents:"none","& .mantine-MultiSelect-input":{backgroundColor:e.colorScheme==="dark"?e.colors.dark[6]:e.colors.gray[1],color:e.colors.dark[2],opacity:.6,"&::placeholder":{color:e.colors.dark[2]}},"& .mantine-MultiSelect-defaultValue":{backgroundColor:e.colorScheme==="dark"?e.colors.dark[5]:e.colors.gray[3],color:e.colorScheme==="dark"?e.colors.dark[1]:e.colors.gray[7]}}},values:{minHeight:`calc(${Vt({size:n,sizes:Yo})} - ${Ue(2)})`,display:"flex",alignItems:"center",flexWrap:"wrap",marginLeft:`calc(-${e.spacing.xs} / 2)`,boxSizing:"border-box","&[data-clearable]":{marginRight:Vt({size:n,sizes:Yo})}},value:{margin:`calc(${e.spacing.xs} / 2 - ${Ue(2)}) calc(${e.spacing.xs} / 2)`},searchInput:uJ(cJ({},e.fn.fontStyles()),{flex:1,minWidth:Ue(60),backgroundColor:"transparent",border:0,outline:0,fontSize:Vt({size:n,sizes:e.fontSizes}),padding:0,marginLeft:`calc(${e.spacing.xs} / 2)`,appearance:"none",color:"inherit",maxHeight:Vt({size:n,sizes:CE}),"&::placeholder":{opacity:1,color:t?e.colors.red[e.fn.primaryShade()]:e.colorScheme==="dark"?e.colors.dark[3]:e.colors.gray[5]},"&:disabled":{cursor:"not-allowed",pointerEvents:"none"}}),searchInputEmpty:{width:"100%"},searchInputInputHidden:{flex:0,width:0,minWidth:0,margin:0,overflow:"hidden"},searchInputPointer:{cursor:"pointer","&:disabled":{cursor:"not-allowed",pointerEvents:"none"}},input:{cursor:"pointer","&:disabled":{cursor:"not-allowed",pointerEvents:"none"}}}));const fJ=dJ;var pJ=Object.defineProperty,hJ=Object.defineProperties,mJ=Object.getOwnPropertyDescriptors,Gh=Object.getOwnPropertySymbols,DE=Object.prototype.hasOwnProperty,AE=Object.prototype.propertyIsEnumerable,J4=(e,t,n)=>t in e?pJ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Vl=(e,t)=>{for(var n in t||(t={}))DE.call(t,n)&&J4(e,n,t[n]);if(Gh)for(var n of Gh(t))AE.call(t,n)&&J4(e,n,t[n]);return e},Z4=(e,t)=>hJ(e,mJ(t)),gJ=(e,t)=>{var n={};for(var r in e)DE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Gh)for(var r of Gh(e))t.indexOf(r)<0&&AE.call(e,r)&&(n[r]=e[r]);return n};function vJ(e,t,n){return t?!1:n.label.toLowerCase().trim().includes(e.toLowerCase().trim())}function bJ(e,t){return!!e&&!t.some(n=>n.value.toLowerCase()===e.toLowerCase())}function ek(e,t){if(!Array.isArray(e))return;if(t.length===0)return[];const n=t.map(r=>typeof r=="object"?r.value:r);return e.filter(r=>n.includes(r))}const yJ={size:"sm",valueComponent:PE,itemComponent:Oy,transitionProps:{transition:"fade",duration:0},maxDropdownHeight:220,shadow:"sm",searchable:!1,filter:vJ,limit:1/0,clearSearchOnChange:!0,clearable:!1,clearSearchOnBlur:!1,disabled:!1,initiallyOpened:!1,creatable:!1,shouldCreate:bJ,switchDirectionOnFlip:!1,zIndex:Py("popover"),selectOnBlur:!1,positionDependencies:[],dropdownPosition:"flip"},TE=f.forwardRef((e,t)=>{const n=Sr("MultiSelect",yJ,e),{className:r,style:o,required:s,label:a,description:c,size:d,error:p,classNames:h,styles:m,wrapperProps:v,value:b,defaultValue:w,data:y,onChange:S,valueComponent:_,itemComponent:k,id:j,transitionProps:I,maxDropdownHeight:E,shadow:O,nothingFound:R,onFocus:M,onBlur:A,searchable:T,placeholder:$,filter:Q,limit:B,clearSearchOnChange:V,clearable:q,clearSearchOnBlur:G,variant:D,onSearchChange:L,searchValue:W,disabled:Y,initiallyOpened:ae,radius:be,icon:ie,rightSection:X,rightSectionWidth:K,creatable:U,getCreateLabel:se,shouldCreate:re,onCreate:oe,sx:pe,dropdownComponent:le,onDropdownClose:ge,onDropdownOpen:ke,maxSelectedValues:xe,withinPortal:de,portalProps:Te,switchDirectionOnFlip:Oe,zIndex:$e,selectOnBlur:kt,name:ct,dropdownPosition:on,errorProps:vt,labelProps:bt,descriptionProps:Se,form:Me,positionDependencies:Pt,onKeyDown:Tt,unstyled:we,inputContainer:ht,inputWrapperOrder:$t,readOnly:zt,withAsterisk:ze,clearButtonProps:Ke,hoverOnSearchChange:Pn,disableSelectedItemFiltering:Pe}=n,Ze=gJ(n,["className","style","required","label","description","size","error","classNames","styles","wrapperProps","value","defaultValue","data","onChange","valueComponent","itemComponent","id","transitionProps","maxDropdownHeight","shadow","nothingFound","onFocus","onBlur","searchable","placeholder","filter","limit","clearSearchOnChange","clearable","clearSearchOnBlur","variant","onSearchChange","searchValue","disabled","initiallyOpened","radius","icon","rightSection","rightSectionWidth","creatable","getCreateLabel","shouldCreate","onCreate","sx","dropdownComponent","onDropdownClose","onDropdownOpen","maxSelectedValues","withinPortal","portalProps","switchDirectionOnFlip","zIndex","selectOnBlur","name","dropdownPosition","errorProps","labelProps","descriptionProps","form","positionDependencies","onKeyDown","unstyled","inputContainer","inputWrapperOrder","readOnly","withAsterisk","clearButtonProps","hoverOnSearchChange","disableSelectedItemFiltering"]),{classes:Qe,cx:dt,theme:Lt}=fJ({invalid:!!p},{name:"MultiSelect",classNames:h,styles:m,unstyled:we,size:d,variant:D}),{systemStyles:cr,rest:pn}=Bm(Ze),ln=f.useRef(),Hr=f.useRef({}),yr=Iy(j),[Fn,Hn]=f.useState(ae),[Wn,Nr]=f.useState(-1),[Mo,Wr]=f.useState("column"),[Vr,fs]=dd({value:W,defaultValue:"",finalValue:void 0,onChange:L}),[$r,$s]=f.useState(!1),{scrollIntoView:ps,targetRef:da,scrollableRef:zs}=Ej({duration:0,offset:5,cancelable:!1,isList:!0}),J=U&&typeof se=="function";let ee=null;const he=y.map(Be=>typeof Be=="string"?{label:Be,value:Be}:Be),_e=bj({data:he}),[me,ut]=dd({value:ek(b,y),defaultValue:ek(w,y),finalValue:[],onChange:S}),st=f.useRef(!!xe&&xe{if(!zt){const yt=me.filter(Mt=>Mt!==Be);ut(yt),xe&&yt.length{fs(Be.currentTarget.value),!Y&&!st.current&&T&&Hn(!0)},xt=Be=>{typeof M=="function"&&M(Be),!Y&&!st.current&&T&&Hn(!0)},He=HQ({data:_e,searchable:T,searchValue:Vr,limit:B,filter:Q,value:me,disableSelectedItemFiltering:Pe});J&&re(Vr,_e)&&(ee=se(Vr),He.push({label:Vr,value:Vr,creatable:!0}));const Ce=Math.min(Wn,He.length-1),Je=(Be,yt,Mt)=>{let Wt=Be;for(;Mt(Wt);)if(Wt=yt(Wt),!He[Wt].disabled)return Wt;return Be};Ps(()=>{Nr(Pn&&Vr?0:-1)},[Vr,Pn]),Ps(()=>{!Y&&me.length>y.length&&Hn(!1),xe&&me.length=xe&&(st.current=!0,Hn(!1))},[me]);const jt=Be=>{if(!zt)if(V&&fs(""),me.includes(Be.value))Ht(Be.value);else{if(Be.creatable&&typeof oe=="function"){const yt=oe(Be.value);typeof yt<"u"&&yt!==null&&ut(typeof yt=="string"?[...me,yt]:[...me,yt.value])}else ut([...me,Be.value]);me.length===xe-1&&(st.current=!0,Hn(!1)),He.length===1&&Hn(!1)}},Et=Be=>{typeof A=="function"&&A(Be),kt&&He[Ce]&&Fn&&jt(He[Ce]),G&&fs(""),Hn(!1)},Nt=Be=>{if($r||(Tt==null||Tt(Be),zt)||Be.key!=="Backspace"&&xe&&st.current)return;const yt=Mo==="column",Mt=()=>{Nr(jn=>{var Gt;const un=Je(jn,sn=>sn+1,sn=>sn{Nr(jn=>{var Gt;const un=Je(jn,sn=>sn-1,sn=>sn>0);return Fn&&(da.current=Hr.current[(Gt=He[un])==null?void 0:Gt.value],ps({alignment:yt?"start":"end"})),un})};switch(Be.key){case"ArrowUp":{Be.preventDefault(),Hn(!0),yt?Wt():Mt();break}case"ArrowDown":{Be.preventDefault(),Hn(!0),yt?Mt():Wt();break}case"Enter":{Be.preventDefault(),He[Ce]&&Fn?jt(He[Ce]):Hn(!0);break}case" ":{T||(Be.preventDefault(),He[Ce]&&Fn?jt(He[Ce]):Hn(!0));break}case"Backspace":{me.length>0&&Vr.length===0&&(ut(me.slice(0,-1)),Hn(!0),xe&&(st.current=!1));break}case"Home":{if(!T){Be.preventDefault(),Fn||Hn(!0);const jn=He.findIndex(Gt=>!Gt.disabled);Nr(jn),ps({alignment:yt?"end":"start"})}break}case"End":{if(!T){Be.preventDefault(),Fn||Hn(!0);const jn=He.map(Gt=>!!Gt.disabled).lastIndexOf(!1);Nr(jn),ps({alignment:yt?"end":"start"})}break}case"Escape":Hn(!1)}},qt=me.map(Be=>{let yt=_e.find(Mt=>Mt.value===Be&&!Mt.disabled);return!yt&&J&&(yt={value:Be,label:Be}),yt}).filter(Be=>!!Be).map((Be,yt)=>H.createElement(_,Z4(Vl({},Be),{variant:D,disabled:Y,className:Qe.value,readOnly:zt,onRemove:Mt=>{Mt.preventDefault(),Mt.stopPropagation(),Ht(Be.value)},key:Be.value,size:d,styles:m,classNames:h,radius:be,index:yt}))),tn=Be=>me.includes(Be),en=()=>{var Be;fs(""),ut([]),(Be=ln.current)==null||Be.focus(),xe&&(st.current=!1)},Ut=!zt&&(He.length>0?Fn:Fn&&!!R);return Ps(()=>{const Be=Ut?ke:ge;typeof Be=="function"&&Be()},[Ut]),H.createElement(Ic.Wrapper,Vl(Vl({required:s,id:yr,label:a,error:p,description:c,size:d,className:r,style:o,classNames:h,styles:m,__staticSelector:"MultiSelect",sx:pe,errorProps:vt,descriptionProps:Se,labelProps:bt,inputContainer:ht,inputWrapperOrder:$t,unstyled:we,withAsterisk:ze,variant:D},cr),v),H.createElement(hi,{opened:Ut,transitionProps:I,shadow:"sm",withinPortal:de,portalProps:Te,__staticSelector:"MultiSelect",onDirectionChange:Wr,switchDirectionOnFlip:Oe,zIndex:$e,dropdownPosition:on,positionDependencies:[...Pt,Vr],classNames:h,styles:m,unstyled:we,variant:D},H.createElement(hi.Target,null,H.createElement("div",{className:Qe.wrapper,role:"combobox","aria-haspopup":"listbox","aria-owns":Fn&&Ut?`${yr}-items`:null,"aria-controls":yr,"aria-expanded":Fn,onMouseLeave:()=>Nr(-1),tabIndex:-1},H.createElement("input",{type:"hidden",name:ct,value:me.join(","),form:Me,disabled:Y}),H.createElement(Ic,Vl({__staticSelector:"MultiSelect",style:{overflow:"hidden"},component:"div",multiline:!0,size:d,variant:D,disabled:Y,error:p,required:s,radius:be,icon:ie,unstyled:we,onMouseDown:Be=>{var yt;Be.preventDefault(),!Y&&!st.current&&Hn(!Fn),(yt=ln.current)==null||yt.focus()},classNames:Z4(Vl({},h),{input:dt({[Qe.input]:!T},h==null?void 0:h.input)})},ME({theme:Lt,rightSection:X,rightSectionWidth:K,styles:m,size:d,shouldClear:q&&me.length>0,onClear:en,error:p,disabled:Y,clearButtonProps:Ke,readOnly:zt})),H.createElement("div",{className:Qe.values,"data-clearable":q||void 0},qt,H.createElement("input",Vl({ref:Hd(t,ln),type:"search",id:yr,className:dt(Qe.searchInput,{[Qe.searchInputPointer]:!T,[Qe.searchInputInputHidden]:!Fn&&me.length>0||!T&&me.length>0,[Qe.searchInputEmpty]:me.length===0}),onKeyDown:Nt,value:Vr,onChange:ft,onFocus:xt,onBlur:Et,readOnly:!T||st.current||zt,placeholder:me.length===0?$:void 0,disabled:Y,"data-mantine-stop-propagation":Fn,autoComplete:"off",onCompositionStart:()=>$s(!0),onCompositionEnd:()=>$s(!1)},pn)))))),H.createElement(hi.Dropdown,{component:le||Vm,maxHeight:E,direction:Mo,id:yr,innerRef:zs,__staticSelector:"MultiSelect",classNames:h,styles:m},H.createElement(Ey,{data:He,hovered:Ce,classNames:h,styles:m,uuid:yr,__staticSelector:"MultiSelect",onItemHover:Nr,onItemSelect:jt,itemsRefs:Hr,itemComponent:k,size:d,nothingFound:R,isItemSelected:tn,creatable:U&&!!ee,createLabel:ee,unstyled:we,variant:D}))))});TE.displayName="@mantine/core/MultiSelect";var xJ=Object.defineProperty,wJ=Object.defineProperties,SJ=Object.getOwnPropertyDescriptors,qh=Object.getOwnPropertySymbols,NE=Object.prototype.hasOwnProperty,$E=Object.prototype.propertyIsEnumerable,tk=(e,t,n)=>t in e?xJ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,iv=(e,t)=>{for(var n in t||(t={}))NE.call(t,n)&&tk(e,n,t[n]);if(qh)for(var n of qh(t))$E.call(t,n)&&tk(e,n,t[n]);return e},CJ=(e,t)=>wJ(e,SJ(t)),kJ=(e,t)=>{var n={};for(var r in e)NE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&qh)for(var r of qh(e))t.indexOf(r)<0&&$E.call(e,r)&&(n[r]=e[r]);return n};const _J={type:"text",size:"sm",__staticSelector:"TextInput"},zE=f.forwardRef((e,t)=>{const n=oE("TextInput",_J,e),{inputProps:r,wrapperProps:o}=n,s=kJ(n,["inputProps","wrapperProps"]);return H.createElement(Ic.Wrapper,iv({},o),H.createElement(Ic,CJ(iv(iv({},r),s),{ref:t})))});zE.displayName="@mantine/core/TextInput";function PJ({data:e,searchable:t,limit:n,searchValue:r,filter:o,value:s,filterDataOnExactSearchMatch:a}){if(!t)return e;const c=s!=null&&e.find(p=>p.value===s)||null;if(c&&!a&&(c==null?void 0:c.label)===r){if(n){if(n>=e.length)return e;const p=e.indexOf(c),h=p+n,m=h-e.length;return m>0?e.slice(p-m):e.slice(p,h)}return e}const d=[];for(let p=0;p=n));p+=1);return d}var jJ=ao(()=>({input:{"&:not(:disabled)":{cursor:"pointer","&::selection":{backgroundColor:"transparent"}}}}));const IJ=jJ;var EJ=Object.defineProperty,OJ=Object.defineProperties,RJ=Object.getOwnPropertyDescriptors,Kh=Object.getOwnPropertySymbols,LE=Object.prototype.hasOwnProperty,BE=Object.prototype.propertyIsEnumerable,nk=(e,t,n)=>t in e?EJ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,xu=(e,t)=>{for(var n in t||(t={}))LE.call(t,n)&&nk(e,n,t[n]);if(Kh)for(var n of Kh(t))BE.call(t,n)&&nk(e,n,t[n]);return e},lv=(e,t)=>OJ(e,RJ(t)),MJ=(e,t)=>{var n={};for(var r in e)LE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Kh)for(var r of Kh(e))t.indexOf(r)<0&&BE.call(e,r)&&(n[r]=e[r]);return n};function DJ(e,t){return t.label.toLowerCase().trim().includes(e.toLowerCase().trim())}function AJ(e,t){return!!e&&!t.some(n=>n.label.toLowerCase()===e.toLowerCase())}const TJ={required:!1,size:"sm",shadow:"sm",itemComponent:Oy,transitionProps:{transition:"fade",duration:0},initiallyOpened:!1,filter:DJ,maxDropdownHeight:220,searchable:!1,clearable:!1,limit:1/0,disabled:!1,creatable:!1,shouldCreate:AJ,selectOnBlur:!1,switchDirectionOnFlip:!1,filterDataOnExactSearchMatch:!1,zIndex:Py("popover"),positionDependencies:[],dropdownPosition:"flip"},By=f.forwardRef((e,t)=>{const n=oE("Select",TJ,e),{inputProps:r,wrapperProps:o,shadow:s,data:a,value:c,defaultValue:d,onChange:p,itemComponent:h,onKeyDown:m,onBlur:v,onFocus:b,transitionProps:w,initiallyOpened:y,unstyled:S,classNames:_,styles:k,filter:j,maxDropdownHeight:I,searchable:E,clearable:O,nothingFound:R,limit:M,disabled:A,onSearchChange:T,searchValue:$,rightSection:Q,rightSectionWidth:B,creatable:V,getCreateLabel:q,shouldCreate:G,selectOnBlur:D,onCreate:L,dropdownComponent:W,onDropdownClose:Y,onDropdownOpen:ae,withinPortal:be,portalProps:ie,switchDirectionOnFlip:X,zIndex:K,name:U,dropdownPosition:se,allowDeselect:re,placeholder:oe,filterDataOnExactSearchMatch:pe,form:le,positionDependencies:ge,readOnly:ke,clearButtonProps:xe,hoverOnSearchChange:de}=n,Te=MJ(n,["inputProps","wrapperProps","shadow","data","value","defaultValue","onChange","itemComponent","onKeyDown","onBlur","onFocus","transitionProps","initiallyOpened","unstyled","classNames","styles","filter","maxDropdownHeight","searchable","clearable","nothingFound","limit","disabled","onSearchChange","searchValue","rightSection","rightSectionWidth","creatable","getCreateLabel","shouldCreate","selectOnBlur","onCreate","dropdownComponent","onDropdownClose","onDropdownOpen","withinPortal","portalProps","switchDirectionOnFlip","zIndex","name","dropdownPosition","allowDeselect","placeholder","filterDataOnExactSearchMatch","form","positionDependencies","readOnly","clearButtonProps","hoverOnSearchChange"]),{classes:Oe,cx:$e,theme:kt}=IJ(),[ct,on]=f.useState(y),[vt,bt]=f.useState(-1),Se=f.useRef(),Me=f.useRef({}),[Pt,Tt]=f.useState("column"),we=Pt==="column",{scrollIntoView:ht,targetRef:$t,scrollableRef:zt}=Ej({duration:0,offset:5,cancelable:!1,isList:!0}),ze=re===void 0?O:re,Ke=ee=>{if(ct!==ee){on(ee);const he=ee?ae:Y;typeof he=="function"&&he()}},Pn=V&&typeof q=="function";let Pe=null;const Ze=a.map(ee=>typeof ee=="string"?{label:ee,value:ee}:ee),Qe=bj({data:Ze}),[dt,Lt,cr]=dd({value:c,defaultValue:d,finalValue:null,onChange:p}),pn=Qe.find(ee=>ee.value===dt),[ln,Hr]=dd({value:$,defaultValue:(pn==null?void 0:pn.label)||"",finalValue:void 0,onChange:T}),yr=ee=>{Hr(ee),E&&typeof T=="function"&&T(ee)},Fn=()=>{var ee;ke||(Lt(null),cr||yr(""),(ee=Se.current)==null||ee.focus())};f.useEffect(()=>{const ee=Qe.find(he=>he.value===dt);ee?yr(ee.label):(!Pn||!dt)&&yr("")},[dt]),f.useEffect(()=>{pn&&(!E||!ct)&&yr(pn.label)},[pn==null?void 0:pn.label]);const Hn=ee=>{if(!ke)if(ze&&(pn==null?void 0:pn.value)===ee.value)Lt(null),Ke(!1);else{if(ee.creatable&&typeof L=="function"){const he=L(ee.value);typeof he<"u"&&he!==null&&Lt(typeof he=="string"?he:he.value)}else Lt(ee.value);cr||yr(ee.label),bt(-1),Ke(!1),Se.current.focus()}},Wn=PJ({data:Qe,searchable:E,limit:M,searchValue:ln,filter:j,filterDataOnExactSearchMatch:pe,value:dt});Pn&&G(ln,Wn)&&(Pe=q(ln),Wn.push({label:ln,value:ln,creatable:!0}));const Nr=(ee,he,_e)=>{let me=ee;for(;_e(me);)if(me=he(me),!Wn[me].disabled)return me;return ee};Ps(()=>{bt(de&&ln?0:-1)},[ln,de]);const Mo=dt?Wn.findIndex(ee=>ee.value===dt):0,Wr=!ke&&(Wn.length>0?ct:ct&&!!R),Vr=()=>{bt(ee=>{var he;const _e=Nr(ee,me=>me-1,me=>me>0);return $t.current=Me.current[(he=Wn[_e])==null?void 0:he.value],Wr&&ht({alignment:we?"start":"end"}),_e})},fs=()=>{bt(ee=>{var he;const _e=Nr(ee,me=>me+1,me=>mewindow.setTimeout(()=>{var ee;$t.current=Me.current[(ee=Wn[Mo])==null?void 0:ee.value],ht({alignment:we?"end":"start"})},50);Ps(()=>{Wr&&$r()},[Wr]);const $s=ee=>{switch(typeof m=="function"&&m(ee),ee.key){case"ArrowUp":{ee.preventDefault(),ct?we?Vr():fs():(bt(Mo),Ke(!0),$r());break}case"ArrowDown":{ee.preventDefault(),ct?we?fs():Vr():(bt(Mo),Ke(!0),$r());break}case"Home":{if(!E){ee.preventDefault(),ct||Ke(!0);const he=Wn.findIndex(_e=>!_e.disabled);bt(he),Wr&&ht({alignment:we?"end":"start"})}break}case"End":{if(!E){ee.preventDefault(),ct||Ke(!0);const he=Wn.map(_e=>!!_e.disabled).lastIndexOf(!1);bt(he),Wr&&ht({alignment:we?"end":"start"})}break}case"Escape":{ee.preventDefault(),Ke(!1),bt(-1);break}case" ":{E||(ee.preventDefault(),Wn[vt]&&ct?Hn(Wn[vt]):(Ke(!0),bt(Mo),$r()));break}case"Enter":E||ee.preventDefault(),Wn[vt]&&ct&&(ee.preventDefault(),Hn(Wn[vt]))}},ps=ee=>{typeof v=="function"&&v(ee);const he=Qe.find(_e=>_e.value===dt);D&&Wn[vt]&&ct&&Hn(Wn[vt]),yr((he==null?void 0:he.label)||""),Ke(!1)},da=ee=>{typeof b=="function"&&b(ee),E&&Ke(!0)},zs=ee=>{ke||(yr(ee.currentTarget.value),O&&ee.currentTarget.value===""&&Lt(null),bt(-1),Ke(!0))},J=()=>{ke||(Ke(!ct),dt&&!ct&&bt(Mo))};return H.createElement(Ic.Wrapper,lv(xu({},o),{__staticSelector:"Select"}),H.createElement(hi,{opened:Wr,transitionProps:w,shadow:s,withinPortal:be,portalProps:ie,__staticSelector:"Select",onDirectionChange:Tt,switchDirectionOnFlip:X,zIndex:K,dropdownPosition:se,positionDependencies:[...ge,ln],classNames:_,styles:k,unstyled:S,variant:r.variant},H.createElement(hi.Target,null,H.createElement("div",{role:"combobox","aria-haspopup":"listbox","aria-owns":Wr?`${r.id}-items`:null,"aria-controls":r.id,"aria-expanded":Wr,onMouseLeave:()=>bt(-1),tabIndex:-1},H.createElement("input",{type:"hidden",name:U,value:dt||"",form:le,disabled:A}),H.createElement(Ic,xu(lv(xu(xu({autoComplete:"off",type:"search"},r),Te),{ref:Hd(t,Se),onKeyDown:$s,__staticSelector:"Select",value:ln,placeholder:oe,onChange:zs,"aria-autocomplete":"list","aria-controls":Wr?`${r.id}-items`:null,"aria-activedescendant":vt>=0?`${r.id}-${vt}`:null,onMouseDown:J,onBlur:ps,onFocus:da,readOnly:!E||ke,disabled:A,"data-mantine-stop-propagation":Wr,name:null,classNames:lv(xu({},_),{input:$e({[Oe.input]:!E},_==null?void 0:_.input)})}),ME({theme:kt,rightSection:Q,rightSectionWidth:B,styles:k,size:r.size,shouldClear:O&&!!pn,onClear:Fn,error:o.error,clearButtonProps:xe,disabled:A,readOnly:ke}))))),H.createElement(hi.Dropdown,{component:W||Vm,maxHeight:I,direction:Pt,id:r.id,innerRef:zt,__staticSelector:"Select",classNames:_,styles:k},H.createElement(Ey,{data:Wn,hovered:vt,classNames:_,styles:k,isItemSelected:ee=>ee===dt,uuid:r.id,__staticSelector:"Select",onItemHover:bt,onItemSelect:Hn,itemsRefs:Me,itemComponent:h,size:r.size,nothingFound:R,creatable:Pn&&!!Pe,createLabel:Pe,"aria-label":o.label,unstyled:S,variant:r.variant}))))});By.displayName="@mantine/core/Select";const Fy=()=>{const[e,t,n,r,o,s,a,c,d,p,h,m,v,b,w,y,S,_,k,j,I,E,O,R,M,A,T,$,Q,B,V,q,G,D,L,W,Y,ae]=Tc("colors",["base.50","base.100","base.150","base.200","base.250","base.300","base.350","base.400","base.450","base.500","base.550","base.600","base.650","base.700","base.750","base.800","base.850","base.900","base.950","accent.50","accent.100","accent.150","accent.200","accent.250","accent.300","accent.350","accent.400","accent.450","accent.500","accent.550","accent.600","accent.650","accent.700","accent.750","accent.800","accent.850","accent.900","accent.950"]);return{base50:e,base100:t,base150:n,base200:r,base250:o,base300:s,base350:a,base400:c,base450:d,base500:p,base550:h,base600:m,base650:v,base700:b,base750:w,base800:y,base850:S,base900:_,base950:k,accent50:j,accent100:I,accent150:E,accent200:O,accent250:R,accent300:M,accent350:A,accent400:T,accent450:$,accent500:Q,accent550:B,accent600:V,accent650:q,accent700:G,accent750:D,accent800:L,accent850:W,accent900:Y,accent950:ae}},FE=()=>{const{base50:e,base100:t,base200:n,base300:r,base400:o,base500:s,base600:a,base700:c,base800:d,base900:p,accent200:h,accent300:m,accent400:v,accent500:b,accent600:w}=Fy(),{colorMode:y}=Ds(),[S]=Tc("shadows",["dark-lg"]);return f.useCallback(()=>({label:{color:Fe(c,r)(y)},separatorLabel:{color:Fe(s,s)(y),"::after":{borderTopColor:Fe(r,c)(y)}},input:{backgroundColor:Fe(e,p)(y),borderWidth:"2px",borderColor:Fe(n,d)(y),color:Fe(p,t)(y),paddingRight:24,fontWeight:600,"&:hover":{borderColor:Fe(r,a)(y)},"&:focus":{borderColor:Fe(m,w)(y)},"&:is(:focus, :hover)":{borderColor:Fe(o,s)(y)},"&:focus-within":{borderColor:Fe(h,w)(y)},"&[data-disabled]":{backgroundColor:Fe(r,c)(y),color:Fe(a,o)(y),cursor:"not-allowed"}},value:{backgroundColor:Fe(t,p)(y),color:Fe(p,t)(y),button:{color:Fe(p,t)(y)},"&:hover":{backgroundColor:Fe(r,c)(y),cursor:"pointer"}},dropdown:{backgroundColor:Fe(n,d)(y),borderColor:Fe(n,d)(y),boxShadow:S},item:{backgroundColor:Fe(n,d)(y),color:Fe(d,n)(y),padding:6,"&[data-hovered]":{color:Fe(p,t)(y),backgroundColor:Fe(r,c)(y)},"&[data-active]":{backgroundColor:Fe(r,c)(y),"&:hover":{color:Fe(p,t)(y),backgroundColor:Fe(r,c)(y)}},"&[data-selected]":{backgroundColor:Fe(v,w)(y),color:Fe(e,t)(y),fontWeight:600,"&:hover":{backgroundColor:Fe(b,b)(y),color:Fe("white",e)(y)}},"&[data-disabled]":{color:Fe(s,a)(y),cursor:"not-allowed"}},rightSection:{width:32,button:{color:Fe(p,t)(y)}}}),[h,m,v,b,w,t,n,r,o,e,s,a,c,d,p,S,y])},NJ=e=>{const{searchable:t=!0,tooltip:n,inputRef:r,onChange:o,label:s,disabled:a,...c}=e,d=te(),[p,h]=f.useState(""),m=f.useCallback(y=>{y.shiftKey&&d(jo(!0))},[d]),v=f.useCallback(y=>{y.shiftKey||d(jo(!1))},[d]),b=f.useCallback(y=>{h(""),o&&o(y)},[o]),w=FE();return i.jsx(wn,{label:n,placement:"top",hasArrow:!0,children:i.jsx(By,{ref:r,label:s?i.jsx(go,{isDisabled:a,children:i.jsx(Lo,{children:s})}):void 0,disabled:a,searchValue:p,onSearchChange:h,onChange:b,onKeyDown:m,onKeyUp:v,searchable:t,maxDropdownHeight:300,styles:w,...c})})},ar=f.memo(NJ),HE=f.forwardRef(({label:e,tooltip:t,description:n,disabled:r,...o},s)=>i.jsx(wn,{label:t,placement:"top",hasArrow:!0,openDelay:500,children:i.jsx(Ee,{ref:s,...o,children:i.jsxs(Ee,{children:[i.jsx(kc,{children:e}),n&&i.jsx(kc,{size:"xs",color:"base.600",children:n})]})})}));HE.displayName="IAIMantineSelectItemWithTooltip";const Ri=f.memo(HE),$J=fe([Ye],({gallery:e})=>{const{autoAddBoardId:t}=e;return{autoAddBoardId:t}},Ge),zJ=()=>{const e=te(),{autoAddBoardId:t}=z($J),n=f.useRef(null),{boards:r,hasBoards:o}=am(void 0,{selectFromResult:({data:a})=>{const c=[{label:"None",value:"none"}];return a==null||a.forEach(({board_id:d,board_name:p})=>{c.push({label:p,value:d})}),{boards:c,hasBoards:c.length>1}}}),s=f.useCallback(a=>{a&&e(N_(a==="none"?void 0:a))},[e]);return i.jsx(ar,{label:"Auto-Add Board",inputRef:n,autoFocus:!0,placeholder:"Select a Board",value:t,data:r,nothingFound:"No matching Boards",itemComponent:Ri,disabled:!o,filter:(a,c)=>{var d;return((d=c.label)==null?void 0:d.toLowerCase().includes(a.toLowerCase().trim()))||c.value.toLowerCase().includes(a.toLowerCase().trim())},onChange:s})},LJ=fe([Ye],e=>{const{galleryImageMinimumWidth:t,shouldAutoSwitch:n}=e.gallery;return{galleryImageMinimumWidth:t,shouldAutoSwitch:n}},Ge),BJ=()=>{const e=te(),{t}=ye(),{galleryImageMinimumWidth:n,shouldAutoSwitch:r}=z(LJ),o=s=>{e(Np(s))};return i.jsx(vl,{triggerComponent:i.jsx(Le,{tooltip:t("gallery.gallerySettings"),"aria-label":t("gallery.gallerySettings"),size:"sm",icon:i.jsx(sy,{})}),children:i.jsxs(F,{direction:"column",gap:4,children:[i.jsx(_t,{value:n,onChange:o,min:32,max:256,hideTooltip:!0,label:t("gallery.galleryImageSize"),withReset:!0,handleReset:()=>e(Np(64))}),i.jsx(Gn,{label:t("gallery.autoSwitchNewImages"),isChecked:r,onChange:s=>e(Y7(s.target.checked))}),i.jsx(zJ,{})]})})},FJ=e=>e.image?i.jsx(km,{sx:{w:`${e.image.width}px`,h:"auto",objectFit:"contain",aspectRatio:`${e.image.width}/${e.image.height}`}}):i.jsx(F,{sx:{opacity:.7,w:"full",h:"full",alignItems:"center",justifyContent:"center",borderRadius:"base",bg:"base.200",_dark:{bg:"base.900"}},children:i.jsx(pl,{size:"xl"})}),mi=e=>{const{icon:t=ll,boxSize:n=16}=e;return i.jsxs(F,{sx:{w:"full",h:"full",alignItems:"center",justifyContent:"center",borderRadius:"base",flexDir:"column",gap:2,userSelect:"none",opacity:.7,color:"base.700",_dark:{color:"base.500"},...e.sx},children:[i.jsx(no,{as:t,boxSize:n,opacity:.7}),e.label&&i.jsx(qe,{textAlign:"center",children:e.label})]})},qm=0,Mi=1,qc=2,WE=4;function HJ(e,t){return n=>e(t(n))}function WJ(e,t){return t(e)}function VE(e,t){return n=>e(t,n)}function rk(e,t){return()=>e(t)}function Hy(e,t){return t(e),e}function xl(...e){return e}function VJ(e){e()}function ok(e){return()=>e}function UJ(...e){return()=>{e.map(VJ)}}function Km(){}function ho(e,t){return e(Mi,t)}function Ar(e,t){e(qm,t)}function Wy(e){e(qc)}function Xm(e){return e(WE)}function Un(e,t){return ho(e,VE(t,qm))}function sk(e,t){const n=e(Mi,r=>{n(),t(r)});return n}function wr(){const e=[];return(t,n)=>{switch(t){case qc:e.splice(0,e.length);return;case Mi:return e.push(n),()=>{const r=e.indexOf(n);r>-1&&e.splice(r,1)};case qm:e.slice().forEach(r=>{r(n)});return;default:throw new Error(`unrecognized action ${t}`)}}}function Kt(e){let t=e;const n=wr();return(r,o)=>{switch(r){case Mi:o(t);break;case qm:t=o;break;case WE:return t}return n(r,o)}}function GJ(e){let t,n;const r=()=>t&&t();return function(o,s){switch(o){case Mi:return s?n===s?void 0:(r(),n=s,t=ho(e,s),t):(r(),Km);case qc:r(),n=null;return;default:throw new Error(`unrecognized action ${o}`)}}}function Uu(e){return Hy(wr(),t=>Un(e,t))}function mc(e,t){return Hy(Kt(t),n=>Un(e,n))}function qJ(...e){return t=>e.reduceRight(WJ,t)}function Xt(e,...t){const n=qJ(...t);return(r,o)=>{switch(r){case Mi:return ho(e,n(o));case qc:Wy(e);return}}}function UE(e,t){return e===t}function Co(e=UE){let t;return n=>r=>{e(t,r)||(t=r,n(r))}}function Kr(e){return t=>n=>{e(n)&&t(n)}}function nr(e){return t=>HJ(t,e)}function ai(e){return t=>()=>t(e)}function bp(e,t){return n=>r=>n(t=e(t,r))}function R1(e){return t=>n=>{e>0?e--:t(n)}}function Du(e){let t=null,n;return r=>o=>{t=o,!n&&(n=setTimeout(()=>{n=void 0,r(t)},e))}}function ak(e){let t,n;return r=>o=>{t=o,n&&clearTimeout(n),n=setTimeout(()=>{r(t)},e)}}function Xs(...e){const t=new Array(e.length);let n=0,r=null;const o=Math.pow(2,e.length)-1;return e.forEach((s,a)=>{const c=Math.pow(2,a);ho(s,d=>{const p=n;n=n|c,t[a]=d,p!==o&&n===o&&r&&(r(),r=null)})}),s=>a=>{const c=()=>s([a].concat(t));n===o?c():r=c}}function ik(...e){return function(t,n){switch(t){case Mi:return UJ(...e.map(r=>ho(r,n)));case qc:return;default:throw new Error(`unrecognized action ${t}`)}}}function xn(e,t=UE){return Xt(e,Co(t))}function Sa(...e){const t=wr(),n=new Array(e.length);let r=0;const o=Math.pow(2,e.length)-1;return e.forEach((s,a)=>{const c=Math.pow(2,a);ho(s,d=>{n[a]=d,r=r|c,r===o&&Ar(t,n)})}),function(s,a){switch(s){case Mi:return r===o&&a(n),ho(t,a);case qc:return Wy(t);default:throw new Error(`unrecognized action ${s}`)}}}function ua(e,t=[],{singleton:n}={singleton:!0}){return{id:KJ(),constructor:e,dependencies:t,singleton:n}}const KJ=()=>Symbol();function XJ(e){const t=new Map,n=({id:r,constructor:o,dependencies:s,singleton:a})=>{if(a&&t.has(r))return t.get(r);const c=o(s.map(d=>n(d)));return a&&t.set(r,c),c};return n(e)}function YJ(e,t){const n={},r={};let o=0;const s=e.length;for(;o(S[_]=k=>{const j=y[t.methods[_]];Ar(j,k)},S),{})}function h(y){return a.reduce((S,_)=>(S[_]=GJ(y[t.events[_]]),S),{})}return{Component:H.forwardRef((y,S)=>{const{children:_,...k}=y,[j]=H.useState(()=>Hy(XJ(e),E=>d(E,k))),[I]=H.useState(rk(h,j));return yp(()=>{for(const E of a)E in k&&ho(I[E],k[E]);return()=>{Object.values(I).map(Wy)}},[k,I,j]),yp(()=>{d(j,k)}),H.useImperativeHandle(S,ok(p(j))),H.createElement(c.Provider,{value:j},n?H.createElement(n,YJ([...r,...o,...a],k),_):_)}),usePublisher:y=>H.useCallback(VE(Ar,H.useContext(c)[y]),[y]),useEmitterValue:y=>{const _=H.useContext(c)[y],[k,j]=H.useState(rk(Xm,_));return yp(()=>ho(_,I=>{I!==k&&j(ok(I))}),[_,k]),k},useEmitter:(y,S)=>{const k=H.useContext(c)[y];yp(()=>ho(k,S),[S,k])}}}const JJ=typeof document<"u"?H.useLayoutEffect:H.useEffect,ZJ=JJ;var Vy=(e=>(e[e.DEBUG=0]="DEBUG",e[e.INFO=1]="INFO",e[e.WARN=2]="WARN",e[e.ERROR=3]="ERROR",e))(Vy||{});const eZ={0:"debug",1:"log",2:"warn",3:"error"},tZ=()=>typeof globalThis>"u"?window:globalThis,GE=ua(()=>{const e=Kt(3);return{log:Kt((n,r,o=1)=>{var s;const a=(s=tZ().VIRTUOSO_LOG_LEVEL)!=null?s:Xm(e);o>=a&&console[eZ[o]]("%creact-virtuoso: %c%s %o","color: #0253b3; font-weight: bold","color: initial",n,r)}),logLevel:e}},[],{singleton:!0});function qE(e,t=!0){const n=H.useRef(null);let r=o=>{};if(typeof ResizeObserver<"u"){const o=H.useMemo(()=>new ResizeObserver(s=>{const a=s[0].target;a.offsetParent!==null&&e(a)}),[e]);r=s=>{s&&t?(o.observe(s),n.current=s):(n.current&&o.unobserve(n.current),n.current=null)}}return{ref:n,callbackRef:r}}function Ym(e,t=!0){return qE(e,t).callbackRef}function Xh(e,t){return Math.round(e.getBoundingClientRect()[t])}function KE(e,t){return Math.abs(e-t)<1.01}function XE(e,t,n,r=Km,o){const s=H.useRef(null),a=H.useRef(null),c=H.useRef(null),d=H.useCallback(m=>{const v=m.target,b=v===window||v===document,w=b?window.pageYOffset||document.documentElement.scrollTop:v.scrollTop,y=b?document.documentElement.scrollHeight:v.scrollHeight,S=b?window.innerHeight:v.offsetHeight,_=()=>{e({scrollTop:Math.max(w,0),scrollHeight:y,viewportHeight:S})};m.suppressFlushSync?_():Q7.flushSync(_),a.current!==null&&(w===a.current||w<=0||w===y-S)&&(a.current=null,t(!0),c.current&&(clearTimeout(c.current),c.current=null))},[e,t]);H.useEffect(()=>{const m=o||s.current;return r(o||s.current),d({target:m,suppressFlushSync:!0}),m.addEventListener("scroll",d,{passive:!0}),()=>{r(null),m.removeEventListener("scroll",d)}},[s,d,n,r,o]);function p(m){const v=s.current;if(!v||"offsetHeight"in v&&v.offsetHeight===0)return;const b=m.behavior==="smooth";let w,y,S;v===window?(y=Math.max(Xh(document.documentElement,"height"),document.documentElement.scrollHeight),w=window.innerHeight,S=document.documentElement.scrollTop):(y=v.scrollHeight,w=Xh(v,"height"),S=v.scrollTop);const _=y-w;if(m.top=Math.ceil(Math.max(Math.min(_,m.top),0)),KE(w,y)||m.top===S){e({scrollTop:S,scrollHeight:y,viewportHeight:w}),b&&t(!0);return}b?(a.current=m.top,c.current&&clearTimeout(c.current),c.current=setTimeout(()=>{c.current=null,a.current=null,t(!0)},1e3)):a.current=null,v.scrollTo(m)}function h(m){s.current.scrollBy(m)}return{scrollerRef:s,scrollByCallback:h,scrollToCallback:p}}const Qm=ua(()=>{const e=wr(),t=wr(),n=Kt(0),r=wr(),o=Kt(0),s=wr(),a=wr(),c=Kt(0),d=Kt(0),p=Kt(0),h=Kt(0),m=wr(),v=wr(),b=Kt(!1);return Un(Xt(e,nr(({scrollTop:w})=>w)),t),Un(Xt(e,nr(({scrollHeight:w})=>w)),a),Un(t,o),{scrollContainerState:e,scrollTop:t,viewportHeight:s,headerHeight:c,fixedHeaderHeight:d,fixedFooterHeight:p,footerHeight:h,scrollHeight:a,smoothScrollTargetReached:r,scrollTo:m,scrollBy:v,statefulScrollTop:o,deviation:n,scrollingInProgress:b}},[],{singleton:!0}),nZ=typeof document<"u"&&"scrollBehavior"in document.documentElement.style;function rZ(e){const t=typeof e=="number"?{index:e}:e;return t.align||(t.align="start"),(!t.behavior||!nZ)&&(t.behavior="auto"),t.offset||(t.offset=0),t}const Yh="up",Gu="down",oZ="none",sZ={atBottom:!1,notAtBottomBecause:"NOT_SHOWING_LAST_ITEM",state:{offsetBottom:0,scrollTop:0,viewportHeight:0,scrollHeight:0}},aZ=0,YE=ua(([{scrollContainerState:e,scrollTop:t,viewportHeight:n,headerHeight:r,footerHeight:o,scrollBy:s}])=>{const a=Kt(!1),c=Kt(!0),d=wr(),p=wr(),h=Kt(4),m=Kt(aZ),v=mc(Xt(ik(Xt(xn(t),R1(1),ai(!0)),Xt(xn(t),R1(1),ai(!1),ak(100))),Co()),!1),b=mc(Xt(ik(Xt(s,ai(!0)),Xt(s,ai(!1),ak(200))),Co()),!1);Un(Xt(Sa(xn(t),xn(m)),nr(([k,j])=>k<=j),Co()),c),Un(Xt(c,Du(50)),p);const w=Uu(Xt(Sa(e,xn(n),xn(r),xn(o),xn(h)),bp((k,[{scrollTop:j,scrollHeight:I},E,O,R,M])=>{const A=j+E-I>-M,T={viewportHeight:E,scrollTop:j,scrollHeight:I};if(A){let Q,B;return j>k.state.scrollTop?(Q="SCROLLED_DOWN",B=k.state.scrollTop-j):(Q="SIZE_DECREASED",B=k.state.scrollTop-j||k.scrollTopDelta),{atBottom:!0,state:T,atBottomBecause:Q,scrollTopDelta:B}}let $;return T.scrollHeight>k.state.scrollHeight?$="SIZE_INCREASED":Ek&&k.atBottom===j.atBottom))),y=mc(Xt(e,bp((k,{scrollTop:j,scrollHeight:I,viewportHeight:E})=>{if(KE(k.scrollHeight,I))return{scrollTop:j,scrollHeight:I,jump:0,changed:!1};{const O=I-(j+E)<1;return k.scrollTop!==j&&O?{scrollHeight:I,scrollTop:j,jump:k.scrollTop-j,changed:!0}:{scrollHeight:I,scrollTop:j,jump:0,changed:!0}}},{scrollHeight:0,jump:0,scrollTop:0,changed:!1}),Kr(k=>k.changed),nr(k=>k.jump)),0);Un(Xt(w,nr(k=>k.atBottom)),a),Un(Xt(a,Du(50)),d);const S=Kt(Gu);Un(Xt(e,nr(({scrollTop:k})=>k),Co(),bp((k,j)=>Xm(b)?{direction:k.direction,prevScrollTop:j}:{direction:jk.direction)),S),Un(Xt(e,Du(50),ai(oZ)),S);const _=Kt(0);return Un(Xt(v,Kr(k=>!k),ai(0)),_),Un(Xt(t,Du(100),Xs(v),Kr(([k,j])=>!!j),bp(([k,j],[I])=>[j,I],[0,0]),nr(([k,j])=>j-k)),_),{isScrolling:v,isAtTop:c,isAtBottom:a,atBottomState:w,atTopStateChange:p,atBottomStateChange:d,scrollDirection:S,atBottomThreshold:h,atTopThreshold:m,scrollVelocity:_,lastJumpDueToItemResize:y}},xl(Qm)),iZ=ua(([{log:e}])=>{const t=Kt(!1),n=Uu(Xt(t,Kr(r=>r),Co()));return ho(t,r=>{r&&Xm(e)("props updated",{},Vy.DEBUG)}),{propsReady:t,didMount:n}},xl(GE),{singleton:!0});function QE(e,t){e==0?t():requestAnimationFrame(()=>QE(e-1,t))}function lZ(e,t){const n=t-1;return typeof e=="number"?e:e.index==="LAST"?n:e.index}function M1(e,t){return!!(e&&e[0]===t[0]&&e[1]===t[1])}function cZ(e,t){return!!(e&&e.startIndex===t.startIndex&&e.endIndex===t.endIndex)}const Qh="top",Jh="bottom",lk="none";function ck(e,t,n){return typeof e=="number"?n===Yh&&t===Qh||n===Gu&&t===Jh?e:0:n===Yh?t===Qh?e.main:e.reverse:t===Jh?e.main:e.reverse}function uk(e,t){return typeof e=="number"?e:e[t]||0}const uZ=ua(([{scrollTop:e,viewportHeight:t,deviation:n,headerHeight:r,fixedHeaderHeight:o}])=>{const s=wr(),a=Kt(0),c=Kt(0),d=Kt(0),p=mc(Xt(Sa(xn(e),xn(t),xn(r),xn(s,M1),xn(d),xn(a),xn(o),xn(n),xn(c)),nr(([h,m,v,[b,w],y,S,_,k,j])=>{const I=h-k,E=S+_,O=Math.max(v-I,0);let R=lk;const M=uk(j,Qh),A=uk(j,Jh);return b-=k,b+=v+_,w+=v+_,w-=k,b>h+E-M&&(R=Yh),wh!=null),Co(M1)),[0,0]);return{listBoundary:s,overscan:d,topListHeight:a,increaseViewportBy:c,visibleRange:p}},xl(Qm),{singleton:!0}),dZ=ua(([{scrollVelocity:e}])=>{const t=Kt(!1),n=wr(),r=Kt(!1);return Un(Xt(e,Xs(r,t,n),Kr(([o,s])=>!!s),nr(([o,s,a,c])=>{const{exit:d,enter:p}=s;if(a){if(d(o,c))return!1}else if(p(o,c))return!0;return a}),Co()),t),ho(Xt(Sa(t,e,n),Xs(r)),([[o,s,a],c])=>o&&c&&c.change&&c.change(s,a)),{isSeeking:t,scrollSeekConfiguration:r,scrollVelocity:e,scrollSeekRangeChanged:n}},xl(YE),{singleton:!0});function fZ(e){let t=!1,n;return()=>(t||(t=!0,n=e()),n)}const pZ=ua(([{scrollTo:e,scrollContainerState:t}])=>{const n=wr(),r=wr(),o=wr(),s=Kt(!1),a=Kt(void 0);return Un(Xt(Sa(n,r),nr(([{viewportHeight:c,scrollTop:d,scrollHeight:p},{offsetTop:h}])=>({scrollTop:Math.max(0,d-h),scrollHeight:p,viewportHeight:c}))),t),Un(Xt(e,Xs(r),nr(([c,{offsetTop:d}])=>({...c,top:c.top+d}))),o),{useWindowScroll:s,customScrollParent:a,windowScrollContainerState:n,windowViewportRect:r,windowScrollTo:o}},xl(Qm)),cv="-webkit-sticky",dk="sticky",JE=fZ(()=>{if(typeof document>"u")return dk;const e=document.createElement("div");return e.style.position=cv,e.style.position===cv?cv:dk});function hZ(e,t){const n=H.useRef(null),r=H.useCallback(c=>{if(c===null||!c.offsetParent)return;const d=c.getBoundingClientRect(),p=d.width;let h,m;if(t){const v=t.getBoundingClientRect(),b=d.top-v.top;h=v.height-Math.max(0,b),m=b+t.scrollTop}else h=window.innerHeight-Math.max(0,d.top),m=d.top+window.pageYOffset;n.current={offsetTop:m,visibleHeight:h,visibleWidth:p},e(n.current)},[e,t]),{callbackRef:o,ref:s}=qE(r),a=H.useCallback(()=>{r(s.current)},[r,s]);return H.useEffect(()=>{if(t){t.addEventListener("scroll",a);const c=new ResizeObserver(a);return c.observe(t),()=>{t.removeEventListener("scroll",a),c.unobserve(t)}}else return window.addEventListener("scroll",a),window.addEventListener("resize",a),()=>{window.removeEventListener("scroll",a),window.removeEventListener("resize",a)}},[a,t]),o}H.createContext(void 0);const ZE=H.createContext(void 0);function mZ(e){return e}JE();const gZ={height:"100%",outline:"none",overflowY:"auto",position:"relative",WebkitOverflowScrolling:"touch"},eO={width:"100%",height:"100%",position:"absolute",top:0};JE();function nl(e,t){if(typeof e!="string")return{context:t}}function vZ({usePublisher:e,useEmitter:t,useEmitterValue:n}){return H.memo(function({style:s,children:a,...c}){const d=e("scrollContainerState"),p=n("ScrollerComponent"),h=e("smoothScrollTargetReached"),m=n("scrollerRef"),v=n("context"),{scrollerRef:b,scrollByCallback:w,scrollToCallback:y}=XE(d,h,p,m);return t("scrollTo",y),t("scrollBy",w),H.createElement(p,{ref:b,style:{...gZ,...s},"data-test-id":"virtuoso-scroller","data-virtuoso-scroller":!0,tabIndex:0,...c,...nl(p,v)},a)})}function bZ({usePublisher:e,useEmitter:t,useEmitterValue:n}){return H.memo(function({style:s,children:a,...c}){const d=e("windowScrollContainerState"),p=n("ScrollerComponent"),h=e("smoothScrollTargetReached"),m=n("totalListHeight"),v=n("deviation"),b=n("customScrollParent"),w=n("context"),{scrollerRef:y,scrollByCallback:S,scrollToCallback:_}=XE(d,h,p,Km,b);return ZJ(()=>(y.current=b||window,()=>{y.current=null}),[y,b]),t("windowScrollTo",_),t("scrollBy",S),H.createElement(p,{style:{position:"relative",...s,...m!==0?{height:m+v}:{}},"data-virtuoso-scroller":!0,...c,...nl(p,w)},a)})}const fk={items:[],offsetBottom:0,offsetTop:0,top:0,bottom:0,itemHeight:0,itemWidth:0},yZ={items:[{index:0}],offsetBottom:0,offsetTop:0,top:0,bottom:0,itemHeight:0,itemWidth:0},{round:pk,ceil:hk,floor:Zh,min:uv,max:qu}=Math;function xZ(e){return{...yZ,items:e}}function mk(e,t,n){return Array.from({length:t-e+1}).map((r,o)=>{const s=n===null?null:n[o+e];return{index:o+e,data:s}})}function wZ(e,t){return e&&e.column===t.column&&e.row===t.row}function xp(e,t){return e&&e.width===t.width&&e.height===t.height}const SZ=ua(([{overscan:e,visibleRange:t,listBoundary:n},{scrollTop:r,viewportHeight:o,scrollBy:s,scrollTo:a,smoothScrollTargetReached:c,scrollContainerState:d,footerHeight:p,headerHeight:h},m,v,{propsReady:b,didMount:w},{windowViewportRect:y,useWindowScroll:S,customScrollParent:_,windowScrollContainerState:k,windowScrollTo:j},I])=>{const E=Kt(0),O=Kt(0),R=Kt(fk),M=Kt({height:0,width:0}),A=Kt({height:0,width:0}),T=wr(),$=wr(),Q=Kt(0),B=Kt(null),V=Kt({row:0,column:0}),q=wr(),G=wr(),D=Kt(!1),L=Kt(0),W=Kt(!0),Y=Kt(!1);ho(Xt(w,Xs(L),Kr(([U,se])=>!!se)),()=>{Ar(W,!1),Ar(O,0)}),ho(Xt(Sa(w,W,A,M,L,Y),Kr(([U,se,re,oe,,pe])=>U&&!se&&re.height!==0&&oe.height!==0&&!pe)),([,,,,U])=>{Ar(Y,!0),QE(1,()=>{Ar(T,U)}),sk(Xt(r),()=>{Ar(n,[0,0]),Ar(W,!0)})}),Un(Xt(G,Kr(U=>U!=null&&U.scrollTop>0),ai(0)),O),ho(Xt(w,Xs(G),Kr(([,U])=>U!=null)),([,U])=>{U&&(Ar(M,U.viewport),Ar(A,U==null?void 0:U.item),Ar(V,U.gap),U.scrollTop>0&&(Ar(D,!0),sk(Xt(r,R1(1)),se=>{Ar(D,!1)}),Ar(a,{top:U.scrollTop})))}),Un(Xt(M,nr(({height:U})=>U)),o),Un(Xt(Sa(xn(M,xp),xn(A,xp),xn(V,(U,se)=>U&&U.column===se.column&&U.row===se.row),xn(r)),nr(([U,se,re,oe])=>({viewport:U,item:se,gap:re,scrollTop:oe}))),q),Un(Xt(Sa(xn(E),t,xn(V,wZ),xn(A,xp),xn(M,xp),xn(B),xn(O),xn(D),xn(W),xn(L)),Kr(([,,,,,,,U])=>!U),nr(([U,[se,re],oe,pe,le,ge,ke,,xe,de])=>{const{row:Te,column:Oe}=oe,{height:$e,width:kt}=pe,{width:ct}=le;if(ke===0&&(U===0||ct===0))return fk;if(kt===0){const $t=lZ(de,U),zt=$t===0?Math.max(ke-1,0):$t;return xZ(mk($t,zt,ge))}const on=tO(ct,kt,Oe);let vt,bt;xe?se===0&&re===0&&ke>0?(vt=0,bt=ke-1):(vt=on*Zh((se+Te)/($e+Te)),bt=on*hk((re+Te)/($e+Te))-1,bt=uv(U-1,qu(bt,on-1)),vt=uv(bt,qu(0,vt))):(vt=0,bt=-1);const Se=mk(vt,bt,ge),{top:Me,bottom:Pt}=gk(le,oe,pe,Se),Tt=hk(U/on),ht=Tt*$e+(Tt-1)*Te-Pt;return{items:Se,offsetTop:Me,offsetBottom:ht,top:Me,bottom:Pt,itemHeight:$e,itemWidth:kt}})),R),Un(Xt(B,Kr(U=>U!==null),nr(U=>U.length)),E),Un(Xt(Sa(M,A,R,V),Kr(([U,se,{items:re}])=>re.length>0&&se.height!==0&&U.height!==0),nr(([U,se,{items:re},oe])=>{const{top:pe,bottom:le}=gk(U,oe,se,re);return[pe,le]}),Co(M1)),n);const ae=Kt(!1);Un(Xt(r,Xs(ae),nr(([U,se])=>se||U!==0)),ae);const be=Uu(Xt(xn(R),Kr(({items:U})=>U.length>0),Xs(E,ae),Kr(([{items:U},se,re])=>re&&U[U.length-1].index===se-1),nr(([,U])=>U-1),Co())),ie=Uu(Xt(xn(R),Kr(({items:U})=>U.length>0&&U[0].index===0),ai(0),Co())),X=Uu(Xt(xn(R),Xs(D),Kr(([{items:U},se])=>U.length>0&&!se),nr(([{items:U}])=>({startIndex:U[0].index,endIndex:U[U.length-1].index})),Co(cZ),Du(0)));Un(X,v.scrollSeekRangeChanged),Un(Xt(T,Xs(M,A,E,V),nr(([U,se,re,oe,pe])=>{const le=rZ(U),{align:ge,behavior:ke,offset:xe}=le;let de=le.index;de==="LAST"&&(de=oe-1),de=qu(0,de,uv(oe-1,de));let Te=D1(se,pe,re,de);return ge==="end"?Te=pk(Te-se.height+re.height):ge==="center"&&(Te=pk(Te-se.height/2+re.height/2)),xe&&(Te+=xe),{top:Te,behavior:ke}})),a);const K=mc(Xt(R,nr(U=>U.offsetBottom+U.bottom)),0);return Un(Xt(y,nr(U=>({width:U.visibleWidth,height:U.visibleHeight}))),M),{data:B,totalCount:E,viewportDimensions:M,itemDimensions:A,scrollTop:r,scrollHeight:$,overscan:e,scrollBy:s,scrollTo:a,scrollToIndex:T,smoothScrollTargetReached:c,windowViewportRect:y,windowScrollTo:j,useWindowScroll:S,customScrollParent:_,windowScrollContainerState:k,deviation:Q,scrollContainerState:d,footerHeight:p,headerHeight:h,initialItemCount:O,gap:V,restoreStateFrom:G,...v,initialTopMostItemIndex:L,gridState:R,totalListHeight:K,...m,startReached:ie,endReached:be,rangeChanged:X,stateChanged:q,propsReady:b,stateRestoreInProgress:D,...I}},xl(uZ,Qm,YE,dZ,iZ,pZ,GE));function gk(e,t,n,r){const{height:o}=n;if(o===void 0||r.length===0)return{top:0,bottom:0};const s=D1(e,t,n,r[0].index),a=D1(e,t,n,r[r.length-1].index)+o;return{top:s,bottom:a}}function D1(e,t,n,r){const o=tO(e.width,n.width,t.column),s=Zh(r/o),a=s*n.height+qu(0,s-1)*t.row;return a>0?a+t.row:a}function tO(e,t,n){return qu(1,Zh((e+n)/(Zh(t)+n)))}const CZ=ua(()=>{const e=Kt(p=>`Item ${p}`),t=Kt({}),n=Kt(null),r=Kt("virtuoso-grid-item"),o=Kt("virtuoso-grid-list"),s=Kt(mZ),a=Kt("div"),c=Kt(Km),d=(p,h=null)=>mc(Xt(t,nr(m=>m[p]),Co()),h);return{context:n,itemContent:e,components:t,computeItemKey:s,itemClassName:r,listClassName:o,headerFooterTag:a,scrollerRef:c,FooterComponent:d("Footer"),HeaderComponent:d("Header"),ListComponent:d("List","div"),ItemComponent:d("Item","div"),ScrollerComponent:d("Scroller","div"),ScrollSeekPlaceholder:d("ScrollSeekPlaceholder","div")}}),kZ=ua(([e,t])=>({...e,...t}),xl(SZ,CZ)),_Z=H.memo(function(){const t=pr("gridState"),n=pr("listClassName"),r=pr("itemClassName"),o=pr("itemContent"),s=pr("computeItemKey"),a=pr("isSeeking"),c=Is("scrollHeight"),d=pr("ItemComponent"),p=pr("ListComponent"),h=pr("ScrollSeekPlaceholder"),m=pr("context"),v=Is("itemDimensions"),b=Is("gap"),w=pr("log"),y=pr("stateRestoreInProgress"),S=Ym(_=>{const k=_.parentElement.parentElement.scrollHeight;c(k);const j=_.firstChild;if(j){const{width:I,height:E}=j.getBoundingClientRect();v({width:I,height:E})}b({row:vk("row-gap",getComputedStyle(_).rowGap,w),column:vk("column-gap",getComputedStyle(_).columnGap,w)})});return y?null:H.createElement(p,{ref:S,className:n,...nl(p,m),style:{paddingTop:t.offsetTop,paddingBottom:t.offsetBottom},"data-test-id":"virtuoso-item-list"},t.items.map(_=>{const k=s(_.index,_.data,m);return a?H.createElement(h,{key:k,...nl(h,m),index:_.index,height:t.itemHeight,width:t.itemWidth}):H.createElement(d,{...nl(d,m),className:r,"data-index":_.index,key:k},o(_.index,_.data,m))}))}),PZ=H.memo(function(){const t=pr("HeaderComponent"),n=Is("headerHeight"),r=pr("headerFooterTag"),o=Ym(a=>n(Xh(a,"height"))),s=pr("context");return t?H.createElement(r,{ref:o},H.createElement(t,nl(t,s))):null}),jZ=H.memo(function(){const t=pr("FooterComponent"),n=Is("footerHeight"),r=pr("headerFooterTag"),o=Ym(a=>n(Xh(a,"height"))),s=pr("context");return t?H.createElement(r,{ref:o},H.createElement(t,nl(t,s))):null}),IZ=({children:e})=>{const t=H.useContext(ZE),n=Is("itemDimensions"),r=Is("viewportDimensions"),o=Ym(s=>{r(s.getBoundingClientRect())});return H.useEffect(()=>{t&&(r({height:t.viewportHeight,width:t.viewportWidth}),n({height:t.itemHeight,width:t.itemWidth}))},[t,r,n]),H.createElement("div",{style:eO,ref:o},e)},EZ=({children:e})=>{const t=H.useContext(ZE),n=Is("windowViewportRect"),r=Is("itemDimensions"),o=pr("customScrollParent"),s=hZ(n,o);return H.useEffect(()=>{t&&(r({height:t.itemHeight,width:t.itemWidth}),n({offsetTop:0,visibleHeight:t.viewportHeight,visibleWidth:t.viewportWidth}))},[t,n,r]),H.createElement("div",{ref:s,style:eO},e)},OZ=H.memo(function({...t}){const n=pr("useWindowScroll"),r=pr("customScrollParent"),o=r||n?DZ:MZ,s=r||n?EZ:IZ;return H.createElement(o,{...t},H.createElement(s,null,H.createElement(PZ,null),H.createElement(_Z,null),H.createElement(jZ,null)))}),{Component:RZ,usePublisher:Is,useEmitterValue:pr,useEmitter:nO}=QJ(kZ,{optional:{context:"context",totalCount:"totalCount",overscan:"overscan",itemContent:"itemContent",components:"components",computeItemKey:"computeItemKey",data:"data",initialItemCount:"initialItemCount",scrollSeekConfiguration:"scrollSeekConfiguration",headerFooterTag:"headerFooterTag",listClassName:"listClassName",itemClassName:"itemClassName",useWindowScroll:"useWindowScroll",customScrollParent:"customScrollParent",scrollerRef:"scrollerRef",logLevel:"logLevel",restoreStateFrom:"restoreStateFrom",initialTopMostItemIndex:"initialTopMostItemIndex"},methods:{scrollTo:"scrollTo",scrollBy:"scrollBy",scrollToIndex:"scrollToIndex"},events:{isScrolling:"isScrolling",endReached:"endReached",startReached:"startReached",rangeChanged:"rangeChanged",atBottomStateChange:"atBottomStateChange",atTopStateChange:"atTopStateChange",stateChanged:"stateChanged"}},OZ),MZ=vZ({usePublisher:Is,useEmitterValue:pr,useEmitter:nO}),DZ=bZ({usePublisher:Is,useEmitterValue:pr,useEmitter:nO});function vk(e,t,n){return t!=="normal"&&!(t!=null&&t.endsWith("px"))&&n(`${e} was not resolved to pixel value correctly`,t,Vy.WARN),t==="normal"?0:parseInt(t??"0",10)}const rO=RZ,AZ=({imageDTO:e})=>i.jsx(F,{sx:{pointerEvents:"none",flexDirection:"column",position:"absolute",top:0,insetInlineStart:0,p:2,alignItems:"flex-start",gap:2},children:i.jsxs(ml,{variant:"solid",colorScheme:"base",children:[e.width," × ",e.height]})}),Jm=({postUploadAction:e,isDisabled:t})=>{const n=z(d=>d.gallery.autoAddBoardId),[r]=D_(),o=f.useCallback(d=>{const p=d[0];p&&r({file:p,image_category:"user",is_intermediate:!1,postUploadAction:e??{type:"TOAST"},board_id:n})},[n,e,r]),{getRootProps:s,getInputProps:a,open:c}=ey({accept:{"image/png":[".png"],"image/jpeg":[".jpg",".jpeg",".png"]},onDropAccepted:o,disabled:t,noDrag:!0,multiple:!1});return{getUploadButtonProps:s,getUploadInputProps:a,openUploader:c}},Uy=()=>{const e=te(),t=Wc(),{t:n}=ye(),r=f.useCallback(()=>{t({title:n("toast.parameterSet"),status:"info",duration:2500,isClosable:!0})},[n,t]),o=f.useCallback(()=>{t({title:n("toast.parameterNotSet"),status:"warning",duration:2500,isClosable:!0})},[n,t]),s=f.useCallback(()=>{t({title:n("toast.parametersSet"),status:"info",duration:2500,isClosable:!0})},[n,t]),a=f.useCallback(()=>{t({title:n("toast.parametersNotSet"),status:"warning",duration:2500,isClosable:!0})},[n,t]),c=f.useCallback((O,R,M,A)=>{if(Af(O)||Tf(R)||fu(M)||p0(A)){Af(O)&&e($u(O)),Tf(R)&&e(zu(R)),fu(M)&&e(Lu(M)),fu(A)&&e(Bu(A)),r();return}o()},[e,r,o]),d=f.useCallback(O=>{if(!Af(O)){o();return}e($u(O)),r()},[e,r,o]),p=f.useCallback(O=>{if(!Tf(O)){o();return}e(zu(O)),r()},[e,r,o]),h=f.useCallback(O=>{if(!fu(O)){o();return}e(Lu(O)),r()},[e,r,o]),m=f.useCallback(O=>{if(!p0(O)){o();return}e(Bu(O)),r()},[e,r,o]),v=f.useCallback(O=>{if(!K2(O)){o();return}e($p(O)),r()},[e,r,o]),b=f.useCallback(O=>{if(!h0(O)){o();return}e(zp(O)),r()},[e,r,o]),w=f.useCallback(O=>{if(!m0(O)){o();return}e(Pv(O)),r()},[e,r,o]),y=f.useCallback(O=>{if(!g0(O)){o();return}e(jv(O)),r()},[e,r,o]),S=f.useCallback(O=>{if(!v0(O)){o();return}e(Lp(O)),r()},[e,r,o]),_=f.useCallback(O=>{if(!X2(O)){o();return}e(gc(O)),r()},[e,r,o]),k=f.useCallback(O=>{if(!Y2(O)){o();return}e(vc(O)),r()},[e,r,o]),j=f.useCallback(O=>{if(!Q2(O)){o();return}e(Bp(O)),r()},[e,r,o]),I=f.useCallback(O=>{e(Z1(O))},[e]),E=f.useCallback(O=>{if(!O){a();return}const{cfg_scale:R,height:M,model:A,positive_prompt:T,negative_prompt:$,scheduler:Q,seed:B,steps:V,width:q,strength:G,positive_style_prompt:D,negative_style_prompt:L,refiner_model:W,refiner_cfg_scale:Y,refiner_steps:ae,refiner_scheduler:be,refiner_aesthetic_store:ie,refiner_start:X}=O;h0(R)&&e(zp(R)),m0(A)&&e(Pv(A)),Af(T)&&e($u(T)),Tf($)&&e(zu($)),g0(Q)&&e(jv(Q)),K2(B)&&e($p(B)),v0(V)&&e(Lp(V)),X2(q)&&e(gc(q)),Y2(M)&&e(vc(M)),Q2(G)&&e(Bp(G)),fu(D)&&e(Lu(D)),p0(L)&&e(Bu(L)),m0(W)&&e(B_(W)),v0(ae)&&e(Iv(ae)),h0(Y)&&e(Ev(Y)),g0(be)&&e(F_(be)),J7(ie)&&e(Ov(ie)),Z7(X)&&e(Rv(X)),s()},[a,s,e]);return{recallBothPrompts:c,recallPositivePrompt:d,recallNegativePrompt:p,recallSDXLPositiveStylePrompt:h,recallSDXLNegativeStylePrompt:m,recallSeed:v,recallCfgScale:b,recallModel:w,recallScheduler:y,recallSteps:S,recallWidth:_,recallHeight:k,recallStrength:j,recallAllParameters:E,sendToImageToImage:I}},ir=e=>{const t=z(a=>a.config.disabledTabs),n=z(a=>a.config.disabledFeatures),r=z(a=>a.config.disabledSDFeatures),o=f.useMemo(()=>n.includes(e)||r.includes(e)||t.includes(e),[n,r,t,e]),s=f.useMemo(()=>!(n.includes(e)||r.includes(e)||t.includes(e)),[n,r,t,e]);return{isFeatureDisabled:o,isFeatureEnabled:s}},Gy=()=>{const e=Wc(),{t}=ye(),n=f.useMemo(()=>!!navigator.clipboard&&!!window.ClipboardItem,[]),r=f.useCallback(async o=>{n||e({title:t("toast.problemCopyingImage"),description:"Your browser doesn't support the Clipboard API.",status:"error",duration:2500,isClosable:!0});try{const a=await(await fetch(o)).blob();await navigator.clipboard.write([new ClipboardItem({[a.type]:a})]),e({title:t("toast.imageCopied"),status:"success",duration:2500,isClosable:!0})}catch(s){e({title:t("toast.problemCopyingImage"),description:String(s),status:"error",duration:2500,isClosable:!0})}},[n,t,e]);return{isClipboardAPIAvailable:n,copyImageToClipboard:r}};function TZ(e,t,n){var r=this,o=f.useRef(null),s=f.useRef(0),a=f.useRef(null),c=f.useRef([]),d=f.useRef(),p=f.useRef(),h=f.useRef(e),m=f.useRef(!0);f.useEffect(function(){h.current=e},[e]);var v=!t&&t!==0&&typeof window<"u";if(typeof e!="function")throw new TypeError("Expected a function");t=+t||0;var b=!!(n=n||{}).leading,w=!("trailing"in n)||!!n.trailing,y="maxWait"in n,S=y?Math.max(+n.maxWait||0,t):null;f.useEffect(function(){return m.current=!0,function(){m.current=!1}},[]);var _=f.useMemo(function(){var k=function(M){var A=c.current,T=d.current;return c.current=d.current=null,s.current=M,p.current=h.current.apply(T,A)},j=function(M,A){v&&cancelAnimationFrame(a.current),a.current=v?requestAnimationFrame(M):setTimeout(M,A)},I=function(M){if(!m.current)return!1;var A=M-o.current;return!o.current||A>=t||A<0||y&&M-s.current>=S},E=function(M){return a.current=null,w&&c.current?k(M):(c.current=d.current=null,p.current)},O=function M(){var A=Date.now();if(I(A))return E(A);if(m.current){var T=t-(A-o.current),$=y?Math.min(T,S-(A-s.current)):T;j(M,$)}},R=function(){var M=Date.now(),A=I(M);if(c.current=[].slice.call(arguments),d.current=r,o.current=M,A){if(!a.current&&m.current)return s.current=o.current,j(O,t),b?k(o.current):p.current;if(y)return j(O,t),k(o.current)}return a.current||j(O,t),p.current};return R.cancel=function(){a.current&&(v?cancelAnimationFrame(a.current):clearTimeout(a.current)),s.current=0,c.current=o.current=d.current=a.current=null},R.isPending=function(){return!!a.current},R.flush=function(){return a.current?E(Date.now()):p.current},R},[b,y,t,S,w,v]);return _}function NZ(e,t){return e===t}function bk(e){return typeof e=="function"?function(){return e}:e}function qy(e,t,n){var r,o,s=n&&n.equalityFn||NZ,a=(r=f.useState(bk(e)),o=r[1],[r[0],f.useCallback(function(m){return o(bk(m))},[])]),c=a[0],d=a[1],p=TZ(f.useCallback(function(m){return d(m)},[d]),t,n),h=f.useRef(e);return s(h.current,e)||(p(e),h.current=e),[c,p]}eb("gallery/requestedBoardImagesDeletion");const $Z=eb("gallery/sentImageToCanvas"),oO=eb("gallery/sentImageToImg2Img"),zZ=e=>{const{imageDTO:t}=e,n=f.useMemo(()=>fe([Ye],({gallery:V})=>({isInBatch:V.batchImageNames.includes(t.image_name)}),Ge),[t.image_name]),{isInBatch:r}=z(n),o=te(),{t:s}=ye(),a=Wc(),c=ir("unifiedCanvas").isFeatureEnabled,d=ir("batches").isFeatureEnabled,{onClickAddToBoard:p}=f.useContext(H_),[h,m]=qy(t.image_name,500),{currentData:v}=tb(m.isPending()?oo.skipToken:h??oo.skipToken),{isClipboardAPIAvailable:b,copyImageToClipboard:w}=Gy(),y=v==null?void 0:v.metadata,S=f.useCallback(()=>{t&&o(nb(t))},[o,t]),{recallBothPrompts:_,recallSeed:k,recallAllParameters:j}=Uy(),[I]=eR(),E=f.useCallback(()=>{_(y==null?void 0:y.positive_prompt,y==null?void 0:y.negative_prompt,y==null?void 0:y.positive_style_prompt,y==null?void 0:y.negative_style_prompt)},[y==null?void 0:y.negative_prompt,y==null?void 0:y.positive_prompt,y==null?void 0:y.positive_style_prompt,y==null?void 0:y.negative_style_prompt,_]),O=f.useCallback(()=>{k(y==null?void 0:y.seed)},[y==null?void 0:y.seed,k]),R=f.useCallback(()=>{o(oO()),o(Z1(t))},[o,t]),M=f.useCallback(()=>{o($Z()),o(tR(t)),o(im()),o(Xl("unifiedCanvas")),a({title:s("toast.sentToUnifiedCanvas"),status:"success",duration:2500,isClosable:!0})},[o,t,s,a]),A=f.useCallback(()=>{console.log(y),j(y)},[y,j]),T=f.useCallback(()=>{p(t)},[t,p]),$=f.useCallback(()=>{t.board_id&&I({imageDTO:t})},[t,I]),Q=f.useCallback(()=>{o(nR([t.image_name]))},[o,t.image_name]),B=f.useCallback(()=>{w(t.image_url)},[w,t.image_url]);return i.jsxs(i.Fragment,{children:[i.jsx(Pr,{as:"a",href:t.image_url,target:"_blank",icon:i.jsx(uW,{}),children:s("common.openInNewTab")}),b&&i.jsx(Pr,{icon:i.jsx(Vc,{}),onClickCapture:B,children:s("parameters.copyImage")}),i.jsx(Pr,{as:"a",download:!0,href:t.image_url,target:"_blank",icon:i.jsx(ny,{}),w:"100%",children:s("parameters.downloadImage")}),i.jsx(Pr,{icon:i.jsx(jP,{}),onClickCapture:E,isDisabled:(y==null?void 0:y.positive_prompt)===void 0&&(y==null?void 0:y.negative_prompt)===void 0,children:s("parameters.usePrompt")}),i.jsx(Pr,{icon:i.jsx(IP,{}),onClickCapture:O,isDisabled:(y==null?void 0:y.seed)===void 0,children:s("parameters.useSeed")}),i.jsx(Pr,{icon:i.jsx(vP,{}),onClickCapture:A,isDisabled:!y,children:s("parameters.useAll")}),i.jsx(Pr,{icon:i.jsx(OS,{}),onClickCapture:R,id:"send-to-img2img",children:s("parameters.sendToImg2Img")}),c&&i.jsx(Pr,{icon:i.jsx(OS,{}),onClickCapture:M,id:"send-to-canvas",children:s("parameters.sendToUnifiedCanvas")}),d&&i.jsx(Pr,{icon:i.jsx(V0,{}),isDisabled:r,onClickCapture:Q,children:"Add to Batch"}),i.jsx(Pr,{icon:i.jsx(V0,{}),onClickCapture:T,children:t.board_id?"Change Board":"Add to Board"}),t.board_id&&i.jsx(Pr,{icon:i.jsx(V0,{}),onClickCapture:$,children:"Remove from Board"}),i.jsx(Pr,{sx:{color:"error.600",_dark:{color:"error.300"}},icon:i.jsx(us,{}),onClickCapture:S,children:s("gallery.deleteImage")})]})},sO=f.memo(zZ),LZ=({imageDTO:e,children:t})=>{const n=f.useCallback(r=>{r.preventDefault()},[]);return i.jsx(fj,{menuProps:{size:"sm",isLazy:!0},menuButtonProps:{bg:"transparent",_hover:{bg:"transparent"}},renderMenu:()=>e?i.jsx(Fc,{sx:{visibility:"visible !important"},motionProps:um,onContextMenu:n,children:i.jsx(sO,{imageDTO:e})}):null,children:t})},aO=f.memo(LZ),BZ=e=>{const{data:t,disabled:n,onClick:r}=e,o=f.useRef(ui()),{attributes:s,listeners:a,setNodeRef:c}=rR({id:o.current,disabled:n,data:t});return i.jsx(Ee,{onClick:r,ref:c,position:"absolute",w:"full",h:"full",top:0,insetInlineStart:0,...s,...a})},FZ=f.memo(BZ),HZ=e=>{const{imageDTO:t,onClickReset:n,onError:r,onClick:o,withResetIcon:s=!1,withMetadataOverlay:a=!1,isDropDisabled:c=!1,isDragDisabled:d=!1,isUploadDisabled:p=!1,minSize:h=24,postUploadAction:m,imageSx:v,fitContainer:b=!1,droppableData:w,draggableData:y,dropLabel:S,isSelected:_=!1,thumbnail:k=!1,resetTooltip:j="Reset",resetIcon:I=i.jsx(oy,{}),noContentFallback:E=i.jsx(mi,{icon:ll}),useThumbailFallback:O,withHoverOverlay:R=!1}=e,{colorMode:M}=Ds(),[A,T]=f.useState(!1),$=f.useCallback(()=>{T(!0)},[]),Q=f.useCallback(()=>{T(!1)},[]),{getUploadButtonProps:B,getUploadInputProps:V}=Jm({postUploadAction:m,isDisabled:p}),q=Cp("drop-shadow(0px 0px 0.1rem var(--invokeai-colors-base-600))","drop-shadow(0px 0px 0.1rem var(--invokeai-colors-base-800))"),G=p?{}:{cursor:"pointer",bg:Fe("base.200","base.800")(M),_hover:{bg:Fe("base.300","base.650")(M),color:Fe("base.500","base.300")(M)}};return i.jsx(aO,{imageDTO:t,children:D=>i.jsxs(F,{ref:D,onMouseOver:$,onMouseOut:Q,sx:{width:"full",height:"full",alignItems:"center",justifyContent:"center",position:"relative",minW:h||void 0,minH:h||void 0,userSelect:"none",cursor:d||!t?"default":"pointer"},children:[t&&i.jsxs(F,{sx:{w:"full",h:"full",position:b?"absolute":"relative",alignItems:"center",justifyContent:"center"},children:[i.jsx(Nc,{src:k?t.thumbnail_url:t.image_url,fallbackStrategy:"beforeLoadOrError",fallbackSrc:O?t.thumbnail_url:void 0,fallback:O?void 0:i.jsx(FJ,{image:t}),width:t.width,height:t.height,onError:r,draggable:!1,sx:{objectFit:"contain",maxW:"full",maxH:"full",borderRadius:"base",...v}}),a&&i.jsx(AZ,{imageDTO:t}),i.jsx(ky,{isSelected:_,isHovered:R?A:!1})]}),!t&&!p&&i.jsx(i.Fragment,{children:i.jsxs(F,{sx:{minH:h,w:"full",h:"full",alignItems:"center",justifyContent:"center",borderRadius:"base",transitionProperty:"common",transitionDuration:"0.1s",color:Fe("base.500","base.500")(M),...G},...B(),children:[i.jsx("input",{...V()}),i.jsx(no,{as:zd,sx:{boxSize:16}})]})}),!t&&p&&E,t&&!d&&i.jsx(FZ,{data:y,disabled:d||!t,onClick:o}),!c&&i.jsx(Cy,{data:w,disabled:c,dropLabel:S}),n&&s&&t&&i.jsx(Le,{onClick:n,"aria-label":j,tooltip:j,icon:I,size:"sm",variant:"link",sx:{position:"absolute",top:1,insetInlineEnd:1,p:0,minW:0,svg:{transitionProperty:"common",transitionDuration:"normal",fill:"base.100",_hover:{fill:"base.50"},filter:q}}})]})})},yi=f.memo(HZ),WZ=()=>i.jsx(Ee,{sx:{position:"relative",height:"full",width:"full","::before":{content:"''",display:"block",pt:"100%"}},children:i.jsx(F,{sx:{position:"absolute",top:0,insetInlineStart:0,height:"full",width:"full",alignItems:"center",justifyContent:"center",borderRadius:"base",bg:"base.100",color:"base.500",_dark:{color:"base.700",bg:"base.850"}},children:i.jsx(no,{as:iW,boxSize:16,opacity:.7})})}),iO=()=>i.jsx(km,{sx:{position:"relative",height:"full",width:"full","::before":{content:"''",display:"block",pt:"100%"}},children:i.jsx(Ee,{sx:{position:"absolute",top:0,insetInlineStart:0,height:"full",width:"full"}})}),VZ=e=>fe([Ye],t=>({selectionCount:t.gallery.selection.length,selection:t.gallery.selection,isSelected:t.gallery.selection.includes(e)}),Ge),UZ=e=>{const t=te(),{imageName:n}=e,{currentData:r,isLoading:o,isError:s}=os(n),a=f.useMemo(()=>VZ(n),[n]),{isSelected:c,selectionCount:d,selection:p}=z(a),h=f.useCallback(()=>{t(oR([n]))},[t,n]),m=f.useMemo(()=>{if(d>1)return{id:"batch",payloadType:"IMAGE_NAMES",payload:{image_names:p}};if(r)return{id:"batch",payloadType:"IMAGE_DTO",payload:{imageDTO:r}}},[r,p,d]);return o?i.jsx(iO,{}):s||!r?i.jsx(WZ,{}):i.jsx(Ee,{sx:{w:"full",h:"full",touchAction:"none"},children:i.jsx(aO,{imageDTO:r,children:v=>i.jsx(Ee,{position:"relative",userSelect:"none",ref:v,sx:{display:"flex",justifyContent:"center",alignItems:"center",aspectRatio:"1/1"},children:i.jsx(yi,{imageDTO:r,draggableData:m,isSelected:c,minSize:0,onClickReset:h,isDropDisabled:!0,imageSx:{w:"full",h:"full"},isUploadDisabled:!0,resetTooltip:"Remove from batch",withResetIcon:!0,thumbnail:!0})},n)})})},GZ=f.memo(UZ),lO=Ae((e,t)=>i.jsx(Ee,{className:"item-container",ref:t,p:1.5,children:e.children})),cO=Ae((e,t)=>{const n=z(r=>r.gallery.galleryImageMinimumWidth);return i.jsx(sl,{...e,className:"list-container",ref:t,sx:{gridTemplateColumns:`repeat(auto-fill, minmax(${n}px, 1fr));`},children:e.children})}),qZ=fe([Ye],e=>({imageNames:e.gallery.batchImageNames}),Ge),KZ=()=>{const{t:e}=ye(),t=f.useRef(null),[n,r]=f.useState(null),[o,s]=wy({defer:!0,options:{scrollbars:{visibility:"auto",autoHide:"leave",autoHideDelay:1300,theme:"os-theme-dark"},overflow:{x:"hidden"}}}),{imageNames:a}=z(qZ);return f.useEffect(()=>{const{current:c}=t;return n&&c&&o({target:c,elements:{viewport:n}}),()=>{var d;return(d=s())==null?void 0:d.destroy()}},[n,o,s]),a.length?i.jsx(Ee,{ref:t,"data-overlayscrollbars":"",h:"100%",children:i.jsx(rO,{style:{height:"100%"},data:a,components:{Item:lO,List:cO},scrollerRef:r,itemContent:(c,d)=>i.jsx(GZ,{imageName:d},d)})}):i.jsx(mi,{label:e("gallery.noImagesInGallery"),icon:ll})},XZ=f.memo(KZ),YZ=e=>{const t=z(s=>s.gallery.galleryView),{data:n}=sR(e),{data:r}=aR(e),o=f.useMemo(()=>t==="images"?n:r,[t,r,n]);return{totalImages:n,totalAssets:r,currentViewTotal:o}},QZ=e=>fe([Ye],({gallery:t})=>({isSelected:t.selection.includes(e),selectionCount:t.selection.length,selection:t.selection}),Ge),JZ=e=>{const t=te(),{imageName:n}=e,{currentData:r}=os(n),o=f.useMemo(()=>QZ(n),[n]),{isSelected:s,selectionCount:a,selection:c}=z(o),d=f.useCallback(()=>{t(Mv(n))},[t,n]),p=f.useCallback(m=>{m.stopPropagation(),r&&t(nb(r))},[t,r]),h=f.useMemo(()=>{if(a>1)return{id:"gallery-image",payloadType:"IMAGE_NAMES",payload:{image_names:c}};if(r)return{id:"gallery-image",payloadType:"IMAGE_DTO",payload:{imageDTO:r}}},[r,c,a]);return r?i.jsx(Ee,{sx:{w:"full",h:"full",touchAction:"none"},children:i.jsx(F,{userSelect:"none",sx:{position:"relative",justifyContent:"center",alignItems:"center",aspectRatio:"1/1"},children:i.jsx(yi,{onClick:d,imageDTO:r,draggableData:h,isSelected:s,minSize:0,onClickReset:p,imageSx:{w:"full",h:"full"},isDropDisabled:!0,isUploadDisabled:!0,thumbnail:!0,withHoverOverlay:!0})})}):i.jsx(iO,{})},ZZ=f.memo(JZ),eee={defer:!0,options:{scrollbars:{visibility:"auto",autoHide:"leave",autoHideDelay:1300,theme:"os-theme-dark"},overflow:{x:"hidden"}}},tee=()=>{const{t:e}=ye(),t=f.useRef(null),[n,r]=f.useState(null),[o,s]=wy(eee),a=z(S=>S.gallery.selectedBoardId),{currentViewTotal:c}=YZ(a),d=z(W_),{currentData:p,isFetching:h,isSuccess:m,isError:v}=iR(d),[b]=V_(),w=f.useMemo(()=>!p||!c?!1:p.ids.length{w&&b({...d,offset:(p==null?void 0:p.ids.length)??0,limit:U_})},[w,b,d,p==null?void 0:p.ids.length]);return f.useEffect(()=>{const{current:S}=t;return n&&S&&o({target:S,elements:{viewport:n}}),()=>{var _;return(_=s())==null?void 0:_.destroy()}},[n,o,s]),p?m&&(p==null?void 0:p.ids.length)===0?i.jsx(F,{sx:{w:"full",h:"full",alignItems:"center",justifyContent:"center"},children:i.jsx(mi,{label:e("gallery.noImagesInGallery"),icon:ll})}):m&&p?i.jsxs(i.Fragment,{children:[i.jsx(Ee,{ref:t,"data-overlayscrollbars":"",h:"100%",children:i.jsx(rO,{style:{height:"100%"},data:p.ids,endReached:y,components:{Item:lO,List:cO},scrollerRef:r,itemContent:(S,_)=>i.jsx(ZZ,{imageName:_},_)})}),i.jsx(Jt,{onClick:y,isDisabled:!w,isLoading:h,loadingText:"Loading",flexShrink:0,children:`Load More (${p.ids.length} of ${c})`})]}):v?i.jsx(Ee,{sx:{w:"full",h:"full"},children:i.jsx(mi,{label:"Unable to load Gallery",icon:xP})}):null:i.jsx(F,{sx:{w:"full",h:"full",alignItems:"center",justifyContent:"center"},children:i.jsx(mi,{label:"Loading...",icon:ll})})},nee=f.memo(tee),ree=fe([Ye],e=>{const{selectedBoardId:t,galleryView:n}=e.gallery;return{selectedBoardId:t,galleryView:n}},Ge),oee=()=>{const e=f.useRef(null),t=f.useRef(null),{selectedBoardId:n,galleryView:r}=z(ree),o=te(),{isOpen:s,onToggle:a}=ss(),c=f.useCallback(()=>{o(J2("images"))},[o]),d=f.useCallback(()=>{o(J2("assets"))},[o]);return i.jsxs(Q3,{sx:{flexDirection:"column",h:"full",w:"full",borderRadius:"base"},children:[i.jsxs(Ee,{sx:{w:"full"},children:[i.jsxs(F,{ref:e,sx:{alignItems:"center",justifyContent:"space-between",gap:2},children:[i.jsx(wU,{isOpen:s,onToggle:a}),i.jsx(BJ,{}),i.jsx(CU,{})]}),i.jsx(Ee,{children:i.jsx(bU,{isOpen:s})})]}),i.jsxs(F,{ref:t,direction:"column",gap:2,h:"full",w:"full",children:[i.jsx(F,{sx:{alignItems:"center",justifyContent:"space-between",gap:2},children:i.jsx(Td,{index:r==="images"?0:1,variant:"unstyled",size:"sm",sx:{w:"full"},children:i.jsx(Nd,{children:i.jsxs(rr,{isAttached:!0,sx:{w:"full"},children:[i.jsx(Cc,{as:Jt,size:"sm",isChecked:r==="images",onClick:c,sx:{w:"full"},leftIcon:i.jsx(mW,{}),children:"Images"}),i.jsx(Cc,{as:Jt,size:"sm",isChecked:r==="assets",onClick:d,sx:{w:"full"},leftIcon:i.jsx(PW,{}),children:"Assets"})]})})})}),n==="batch"?i.jsx(XZ,{}):i.jsx(nee,{})]})]})},uO=f.memo(oee),see=fe([Kn,La,lR,lr],(e,t,n,r)=>{const{shouldPinGallery:o,shouldShowGallery:s}=t,{galleryImageMinimumWidth:a}=n;return{activeTabName:e,isStaging:r,shouldPinGallery:o,shouldShowGallery:s,galleryImageMinimumWidth:a,isResizable:e!=="unifiedCanvas"}},{memoizeOptions:{resultEqualityCheck:Zt}}),aee=()=>{const e=te(),{shouldPinGallery:t,shouldShowGallery:n,galleryImageMinimumWidth:r}=z(see),o=()=>{e(Dv(!1)),t&&e(ko())};rt("esc",()=>{e(Dv(!1))},{enabled:()=>!t,preventDefault:!0},[t]);const s=32;return rt("shift+up",()=>{if(r<256){const a=Es(r+s,32,256);e(Np(a))}},[r]),rt("shift+down",()=>{if(r>32){const a=Es(r-s,32,256);e(Np(a))}},[r]),t?null:i.jsx(pP,{direction:"right",isResizable:!0,isOpen:n,onClose:o,minWidth:400,children:i.jsx(uO,{})})},iee=f.memo(aee),lee=e=>{const{label:t,isDisabled:n=!1,width:r="auto",formControlProps:o,formLabelProps:s,tooltip:a,...c}=e;return i.jsx(wn,{label:a,hasArrow:!0,placement:"top",isDisabled:!a,children:i.jsxs(go,{isDisabled:n,width:r,display:"flex",alignItems:"center",...o,children:[t&&i.jsx(Lo,{my:1,flexGrow:1,sx:{cursor:n?"not-allowed":"pointer",...s==null?void 0:s.sx,pe:4},...s,children:t}),i.jsx(Qb,{...c})]})})},Er=f.memo(lee),cee=fe([Ye,cR],({system:e,config:t,imageDeletion:n},r)=>{const{shouldConfirmOnDelete:o}=e,{canRestoreDeletedImagesFromBin:s}=t,{imageToDelete:a,isModalOpen:c}=n;return{shouldConfirmOnDelete:o,canRestoreDeletedImagesFromBin:s,imageToDelete:a,imageUsage:r,isModalOpen:c}},Ge),uee=()=>{const e=te(),{t}=ye(),{shouldConfirmOnDelete:n,canRestoreDeletedImagesFromBin:r,imageToDelete:o,imageUsage:s,isModalOpen:a}=z(cee),c=f.useCallback(m=>e(G_(!m.target.checked)),[e]),d=f.useCallback(()=>{e(Z2()),e(uR(!1))},[e]),p=f.useCallback(()=>{!o||!s||(e(Z2()),e(dR({imageDTO:o,imageUsage:s})))},[e,o,s]),h=f.useRef(null);return i.jsx(Md,{isOpen:a,onClose:d,leastDestructiveRef:h,isCentered:!0,children:i.jsx(Da,{children:i.jsxs(Dd,{children:[i.jsx(Ma,{fontSize:"lg",fontWeight:"bold",children:t("gallery.deleteImage")}),i.jsx(Aa,{children:i.jsxs(F,{direction:"column",gap:3,children:[i.jsx(ij,{imageUsage:s}),i.jsx(Pi,{}),i.jsx(qe,{children:t(r?"gallery.deleteImageBin":"gallery.deleteImagePermanent")}),i.jsx(qe,{children:t("common.areYouSure")}),i.jsx(Er,{label:t("common.dontAskMeAgain"),isChecked:!n,onChange:c})]})}),i.jsxs(Ra,{children:[i.jsx(Jt,{ref:h,onClick:d,children:"Cancel"}),i.jsx(Jt,{colorScheme:"error",onClick:p,ml:3,children:"Delete"})]})]})})})},dee=f.memo(uee);function fee(e){const{title:t,hotkey:n,description:r}=e;return i.jsxs(sl,{sx:{gridTemplateColumns:"auto max-content",justifyContent:"space-between",alignItems:"center"},children:[i.jsxs(sl,{children:[i.jsx(qe,{fontWeight:600,children:t}),r&&i.jsx(qe,{sx:{fontSize:"sm"},variant:"subtext",children:r})]}),i.jsx(Ee,{sx:{fontSize:"sm",fontWeight:600,px:2,py:1},children:n})]})}function pee({children:e}){const{isOpen:t,onOpen:n,onClose:r}=ss(),{t:o}=ye(),s=[{title:o("hotkeys.invoke.title"),desc:o("hotkeys.invoke.desc"),hotkey:"Ctrl+Enter"},{title:o("hotkeys.cancel.title"),desc:o("hotkeys.cancel.desc"),hotkey:"Shift+X"},{title:o("hotkeys.focusPrompt.title"),desc:o("hotkeys.focusPrompt.desc"),hotkey:"Alt+A"},{title:o("hotkeys.toggleOptions.title"),desc:o("hotkeys.toggleOptions.desc"),hotkey:"O"},{title:o("hotkeys.pinOptions.title"),desc:o("hotkeys.pinOptions.desc"),hotkey:"Shift+O"},{title:o("hotkeys.toggleGallery.title"),desc:o("hotkeys.toggleGallery.desc"),hotkey:"G"},{title:o("hotkeys.maximizeWorkSpace.title"),desc:o("hotkeys.maximizeWorkSpace.desc"),hotkey:"F"},{title:o("hotkeys.changeTabs.title"),desc:o("hotkeys.changeTabs.desc"),hotkey:"1-5"}],a=[{title:o("hotkeys.setPrompt.title"),desc:o("hotkeys.setPrompt.desc"),hotkey:"P"},{title:o("hotkeys.setSeed.title"),desc:o("hotkeys.setSeed.desc"),hotkey:"S"},{title:o("hotkeys.setParameters.title"),desc:o("hotkeys.setParameters.desc"),hotkey:"A"},{title:o("hotkeys.upscale.title"),desc:o("hotkeys.upscale.desc"),hotkey:"Shift+U"},{title:o("hotkeys.showInfo.title"),desc:o("hotkeys.showInfo.desc"),hotkey:"I"},{title:o("hotkeys.sendToImageToImage.title"),desc:o("hotkeys.sendToImageToImage.desc"),hotkey:"Shift+I"},{title:o("hotkeys.deleteImage.title"),desc:o("hotkeys.deleteImage.desc"),hotkey:"Del"},{title:o("hotkeys.closePanels.title"),desc:o("hotkeys.closePanels.desc"),hotkey:"Esc"}],c=[{title:o("hotkeys.previousImage.title"),desc:o("hotkeys.previousImage.desc"),hotkey:"Arrow Left"},{title:o("hotkeys.nextImage.title"),desc:o("hotkeys.nextImage.desc"),hotkey:"Arrow Right"},{title:o("hotkeys.toggleGalleryPin.title"),desc:o("hotkeys.toggleGalleryPin.desc"),hotkey:"Shift+G"},{title:o("hotkeys.increaseGalleryThumbSize.title"),desc:o("hotkeys.increaseGalleryThumbSize.desc"),hotkey:"Shift+Up"},{title:o("hotkeys.decreaseGalleryThumbSize.title"),desc:o("hotkeys.decreaseGalleryThumbSize.desc"),hotkey:"Shift+Down"}],d=[{title:o("hotkeys.selectBrush.title"),desc:o("hotkeys.selectBrush.desc"),hotkey:"B"},{title:o("hotkeys.selectEraser.title"),desc:o("hotkeys.selectEraser.desc"),hotkey:"E"},{title:o("hotkeys.decreaseBrushSize.title"),desc:o("hotkeys.decreaseBrushSize.desc"),hotkey:"["},{title:o("hotkeys.increaseBrushSize.title"),desc:o("hotkeys.increaseBrushSize.desc"),hotkey:"]"},{title:o("hotkeys.decreaseBrushOpacity.title"),desc:o("hotkeys.decreaseBrushOpacity.desc"),hotkey:"Shift + ["},{title:o("hotkeys.increaseBrushOpacity.title"),desc:o("hotkeys.increaseBrushOpacity.desc"),hotkey:"Shift + ]"},{title:o("hotkeys.moveTool.title"),desc:o("hotkeys.moveTool.desc"),hotkey:"V"},{title:o("hotkeys.fillBoundingBox.title"),desc:o("hotkeys.fillBoundingBox.desc"),hotkey:"Shift + F"},{title:o("hotkeys.eraseBoundingBox.title"),desc:o("hotkeys.eraseBoundingBox.desc"),hotkey:"Delete / Backspace"},{title:o("hotkeys.colorPicker.title"),desc:o("hotkeys.colorPicker.desc"),hotkey:"C"},{title:o("hotkeys.toggleSnap.title"),desc:o("hotkeys.toggleSnap.desc"),hotkey:"N"},{title:o("hotkeys.quickToggleMove.title"),desc:o("hotkeys.quickToggleMove.desc"),hotkey:"Hold Space"},{title:o("hotkeys.toggleLayer.title"),desc:o("hotkeys.toggleLayer.desc"),hotkey:"Q"},{title:o("hotkeys.clearMask.title"),desc:o("hotkeys.clearMask.desc"),hotkey:"Shift+C"},{title:o("hotkeys.hideMask.title"),desc:o("hotkeys.hideMask.desc"),hotkey:"H"},{title:o("hotkeys.showHideBoundingBox.title"),desc:o("hotkeys.showHideBoundingBox.desc"),hotkey:"Shift+H"},{title:o("hotkeys.mergeVisible.title"),desc:o("hotkeys.mergeVisible.desc"),hotkey:"Shift+M"},{title:o("hotkeys.saveToGallery.title"),desc:o("hotkeys.saveToGallery.desc"),hotkey:"Shift+S"},{title:o("hotkeys.copyToClipboard.title"),desc:o("hotkeys.copyToClipboard.desc"),hotkey:"Ctrl+C"},{title:o("hotkeys.downloadImage.title"),desc:o("hotkeys.downloadImage.desc"),hotkey:"Shift+D"},{title:o("hotkeys.undoStroke.title"),desc:o("hotkeys.undoStroke.desc"),hotkey:"Ctrl+Z"},{title:o("hotkeys.redoStroke.title"),desc:o("hotkeys.redoStroke.desc"),hotkey:"Ctrl+Shift+Z, Ctrl+Y"},{title:o("hotkeys.resetView.title"),desc:o("hotkeys.resetView.desc"),hotkey:"R"},{title:o("hotkeys.previousStagingImage.title"),desc:o("hotkeys.previousStagingImage.desc"),hotkey:"Arrow Left"},{title:o("hotkeys.nextStagingImage.title"),desc:o("hotkeys.nextStagingImage.desc"),hotkey:"Arrow Right"},{title:o("hotkeys.acceptStagingImage.title"),desc:o("hotkeys.acceptStagingImage.desc"),hotkey:"Enter"}],p=h=>i.jsx(F,{flexDir:"column",gap:4,children:h.map((m,v)=>i.jsxs(F,{flexDir:"column",px:2,gap:4,children:[i.jsx(fee,{title:m.title,description:m.desc,hotkey:m.hotkey}),v{const{data:t}=fR(),n=f.useRef(null),r=dO(n);return i.jsxs(F,{alignItems:"center",gap:3,ps:1,ref:n,children:[i.jsx(Nc,{src:z_,alt:"invoke-ai-logo",sx:{w:"32px",h:"32px",minW:"32px",minH:"32px",userSelect:"none"}}),i.jsxs(F,{sx:{gap:3,alignItems:"center"},children:[i.jsxs(qe,{sx:{fontSize:"xl",userSelect:"none"},children:["invoke ",i.jsx("strong",{children:"ai"})]}),i.jsx(mo,{children:e&&r&&t&&i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.15}},exit:{opacity:0,transition:{delay:.8}},children:i.jsx(qe,{sx:{fontWeight:600,marginTop:1,color:"base.300",fontSize:14},variant:"subtext",children:t.version})},"statusText")})]})]})},xee=e=>{const{tooltip:t,inputRef:n,label:r,disabled:o,required:s,...a}=e,c=FE();return i.jsx(wn,{label:t,placement:"top",hasArrow:!0,children:i.jsx(By,{label:r?i.jsx(go,{isRequired:s,isDisabled:o,children:i.jsx(Lo,{children:r})}):void 0,disabled:o,ref:n,styles:c,...a})})},Xr=f.memo(xee);function Xo(e){const{t}=ye(),{label:n,textProps:r,useBadge:o=!1,badgeLabel:s=t("settings.experimental"),badgeProps:a,...c}=e;return i.jsxs(F,{justifyContent:"space-between",py:1,children:[i.jsxs(F,{gap:2,alignItems:"center",children:[i.jsx(qe,{sx:{fontSize:14,_dark:{color:"base.300"}},...r,children:n}),o&&i.jsx(ml,{size:"xs",sx:{px:2,color:"base.700",bg:"accent.200",_dark:{bg:"accent.500",color:"base.200"}},...a,children:s})]}),i.jsx(Er,{...c})]})}const Kl=e=>i.jsx(F,{sx:{flexDirection:"column",gap:2,p:4,borderRadius:"base",bg:"base.100",_dark:{bg:"base.900"}},children:e.children});function wee(){const e=te(),{data:t,refetch:n}=pR(),[r,{isLoading:o}]=hR(),s=f.useCallback(()=>{r().unwrap().then(c=>{e(mR()),e(rb()),e(On({title:`Cleared ${c} intermediates`,status:"info"}))})},[r,e]);f.useEffect(()=>{n()},[n]);const a=t?`Clear ${t} Intermediate${t>1?"s":""}`:"No Intermediates to Clear";return i.jsxs(Kl,{children:[i.jsx(Ys,{size:"sm",children:"Clear Intermediates"}),i.jsx(Jt,{colorScheme:"warning",onClick:s,isLoading:o,isDisabled:!t,children:a}),i.jsx(qe,{fontWeight:"bold",children:"Clearing intermediates will reset your Canvas and ControlNet state."}),i.jsx(qe,{variant:"subtext",children:"Intermediate images are byproducts of generation, different from the result images in the gallery. Clearing intermediates will free disk space."}),i.jsx(qe,{variant:"subtext",children:"Your gallery images will not be deleted."})]})}const See=()=>{const{base50:e,base100:t,base200:n,base300:r,base400:o,base500:s,base600:a,base700:c,base800:d,base900:p,accent200:h,accent300:m,accent400:v,accent500:b,accent600:w}=Fy(),{colorMode:y}=Ds(),[S]=Tc("shadows",["dark-lg"]);return f.useCallback(()=>({label:{color:Fe(c,r)(y)},separatorLabel:{color:Fe(s,s)(y),"::after":{borderTopColor:Fe(r,c)(y)}},searchInput:{":placeholder":{color:Fe(r,c)(y)}},input:{backgroundColor:Fe(e,p)(y),borderWidth:"2px",borderColor:Fe(n,d)(y),color:Fe(p,t)(y),paddingRight:24,fontWeight:600,"&:hover":{borderColor:Fe(r,a)(y)},"&:focus":{borderColor:Fe(m,w)(y)},"&:is(:focus, :hover)":{borderColor:Fe(o,s)(y)},"&:focus-within":{borderColor:Fe(h,w)(y)},"&[data-disabled]":{backgroundColor:Fe(r,c)(y),color:Fe(a,o)(y),cursor:"not-allowed"}},value:{backgroundColor:Fe(n,d)(y),color:Fe(p,t)(y),button:{color:Fe(p,t)(y)},"&:hover":{backgroundColor:Fe(r,c)(y),cursor:"pointer"}},dropdown:{backgroundColor:Fe(n,d)(y),borderColor:Fe(n,d)(y),boxShadow:S},item:{backgroundColor:Fe(n,d)(y),color:Fe(d,n)(y),padding:6,"&[data-hovered]":{color:Fe(p,t)(y),backgroundColor:Fe(r,c)(y)},"&[data-active]":{backgroundColor:Fe(r,c)(y),"&:hover":{color:Fe(p,t)(y),backgroundColor:Fe(r,c)(y)}},"&[data-selected]":{backgroundColor:Fe(v,w)(y),color:Fe(e,t)(y),fontWeight:600,"&:hover":{backgroundColor:Fe(b,b)(y),color:Fe("white",e)(y)}},"&[data-disabled]":{color:Fe(s,a)(y),cursor:"not-allowed"}},rightSection:{width:24,padding:20,button:{color:Fe(p,t)(y)}}}),[h,m,v,b,w,t,n,r,o,e,s,a,c,d,p,S,y])},Cee=e=>{const{searchable:t=!0,tooltip:n,inputRef:r,label:o,disabled:s,...a}=e,c=te(),d=f.useCallback(m=>{m.shiftKey&&c(jo(!0))},[c]),p=f.useCallback(m=>{m.shiftKey||c(jo(!1))},[c]),h=See();return i.jsx(wn,{label:n,placement:"top",hasArrow:!0,isOpen:!0,children:i.jsx(TE,{label:o?i.jsx(go,{isDisabled:s,children:i.jsx(Lo,{children:o})}):void 0,ref:r,disabled:s,onKeyDown:d,onKeyUp:p,searchable:t,maxDropdownHeight:300,styles:h,...a})})},kee=f.memo(Cee),_ee=cs(ob,(e,t)=>({value:t,label:e})).sort((e,t)=>e.label.localeCompare(t.label));function Pee(){const e=te(),{t}=ye(),n=z(o=>o.ui.favoriteSchedulers),r=f.useCallback(o=>{e(gR(o))},[e]);return i.jsx(kee,{label:t("settings.favoriteSchedulers"),value:n,data:_ee,onChange:r,clearable:!0,searchable:!0,maxSelectedValues:99,placeholder:t("settings.favoriteSchedulersPlaceholder")})}const jee={ar:Bn.t("common.langArabic",{lng:"ar"}),nl:Bn.t("common.langDutch",{lng:"nl"}),en:Bn.t("common.langEnglish",{lng:"en"}),fr:Bn.t("common.langFrench",{lng:"fr"}),de:Bn.t("common.langGerman",{lng:"de"}),he:Bn.t("common.langHebrew",{lng:"he"}),it:Bn.t("common.langItalian",{lng:"it"}),ja:Bn.t("common.langJapanese",{lng:"ja"}),ko:Bn.t("common.langKorean",{lng:"ko"}),pl:Bn.t("common.langPolish",{lng:"pl"}),pt_BR:Bn.t("common.langBrPortuguese",{lng:"pt_BR"}),pt:Bn.t("common.langPortuguese",{lng:"pt"}),ru:Bn.t("common.langRussian",{lng:"ru"}),zh_CN:Bn.t("common.langSimplifiedChinese",{lng:"zh_CN"}),es:Bn.t("common.langSpanish",{lng:"es"}),uk:Bn.t("common.langUkranian",{lng:"ua"})},Iee=fe([Ye],({system:e,ui:t,generation:n})=>{const{shouldConfirmOnDelete:r,enableImageDebugging:o,consoleLogLevel:s,shouldLogToConsole:a,shouldAntialiasProgressImage:c,isNodesEnabled:d,shouldUseNSFWChecker:p,shouldUseWatermarker:h}=e,{shouldUseCanvasBetaLayout:m,shouldUseSliders:v,shouldShowProgressInViewer:b}=t,{shouldShowAdvancedOptions:w}=n;return{shouldConfirmOnDelete:r,enableImageDebugging:o,shouldUseCanvasBetaLayout:m,shouldUseSliders:v,shouldShowProgressInViewer:b,consoleLogLevel:s,shouldLogToConsole:a,shouldAntialiasProgressImage:c,shouldShowAdvancedOptions:w,isNodesEnabled:d,shouldUseNSFWChecker:p,shouldUseWatermarker:h}},{memoizeOptions:{resultEqualityCheck:Zt}}),Eee=({children:e,config:t})=>{const n=te(),{t:r}=ye(),o=(t==null?void 0:t.shouldShowBetaLayout)??!0,s=(t==null?void 0:t.shouldShowDeveloperSettings)??!0,a=(t==null?void 0:t.shouldShowResetWebUiText)??!0,c=(t==null?void 0:t.shouldShowAdvancedOptionsSettings)??!0,d=(t==null?void 0:t.shouldShowClearIntermediates)??!0,p=(t==null?void 0:t.shouldShowNodesToggle)??!0,h=(t==null?void 0:t.shouldShowLocalizationToggle)??!0;f.useEffect(()=>{s||n(ew(!1))},[s,n]);const{isNSFWCheckerAvailable:m,isWatermarkerAvailable:v}=q_(void 0,{selectFromResult:({data:X})=>({isNSFWCheckerAvailable:(X==null?void 0:X.nsfw_methods.includes("nsfw_checker"))??!1,isWatermarkerAvailable:(X==null?void 0:X.watermarking_methods.includes("invisible_watermark"))??!1})}),{isOpen:b,onOpen:w,onClose:y}=ss(),{isOpen:S,onOpen:_,onClose:k}=ss(),{shouldConfirmOnDelete:j,enableImageDebugging:I,shouldUseCanvasBetaLayout:E,shouldUseSliders:O,shouldShowProgressInViewer:R,consoleLogLevel:M,shouldLogToConsole:A,shouldAntialiasProgressImage:T,shouldShowAdvancedOptions:$,isNodesEnabled:Q,shouldUseNSFWChecker:B,shouldUseWatermarker:V}=z(Iee),q=f.useCallback(()=>{Object.keys(window.localStorage).forEach(X=>{(vR.includes(X)||X.startsWith(bR))&&localStorage.removeItem(X)}),y(),_()},[y,_]),G=f.useCallback(X=>{n(yR(X))},[n]),D=f.useCallback(X=>{n(xR(X))},[n]),L=f.useCallback(X=>{n(ew(X.target.checked))},[n]),W=f.useCallback(X=>{n(wR(X.target.checked))},[n]),{colorMode:Y,toggleColorMode:ae}=Ds(),be=ir("localization").isFeatureEnabled,ie=z(Y6);return i.jsxs(i.Fragment,{children:[f.cloneElement(e,{onClick:w}),i.jsxs(sd,{isOpen:b,onClose:y,size:"2xl",isCentered:!0,children:[i.jsx(Da,{}),i.jsxs(ad,{children:[i.jsx(Ma,{bg:"none",children:r("common.settingsLabel")}),i.jsx(Ub,{}),i.jsx(Aa,{children:i.jsxs(F,{sx:{gap:4,flexDirection:"column"},children:[i.jsxs(Kl,{children:[i.jsx(Ys,{size:"sm",children:r("settings.general")}),i.jsx(Xo,{label:r("settings.confirmOnDelete"),isChecked:j,onChange:X=>n(G_(X.target.checked))}),c&&i.jsx(Xo,{label:r("settings.showAdvancedOptions"),isChecked:$,onChange:X=>n(SR(X.target.checked))})]}),i.jsxs(Kl,{children:[i.jsx(Ys,{size:"sm",children:r("settings.generation")}),i.jsx(Pee,{}),i.jsx(Xo,{label:"Enable NSFW Checker",isDisabled:!m,isChecked:B,onChange:X=>n(CR(X.target.checked))}),i.jsx(Xo,{label:"Enable Invisible Watermark",isDisabled:!v,isChecked:V,onChange:X=>n(kR(X.target.checked))})]}),i.jsxs(Kl,{children:[i.jsx(Ys,{size:"sm",children:r("settings.ui")}),i.jsx(Xo,{label:r("common.darkMode"),isChecked:Y==="dark",onChange:ae}),i.jsx(Xo,{label:r("settings.useSlidersForAll"),isChecked:O,onChange:X=>n(_R(X.target.checked))}),i.jsx(Xo,{label:r("settings.showProgressInViewer"),isChecked:R,onChange:X=>n(K_(X.target.checked))}),i.jsx(Xo,{label:r("settings.antialiasProgressImages"),isChecked:T,onChange:X=>n(PR(X.target.checked))}),o&&i.jsx(Xo,{label:r("settings.alternateCanvasLayout"),useBadge:!0,badgeLabel:r("settings.beta"),isChecked:E,onChange:X=>n(jR(X.target.checked))}),p&&i.jsx(Xo,{label:r("settings.enableNodesEditor"),useBadge:!0,isChecked:Q,onChange:W}),h&&i.jsx(Xr,{disabled:!be,label:r("common.languagePickerLabel"),value:ie,data:Object.entries(jee).map(([X,K])=>({value:X,label:K})),onChange:D})]}),s&&i.jsxs(Kl,{children:[i.jsx(Ys,{size:"sm",children:r("settings.developer")}),i.jsx(Xo,{label:r("settings.shouldLogToConsole"),isChecked:A,onChange:L}),i.jsx(Xr,{disabled:!A,label:r("settings.consoleLogLevel"),onChange:G,value:M,data:IR.concat()}),i.jsx(Xo,{label:r("settings.enableImageDebugging"),isChecked:I,onChange:X=>n(ER(X.target.checked))})]}),d&&i.jsx(wee,{}),i.jsxs(Kl,{children:[i.jsx(Ys,{size:"sm",children:r("settings.resetWebUI")}),i.jsx(Jt,{colorScheme:"error",onClick:q,children:r("settings.resetWebUI")}),a&&i.jsxs(i.Fragment,{children:[i.jsx(qe,{variant:"subtext",children:r("settings.resetWebUIDesc1")}),i.jsx(qe,{variant:"subtext",children:r("settings.resetWebUIDesc2")})]})]})]})}),i.jsx(Ra,{children:i.jsx(Jt,{onClick:y,children:r("common.close")})})]})]}),i.jsxs(sd,{closeOnOverlayClick:!1,isOpen:S,onClose:k,isCentered:!0,children:[i.jsx(Da,{backdropFilter:"blur(40px)"}),i.jsxs(ad,{children:[i.jsx(Ma,{}),i.jsx(Aa,{children:i.jsx(F,{justifyContent:"center",children:i.jsx(qe,{fontSize:"lg",children:i.jsx(qe,{children:r("settings.resetComplete")})})})}),i.jsx(Ra,{})]})]})]})},Oee=fe(vo,e=>{const{isConnected:t,isProcessing:n,statusTranslationKey:r,currentIteration:o,totalIterations:s,currentStatusHasSteps:a}=e;return{isConnected:t,isProcessing:n,currentIteration:o,totalIterations:s,statusTranslationKey:r,currentStatusHasSteps:a}},Ge),wk={ok:"green.400",working:"yellow.400",error:"red.400"},Sk={ok:"green.600",working:"yellow.500",error:"red.500"},Ree=()=>{const{isConnected:e,isProcessing:t,currentIteration:n,totalIterations:r,statusTranslationKey:o}=z(Oee),{t:s}=ye(),a=f.useRef(null),c=f.useMemo(()=>t?"working":e?"ok":"error",[t,e]),d=f.useMemo(()=>{if(n&&r)return` (${n}/${r})`},[n,r]),p=dO(a);return i.jsxs(F,{ref:a,h:"full",px:2,alignItems:"center",gap:5,children:[i.jsx(mo,{children:p&&i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.15}},exit:{opacity:0,transition:{delay:.8}},children:i.jsxs(qe,{sx:{fontSize:"sm",fontWeight:"600",pb:"1px",userSelect:"none",color:Sk[c],_dark:{color:wk[c]}},children:[s(o),d]})},"statusText")}),i.jsx(no,{as:oW,sx:{boxSize:"0.5rem",color:Sk[c],_dark:{color:wk[c]}}})]})},Mee=()=>{const{t:e}=ye(),t=ir("bugLink").isFeatureEnabled,n=ir("discordLink").isFeatureEnabled,r=ir("githubLink").isFeatureEnabled,o="http://github.com/invoke-ai/InvokeAI",s="https://discord.gg/ZmtBAhwWhy";return i.jsxs(F,{sx:{gap:2,alignItems:"center"},children:[i.jsx(fO,{}),i.jsx(hl,{}),i.jsx(Ree,{}),i.jsxs(Od,{children:[i.jsx(Rd,{as:Le,variant:"link","aria-label":e("accessibility.menu"),icon:i.jsx(tW,{}),sx:{boxSize:8}}),i.jsxs(Fc,{motionProps:um,children:[i.jsxs(od,{title:e("common.communityLabel"),children:[r&&i.jsx(Pr,{as:"a",href:o,target:"_blank",icon:i.jsx(KH,{}),children:e("common.githubLabel")}),t&&i.jsx(Pr,{as:"a",href:`${o}/issues`,target:"_blank",icon:i.jsx(nW,{}),children:e("common.reportBugLabel")}),n&&i.jsx(Pr,{as:"a",href:s,target:"_blank",icon:i.jsx(qH,{}),children:e("common.discordLabel")})]}),i.jsxs(od,{title:e("common.settingsLabel"),children:[i.jsx(pee,{children:i.jsx(Pr,{as:"button",icon:i.jsx(bW,{}),children:e("common.hotkeysLabel")})}),i.jsx(Eee,{children:i.jsx(Pr,{as:"button",icon:i.jsx(sW,{}),children:e("common.settingsLabel")})})]})]})]})]})},Dee=f.memo(Mee);function Aee(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0z"}},{tag:"path",attr:{d:"M16.5 9c-.42 0-.83.04-1.24.11L1.01 3 1 10l9 2-9 2 .01 7 8.07-3.46C9.59 21.19 12.71 24 16.5 24c4.14 0 7.5-3.36 7.5-7.5S20.64 9 16.5 9zm0 13c-3.03 0-5.5-2.47-5.5-5.5s2.47-5.5 5.5-5.5 5.5 2.47 5.5 5.5-2.47 5.5-5.5 5.5z"}},{tag:"path",attr:{d:"M18.27 14.03l-1.77 1.76-1.77-1.76-.7.7 1.76 1.77-1.76 1.77.7.7 1.77-1.76 1.77 1.76.7-.7-1.76-1.77 1.76-1.77z"}}]})(e)}function Tee(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0z"}},{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0V0z"}},{tag:"path",attr:{d:"M17 16l-4-4V8.82C14.16 8.4 15 7.3 15 6c0-1.66-1.34-3-3-3S9 4.34 9 6c0 1.3.84 2.4 2 2.82V12l-4 4H3v5h5v-3.05l4-4.2 4 4.2V21h5v-5h-4z"}}]})(e)}function Nee(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0z"}},{tag:"path",attr:{d:"M20 2H4c-1.1 0-2 .9-2 2v16c0 1.1.9 2 2 2h16c1.1 0 2-.9 2-2V4c0-1.1-.9-2-2-2zM8 20H4v-4h4v4zm0-6H4v-4h4v4zm0-6H4V4h4v4zm6 12h-4v-4h4v4zm0-6h-4v-4h4v4zm0-6h-4V4h4v4zm6 12h-4v-4h4v4zm0-6h-4v-4h4v4zm0-6h-4V4h4v4z"}}]})(e)}function $ee(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0z"}},{tag:"path",attr:{d:"M22 16V4c0-1.1-.9-2-2-2H8c-1.1 0-2 .9-2 2v12c0 1.1.9 2 2 2h12c1.1 0 2-.9 2-2zm-11-4l2.03 2.71L16 11l4 5H8l3-4zM2 6v14c0 1.1.9 2 2 2h14v-2H4V6H2z"}}]})(e)}function zee(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0z"}},{tag:"path",attr:{d:"M12 2C6.47 2 2 6.47 2 12s4.47 10 10 10 10-4.47 10-10S17.53 2 12 2zm5 13.59L15.59 17 12 13.41 8.41 17 7 15.59 10.59 12 7 8.41 8.41 7 12 10.59 15.59 7 17 8.41 13.41 12 17 15.59z"}}]})(e)}function pO(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0V0z"}},{tag:"path",attr:{d:"M16 17.01V10h-2v7.01h-3L15 21l4-3.99h-3zM9 3L5 6.99h3V14h2V6.99h3L9 3zm7 14.01V10h-2v7.01h-3L15 21l4-3.99h-3zM9 3L5 6.99h3V14h2V6.99h3L9 3z"}}]})(e)}const Lee=fe(vo,e=>{const{isUploading:t}=e;let n="";return t&&(n="Uploading..."),{tooltip:n,shouldShow:t}}),Bee=()=>{const{shouldShow:e,tooltip:t}=z(Lee);return e?i.jsx(F,{sx:{alignItems:"center",justifyContent:"center",color:"base.600"},children:i.jsx(wn,{label:t,placement:"right",hasArrow:!0,children:i.jsx(pl,{})})}):null},Fee=f.memo(Bee),hO=e=>e.config,{createElement:Ec,createContext:Hee,forwardRef:mO,useCallback:ri,useContext:gO,useEffect:Ia,useImperativeHandle:vO,useLayoutEffect:Wee,useMemo:Vee,useRef:Zo,useState:Ku}=J1,Ck=J1["useId".toString()],Uee=typeof window<"u"&&typeof window.document<"u"&&typeof window.document.createElement<"u",em=Uee?Wee:()=>{},Gee=typeof Ck=="function"?Ck:()=>null;let qee=0;function Ky(e=null){const t=Gee(),n=Zo(e||t||null);return n.current===null&&(n.current=""+qee++),n.current}const Zm=Hee(null);Zm.displayName="PanelGroupContext";function bO({children:e=null,className:t="",collapsedSize:n=0,collapsible:r=!1,defaultSize:o=null,forwardedRef:s,id:a=null,maxSize:c=100,minSize:d=10,onCollapse:p=null,onResize:h=null,order:m=null,style:v={},tagName:b="div"}){const w=gO(Zm);if(w===null)throw Error("Panel components must be rendered within a PanelGroup container");const y=Ky(a),{collapsePanel:S,expandPanel:_,getPanelStyle:k,registerPanel:j,resizePanel:I,unregisterPanel:E}=w,O=Zo({onCollapse:p,onResize:h});if(Ia(()=>{O.current.onCollapse=p,O.current.onResize=h}),d<0||d>100)throw Error(`Panel minSize must be between 0 and 100, but was ${d}`);if(c<0||c>100)throw Error(`Panel maxSize must be between 0 and 100, but was ${c}`);if(o!==null){if(o<0||o>100)throw Error(`Panel defaultSize must be between 0 and 100, but was ${o}`);d>o&&!r&&(console.error(`Panel minSize ${d} cannot be greater than defaultSize ${o}`),o=d)}const R=k(y,o),M=Zo({size:kk(R)}),A=Zo({callbacksRef:O,collapsedSize:n,collapsible:r,defaultSize:o,id:y,maxSize:c,minSize:d,order:m});return em(()=>{M.current.size=kk(R),A.current.callbacksRef=O,A.current.collapsedSize=n,A.current.collapsible=r,A.current.defaultSize=o,A.current.id=y,A.current.maxSize=c,A.current.minSize=d,A.current.order=m}),em(()=>(j(y,A),()=>{E(y)}),[m,y,j,E]),vO(s,()=>({collapse:()=>S(y),expand:()=>_(y),getCollapsed(){return M.current.size===0},getSize(){return M.current.size},resize:T=>I(y,T)}),[S,_,y,I]),Ec(b,{children:e,className:t,"data-panel":"","data-panel-collapsible":r||void 0,"data-panel-id":y,"data-panel-size":parseFloat(""+R.flexGrow).toFixed(1),id:`data-panel-id-${y}`,style:{...R,...v}})}const pd=mO((e,t)=>Ec(bO,{...e,forwardedRef:t}));bO.displayName="Panel";pd.displayName="forwardRef(Panel)";function kk(e){const{flexGrow:t}=e;return typeof t=="string"?parseFloat(t):t}const fl=10;function Au(e,t,n,r,o,s,a,c){const{sizes:d}=c||{},p=d||s;if(o===0)return p;const h=Qo(t),m=p.concat();let v=0;{const y=o<0?r:n,S=h.findIndex(I=>I.current.id===y),_=h[S],k=p[S],j=_k(_,Math.abs(o),k,e);if(k===j)return p;j===0&&k>0&&a.set(y,k),o=o<0?k-j:j-k}let b=o<0?n:r,w=h.findIndex(y=>y.current.id===b);for(;;){const y=h[w],S=p[w],_=Math.abs(o)-Math.abs(v),k=_k(y,0-_,S,e);if(S!==k&&(k===0&&S>0&&a.set(y.current.id,S),v+=S-k,m[w]=k,v.toPrecision(fl).localeCompare(Math.abs(o).toPrecision(fl),void 0,{numeric:!0})>=0))break;if(o<0){if(--w<0)break}else if(++w>=h.length)break}return v===0?p:(b=o<0?r:n,w=h.findIndex(y=>y.current.id===b),m[w]=p[w]+v,m)}function Ul(e,t,n){t.forEach((r,o)=>{const{callbacksRef:s,collapsedSize:a,collapsible:c,id:d}=e[o].current,p=n[d];if(p!==r){n[d]=r;const{onCollapse:h,onResize:m}=s.current;m&&m(r,p),c&&h&&((p==null||p===a)&&r!==a?h(!1):p!==a&&r===a&&h(!0))}})}function dv(e,t){if(t.length<2)return[null,null];const n=t.findIndex(a=>a.current.id===e);if(n<0)return[null,null];const r=n===t.length-1,o=r?t[n-1].current.id:e,s=r?e:t[n+1].current.id;return[o,s]}function yO(e,t,n){if(e.size===1)return"100";const o=Qo(e).findIndex(a=>a.current.id===t),s=n[o];return s==null?"0":s.toPrecision(fl)}function Kee(e){const t=document.querySelector(`[data-panel-id="${e}"]`);return t||null}function Xy(e){const t=document.querySelector(`[data-panel-group-id="${e}"]`);return t||null}function eg(e){const t=document.querySelector(`[data-panel-resize-handle-id="${e}"]`);return t||null}function Xee(e){return xO().findIndex(r=>r.getAttribute("data-panel-resize-handle-id")===e)??null}function xO(){return Array.from(document.querySelectorAll("[data-panel-resize-handle-id]"))}function wO(e){return Array.from(document.querySelectorAll(`[data-panel-resize-handle-id][data-panel-group-id="${e}"]`))}function Yy(e,t,n){var d,p,h,m;const r=eg(t),o=wO(e),s=r?o.indexOf(r):-1,a=((p=(d=n[s])==null?void 0:d.current)==null?void 0:p.id)??null,c=((m=(h=n[s+1])==null?void 0:h.current)==null?void 0:m.id)??null;return[a,c]}function Qo(e){return Array.from(e.values()).sort((t,n)=>{const r=t.current.order,o=n.current.order;return r==null&&o==null?0:r==null?-1:o==null?1:r-o})}function _k(e,t,n,r){var h;const o=n+t,{collapsedSize:s,collapsible:a,maxSize:c,minSize:d}=e.current;if(a){if(n>s){if(o<=d/2+s)return s}else if(!((h=r==null?void 0:r.type)==null?void 0:h.startsWith("key"))&&o{const{direction:a,panels:c}=e.current,d=Xy(t),{height:p,width:h}=d.getBoundingClientRect(),v=wO(t).map(b=>{const w=b.getAttribute("data-panel-resize-handle-id"),y=Qo(c),[S,_]=Yy(t,w,y);if(S==null||_==null)return()=>{};let k=0,j=100,I=0,E=0;y.forEach($=>{$.current.id===S?(j=$.current.maxSize,k=$.current.minSize):(I+=$.current.minSize,E+=$.current.maxSize)});const O=Math.min(j,100-I),R=Math.max(k,(y.length-1)*100-E),M=yO(c,S,o);b.setAttribute("aria-valuemax",""+Math.round(O)),b.setAttribute("aria-valuemin",""+Math.round(R)),b.setAttribute("aria-valuenow",""+Math.round(parseInt(M)));const A=$=>{if(!$.defaultPrevented)switch($.key){case"Enter":{$.preventDefault();const Q=y.findIndex(B=>B.current.id===S);if(Q>=0){const B=y[Q],V=o[Q];if(V!=null){let q=0;V.toPrecision(fl)<=B.current.minSize.toPrecision(fl)?q=a==="horizontal"?h:p:q=-(a==="horizontal"?h:p);const G=Au($,c,S,_,q,o,s.current,null);o!==G&&r(G)}}break}}};b.addEventListener("keydown",A);const T=Kee(S);return T!=null&&b.setAttribute("aria-controls",T.id),()=>{b.removeAttribute("aria-valuemax"),b.removeAttribute("aria-valuemin"),b.removeAttribute("aria-valuenow"),b.removeEventListener("keydown",A),T!=null&&b.removeAttribute("aria-controls")}});return()=>{v.forEach(b=>b())}},[e,t,n,s,r,o])}function Qee({disabled:e,handleId:t,resizeHandler:n}){Ia(()=>{if(e||n==null)return;const r=eg(t);if(r==null)return;const o=s=>{if(!s.defaultPrevented)switch(s.key){case"ArrowDown":case"ArrowLeft":case"ArrowRight":case"ArrowUp":case"End":case"Home":{s.preventDefault(),n(s);break}case"F6":{s.preventDefault();const a=xO(),c=Xee(t);SO(c!==null);const d=s.shiftKey?c>0?c-1:a.length-1:c+1{r.removeEventListener("keydown",o)}},[e,t,n])}function Jee(e,t){if(e.length!==t.length)return!1;for(let n=0;nR.current.id===I),O=r[E];if(O.current.collapsible){const R=h[E];(R===0||R.toPrecision(fl)===O.current.minSize.toPrecision(fl))&&(_=_<0?-O.current.minSize*w:O.current.minSize*w)}return _}else return CO(e,n,o,c,d)}function ete(e){return e.type==="keydown"}function A1(e){return e.type.startsWith("mouse")}function T1(e){return e.type.startsWith("touch")}let N1=null,Xi=null;function kO(e){switch(e){case"horizontal":return"ew-resize";case"horizontal-max":return"w-resize";case"horizontal-min":return"e-resize";case"vertical":return"ns-resize";case"vertical-max":return"n-resize";case"vertical-min":return"s-resize"}}function tte(){Xi!==null&&(document.head.removeChild(Xi),N1=null,Xi=null)}function fv(e){if(N1===e)return;N1=e;const t=kO(e);Xi===null&&(Xi=document.createElement("style"),document.head.appendChild(Xi)),Xi.innerHTML=`*{cursor: ${t}!important;}`}function nte(e,t=10){let n=null;return(...o)=>{n!==null&&clearTimeout(n),n=setTimeout(()=>{e(...o)},t)}}function _O(e){return e.map(t=>{const{minSize:n,order:r}=t.current;return r?`${r}:${n}`:`${n}`}).sort((t,n)=>t.localeCompare(n)).join(",")}function PO(e,t){try{const n=t.getItem(`PanelGroup:sizes:${e}`);if(n){const r=JSON.parse(n);if(typeof r=="object"&&r!=null)return r}}catch{}return null}function rte(e,t,n){const r=PO(e,n);if(r){const o=_O(t);return r[o]??null}return null}function ote(e,t,n,r){const o=_O(t),s=PO(e,r)||{};s[o]=n;try{r.setItem(`PanelGroup:sizes:${e}`,JSON.stringify(s))}catch(a){console.error(a)}}const pv={};function Pk(e){try{if(typeof localStorage<"u")e.getItem=t=>localStorage.getItem(t),e.setItem=(t,n)=>{localStorage.setItem(t,n)};else throw new Error("localStorage not supported in this environment")}catch(t){console.error(t),e.getItem=()=>null,e.setItem=()=>{}}}const Tu={getItem:e=>(Pk(Tu),Tu.getItem(e)),setItem:(e,t)=>{Pk(Tu),Tu.setItem(e,t)}};function jO({autoSaveId:e,children:t=null,className:n="",direction:r,disablePointerEventsDuringResize:o=!1,forwardedRef:s,id:a=null,onLayout:c,storage:d=Tu,style:p={},tagName:h="div"}){const m=Ky(a),[v,b]=Ku(null),[w,y]=Ku(new Map),S=Zo(null),_=Zo({onLayout:c});Ia(()=>{_.current.onLayout=c});const k=Zo({}),[j,I]=Ku([]),E=Zo(new Map),O=Zo(0),R=Zo({direction:r,panels:w,sizes:j});vO(s,()=>({getLayout:()=>{const{sizes:D}=R.current;return D},setLayout:D=>{const L=D.reduce((be,ie)=>be+ie,0);SO(L===100,"Panel sizes must add up to 100%");const{panels:W}=R.current,Y=k.current,ae=Qo(W);I(D),Ul(ae,D,Y)}}),[]),em(()=>{R.current.direction=r,R.current.panels=w,R.current.sizes=j}),Yee({committedValuesRef:R,groupId:m,panels:w,setSizes:I,sizes:j,panelSizeBeforeCollapse:E}),Ia(()=>{const{onLayout:D}=_.current,{panels:L,sizes:W}=R.current;if(W.length>0){D&&D(W);const Y=k.current,ae=Qo(L);Ul(ae,W,Y)}},[j]),em(()=>{if(R.current.sizes.length===w.size)return;let L=null;if(e){const W=Qo(w);L=rte(e,W,d)}if(L!=null)I(L);else{const W=Qo(w);let Y=0,ae=0,be=0;if(W.forEach(ie=>{be+=ie.current.minSize,ie.current.defaultSize===null?Y++:ae+=ie.current.defaultSize}),ae>100)throw new Error("Default panel sizes cannot exceed 100%");if(W.length>1&&Y===0&&ae!==100)throw new Error("Invalid default sizes specified for panels");if(be>100)throw new Error("Minimum panel sizes cannot exceed 100%");I(W.map(ie=>ie.current.defaultSize===null?(100-ae)/Y:ie.current.defaultSize))}},[e,w,d]),Ia(()=>{if(e){if(j.length===0||j.length!==w.size)return;const D=Qo(w);pv[e]||(pv[e]=nte(ote,100)),pv[e](e,D,j,d)}},[e,w,j,d]);const M=ri((D,L)=>{const{panels:W}=R.current;return W.size===0?{flexBasis:0,flexGrow:L??void 0,flexShrink:1,overflow:"hidden"}:{flexBasis:0,flexGrow:yO(W,D,j),flexShrink:1,overflow:"hidden",pointerEvents:o&&v!==null?"none":void 0}},[v,o,j]),A=ri((D,L)=>{y(W=>{if(W.has(D))return W;const Y=new Map(W);return Y.set(D,L),Y})},[]),T=ri(D=>W=>{W.preventDefault();const{direction:Y,panels:ae,sizes:be}=R.current,ie=Qo(ae),[X,K]=Yy(m,D,ie);if(X==null||K==null)return;let U=Zee(W,m,D,ie,Y,be,S.current);if(U===0)return;const re=Xy(m).getBoundingClientRect(),oe=Y==="horizontal";document.dir==="rtl"&&oe&&(U=-U);const pe=oe?re.width:re.height,le=U/pe*100,ge=Au(W,ae,X,K,le,be,E.current,S.current),ke=!Jee(be,ge);if((A1(W)||T1(W))&&O.current!=le&&fv(ke?oe?"horizontal":"vertical":oe?U<0?"horizontal-min":"horizontal-max":U<0?"vertical-min":"vertical-max"),ke){const xe=k.current;I(ge),Ul(ie,ge,xe)}O.current=le},[m]),$=ri(D=>{y(L=>{if(!L.has(D))return L;const W=new Map(L);return W.delete(D),W})},[]),Q=ri(D=>{const{panels:L,sizes:W}=R.current,Y=L.get(D);if(Y==null)return;const{collapsedSize:ae,collapsible:be}=Y.current;if(!be)return;const ie=Qo(L),X=ie.indexOf(Y);if(X<0)return;const K=W[X];if(K===ae)return;E.current.set(D,K);const[U,se]=dv(D,ie);if(U==null||se==null)return;const oe=X===ie.length-1?K:ae-K,pe=Au(null,L,U,se,oe,W,E.current,null);if(W!==pe){const le=k.current;I(pe),Ul(ie,pe,le)}},[]),B=ri(D=>{const{panels:L,sizes:W}=R.current,Y=L.get(D);if(Y==null)return;const{collapsedSize:ae,minSize:be}=Y.current,ie=E.current.get(D)||be;if(!ie)return;const X=Qo(L),K=X.indexOf(Y);if(K<0||W[K]!==ae)return;const[se,re]=dv(D,X);if(se==null||re==null)return;const pe=K===X.length-1?ae-ie:ie,le=Au(null,L,se,re,pe,W,E.current,null);if(W!==le){const ge=k.current;I(le),Ul(X,le,ge)}},[]),V=ri((D,L)=>{const{panels:W,sizes:Y}=R.current,ae=W.get(D);if(ae==null)return;const{collapsedSize:be,collapsible:ie,maxSize:X,minSize:K}=ae.current,U=Qo(W),se=U.indexOf(ae);if(se<0)return;const re=Y[se];if(re===L)return;ie&&L===be||(L=Math.min(X,Math.max(K,L)));const[oe,pe]=dv(D,U);if(oe==null||pe==null)return;const ge=se===U.length-1?re-L:L-re,ke=Au(null,W,oe,pe,ge,Y,E.current,null);if(Y!==ke){const xe=k.current;I(ke),Ul(U,ke,xe)}},[]),q=Vee(()=>({activeHandleId:v,collapsePanel:Q,direction:r,expandPanel:B,getPanelStyle:M,groupId:m,registerPanel:A,registerResizeHandle:T,resizePanel:V,startDragging:(D,L)=>{if(b(D),A1(L)||T1(L)){const W=eg(D);S.current={dragHandleRect:W.getBoundingClientRect(),dragOffset:CO(L,D,r),sizes:R.current.sizes}}},stopDragging:()=>{tte(),b(null),S.current=null},unregisterPanel:$}),[v,Q,r,B,M,m,A,T,V,$]),G={display:"flex",flexDirection:r==="horizontal"?"row":"column",height:"100%",overflow:"hidden",width:"100%"};return Ec(Zm.Provider,{children:Ec(h,{children:t,className:n,"data-panel-group":"","data-panel-group-direction":r,"data-panel-group-id":m,style:{...G,...p}}),value:q})}const Qy=mO((e,t)=>Ec(jO,{...e,forwardedRef:t}));jO.displayName="PanelGroup";Qy.displayName="forwardRef(PanelGroup)";function $1({children:e=null,className:t="",disabled:n=!1,id:r=null,onDragging:o,style:s={},tagName:a="div"}){const c=Zo(null),d=Zo({onDragging:o});Ia(()=>{d.current.onDragging=o});const p=gO(Zm);if(p===null)throw Error("PanelResizeHandle components must be rendered within a PanelGroup container");const{activeHandleId:h,direction:m,groupId:v,registerResizeHandle:b,startDragging:w,stopDragging:y}=p,S=Ky(r),_=h===S,[k,j]=Ku(!1),[I,E]=Ku(null),O=ri(()=>{c.current.blur(),y();const{onDragging:A}=d.current;A&&A(!1)},[y]);Ia(()=>{if(n)E(null);else{const M=b(S);E(()=>M)}},[n,S,b]),Ia(()=>{if(n||I==null||!_)return;const M=Q=>{I(Q)},A=Q=>{I(Q)},$=c.current.ownerDocument;return $.body.addEventListener("contextmenu",O),$.body.addEventListener("mousemove",M),$.body.addEventListener("touchmove",M),$.body.addEventListener("mouseleave",A),window.addEventListener("mouseup",O),window.addEventListener("touchend",O),()=>{$.body.removeEventListener("contextmenu",O),$.body.removeEventListener("mousemove",M),$.body.removeEventListener("touchmove",M),$.body.removeEventListener("mouseleave",A),window.removeEventListener("mouseup",O),window.removeEventListener("touchend",O)}},[m,n,_,I,O]),Qee({disabled:n,handleId:S,resizeHandler:I});const R={cursor:kO(m),touchAction:"none",userSelect:"none"};return Ec(a,{children:e,className:t,"data-resize-handle-active":_?"pointer":k?"keyboard":void 0,"data-panel-group-direction":m,"data-panel-group-id":v,"data-panel-resize-handle-enabled":!n,"data-panel-resize-handle-id":S,onBlur:()=>j(!1),onFocus:()=>j(!0),onMouseDown:M=>{w(S,M.nativeEvent);const{onDragging:A}=d.current;A&&A(!0)},onMouseUp:O,onTouchCancel:O,onTouchEnd:O,onTouchStart:M=>{w(S,M.nativeEvent);const{onDragging:A}=d.current;A&&A(!0)},ref:c,role:"separator",style:{...R,...s},tabIndex:0})}$1.displayName="PanelResizeHandle";const ste=(e,t,n,r="horizontal")=>{const o=f.useRef(null),[s,a]=f.useState(t),c=f.useCallback(()=>{var p,h;const d=(p=o.current)==null?void 0:p.getSize();d!==void 0&&d{const d=document.querySelector(`[data-panel-group-id="${n}"]`),p=document.querySelectorAll("[data-panel-resize-handle-id]");if(!d)return;const h=new ResizeObserver(()=>{let m=r==="horizontal"?d.getBoundingClientRect().width:d.getBoundingClientRect().height;p.forEach(v=>{m-=r==="horizontal"?v.getBoundingClientRect().width:v.getBoundingClientRect().height}),a(e/m*100)});return h.observe(d),p.forEach(m=>{h.observe(m)}),window.addEventListener("resize",c),()=>{h.disconnect(),window.removeEventListener("resize",c)}},[n,c,s,e,r]),{ref:o,minSizePct:s}},ate=fe([Ye],e=>{const{initialImage:t}=e.generation;return{initialImage:t,isResetButtonDisabled:!t}},Ge),ite=()=>{const{initialImage:e}=z(ate),{currentData:t}=os((e==null?void 0:e.imageName)??oo.skipToken),n=f.useMemo(()=>{if(t)return{id:"initial-image",payloadType:"IMAGE_DTO",payload:{imageDTO:t}}},[t]),r=f.useMemo(()=>({id:"initial-image",actionType:"SET_INITIAL_IMAGE"}),[]);return i.jsx(yi,{imageDTO:t,droppableData:r,draggableData:n,isUploadDisabled:!0,fitContainer:!0,dropLabel:"Set as Initial Image",noContentFallback:i.jsx(mi,{label:"No initial image selected"})})},lte=fe([Ye],e=>{const{initialImage:t}=e.generation;return{isResetButtonDisabled:!t}},Ge),cte={type:"SET_INITIAL_IMAGE"},ute=()=>{const{isResetButtonDisabled:e}=z(lte),t=te(),{getUploadButtonProps:n,getUploadInputProps:r}=Jm({postUploadAction:cte}),o=f.useCallback(()=>{t(OR())},[t]);return i.jsxs(F,{layerStyle:"first",sx:{position:"relative",flexDirection:"column",height:"full",width:"full",alignItems:"center",justifyContent:"center",borderRadius:"base",p:4,gap:4},children:[i.jsxs(F,{sx:{w:"full",flexWrap:"wrap",justifyContent:"center",alignItems:"center",gap:2},children:[i.jsx(qe,{sx:{fontWeight:600,userSelect:"none",color:"base.700",_dark:{color:"base.200"}},children:"Initial Image"}),i.jsx(hl,{}),i.jsx(Le,{tooltip:"Upload Initial Image","aria-label":"Upload Initial Image",icon:i.jsx(zd,{}),...n()}),i.jsx(Le,{tooltip:"Reset Initial Image","aria-label":"Reset Initial Image",icon:i.jsx(oy,{}),onClick:o,isDisabled:e})]}),i.jsx(ite,{}),i.jsx("input",{...r()})]})},dte=e=>{const{label:t,activeLabel:n,children:r,defaultIsOpen:o=!1}=e,{isOpen:s,onToggle:a}=ss({defaultIsOpen:o}),{colorMode:c}=Ds();return i.jsxs(Ee,{children:[i.jsxs(F,{onClick:a,sx:{alignItems:"center",p:2,px:4,gap:2,borderTopRadius:"base",borderBottomRadius:s?0:"base",bg:s?Fe("base.200","base.750")(c):Fe("base.150","base.800")(c),color:Fe("base.900","base.100")(c),_hover:{bg:s?Fe("base.250","base.700")(c):Fe("base.200","base.750")(c)},fontSize:"sm",fontWeight:600,cursor:"pointer",transitionProperty:"common",transitionDuration:"normal",userSelect:"none"},children:[t,i.jsx(mo,{children:n&&i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.1}},exit:{opacity:0,transition:{duration:.1}},children:i.jsx(qe,{sx:{color:"accent.500",_dark:{color:"accent.300"}},children:n})},"statusText")}),i.jsx(hl,{}),i.jsx(Sy,{sx:{w:"1rem",h:"1rem",transform:s?"rotate(0deg)":"rotate(180deg)",transitionProperty:"common",transitionDuration:"normal"}})]}),i.jsx(pm,{in:s,animateOpacity:!0,style:{overflow:"unset"},children:i.jsx(Ee,{sx:{p:4,borderBottomRadius:"base",bg:"base.100",_dark:{bg:"base.800"}},children:r})})]})},Ro=f.memo(dte),fte=fe(Ye,e=>{const{combinatorial:t,isEnabled:n}=e.dynamicPrompts;return{combinatorial:t,isDisabled:!n}},Ge),pte=()=>{const{combinatorial:e,isDisabled:t}=z(fte),n=te(),r=f.useCallback(()=>{n(RR())},[n]);return i.jsx(Er,{isDisabled:t,label:"Combinatorial Generation",isChecked:e,onChange:r})},hte=fe(Ye,e=>{const{isEnabled:t}=e.dynamicPrompts;return{isEnabled:t}},Ge),mte=()=>{const e=te(),{isEnabled:t}=z(hte),n=f.useCallback(()=>{e(MR())},[e]);return i.jsx(Er,{label:"Enable Dynamic Prompts",isChecked:t,onChange:n})},gte=fe(Ye,e=>{const{maxPrompts:t,combinatorial:n,isEnabled:r}=e.dynamicPrompts,{min:o,sliderMax:s,inputMax:a}=e.config.sd.dynamicPrompts.maxPrompts;return{maxPrompts:t,min:o,sliderMax:s,inputMax:a,isDisabled:!r||!n}},Ge),vte=()=>{const{maxPrompts:e,min:t,sliderMax:n,inputMax:r,isDisabled:o}=z(gte),s=te(),a=f.useCallback(d=>{s(DR(d))},[s]),c=f.useCallback(()=>{s(AR())},[s]);return i.jsx(_t,{label:"Max Prompts",isDisabled:o,min:t,max:n,value:e,onChange:a,sliderNumberInputProps:{max:r},withSliderMarks:!0,withInput:!0,withReset:!0,handleReset:c})},bte=fe(Ye,e=>{const{isEnabled:t}=e.dynamicPrompts;return{activeLabel:t?"Enabled":void 0}},Ge),Ud=()=>{const{activeLabel:e}=z(bte);return ir("dynamicPrompting").isFeatureEnabled?i.jsx(Ro,{label:"Dynamic Prompts",activeLabel:e,children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(mte,{}),i.jsx(pte,{}),i.jsx(vte,{})]})}):null},yte=fe(Ye,e=>{const{shouldUseNoiseSettings:t,shouldUseCpuNoise:n}=e.generation;return{isDisabled:!t,shouldUseCpuNoise:n}},Ge),xte=()=>{const e=te(),{isDisabled:t,shouldUseCpuNoise:n}=z(yte),r=o=>e(TR(o.target.checked));return i.jsx(Er,{isDisabled:t,label:"Use CPU Noise",isChecked:n,onChange:r})},wte=fe(Ye,e=>{const{shouldUseNoiseSettings:t,threshold:n}=e.generation;return{isDisabled:!t,threshold:n}},Ge);function Ste(){const e=te(),{threshold:t,isDisabled:n}=z(wte),{t:r}=ye();return i.jsx(_t,{isDisabled:n,label:r("parameters.noiseThreshold"),min:0,max:20,step:.1,onChange:o=>e(tw(o)),handleReset:()=>e(tw(0)),value:t,withInput:!0,withReset:!0,withSliderMarks:!0})}const Cte=()=>{const e=te(),t=z(r=>r.generation.shouldUseNoiseSettings),n=r=>e(NR(r.target.checked));return i.jsx(Er,{label:"Enable Noise Settings",isChecked:t,onChange:n})},kte=fe(Ye,e=>{const{shouldUseNoiseSettings:t,perlin:n}=e.generation;return{isDisabled:!t,perlin:n}},Ge);function _te(){const e=te(),{perlin:t,isDisabled:n}=z(kte),{t:r}=ye();return i.jsx(_t,{isDisabled:n,label:r("parameters.perlinNoise"),min:0,max:1,step:.05,onChange:o=>e(nw(o)),handleReset:()=>e(nw(0)),value:t,withInput:!0,withReset:!0,withSliderMarks:!0})}const Pte=fe(Ye,e=>{const{shouldUseNoiseSettings:t}=e.generation;return{activeLabel:t?"Enabled":void 0}},Ge),jte=()=>{const{t:e}=ye(),t=ir("noise").isFeatureEnabled,n=ir("perlinNoise").isFeatureEnabled,r=ir("noiseThreshold").isFeatureEnabled,{activeLabel:o}=z(Pte);return t?i.jsx(Ro,{label:e("parameters.noiseSettings"),activeLabel:o,children:i.jsxs(F,{sx:{gap:2,flexDirection:"column"},children:[i.jsx(Cte,{}),i.jsx(xte,{}),n&&i.jsx(_te,{}),r&&i.jsx(Ste,{})]})}):null},tg=f.memo(jte),Ite=fe(vo,e=>({isProcessing:e.isProcessing,isConnected:e.isConnected,isCancelable:e.isCancelable,currentIteration:e.currentIteration,totalIterations:e.totalIterations,sessionId:e.sessionId,cancelType:e.cancelType,isCancelScheduled:e.isCancelScheduled}),{memoizeOptions:{resultEqualityCheck:Zt}}),Ete=e=>{const t=te(),{btnGroupWidth:n="auto",...r}=e,{isProcessing:o,isConnected:s,isCancelable:a,cancelType:c,isCancelScheduled:d,sessionId:p}=z(Ite),h=f.useCallback(()=>{if(p){if(c==="scheduled"){t($R());return}t(zR({session_id:p}))}},[t,p,c]),{t:m}=ye(),v=f.useCallback(y=>{const S=Array.isArray(y)?y[0]:y;t(LR(S))},[t]);rt("shift+x",()=>{(s||o)&&a&&h()},[s,o,a]);const b=f.useMemo(()=>m(d?"parameters.cancel.isScheduled":c==="immediate"?"parameters.cancel.immediate":"parameters.cancel.schedule"),[m,c,d]),w=f.useMemo(()=>d?i.jsx(Gp,{}):c==="immediate"?i.jsx(zee,{}):i.jsx(Aee,{}),[c,d]);return i.jsxs(rr,{isAttached:!0,width:n,children:[i.jsx(Le,{icon:w,tooltip:b,"aria-label":b,isDisabled:!s||!o||!a,onClick:h,colorScheme:"error",id:"cancel-button",...r}),i.jsxs(Od,{closeOnSelect:!1,children:[i.jsx(Rd,{as:Le,tooltip:m("parameters.cancel.setType"),"aria-label":m("parameters.cancel.setType"),icon:i.jsx(sU,{w:"1em",h:"1em"}),paddingX:0,paddingY:0,colorScheme:"error",minWidth:5,...r}),i.jsx(Fc,{minWidth:"240px",children:i.jsxs(m6,{value:c,title:"Cancel Type",type:"radio",onChange:v,children:[i.jsx(Jp,{value:"immediate",children:m("parameters.cancel.immediate")}),i.jsx(Jp,{value:"scheduled",children:m("parameters.cancel.schedule")})]})})]})]})},ng=f.memo(Ete),Ote=fe([Ye,Kn],(e,t)=>{const{generation:n,system:r}=e,{initialImage:o}=n,{isProcessing:s,isConnected:a}=r;let c=!0;const d=[];t==="img2img"&&!o&&(c=!1,d.push("No initial image selected"));const{isSuccess:p}=BR.endpoints.getMainModels.select(Yu)(e);return p||(c=!1,d.push("Models are not loaded")),s&&(c=!1,d.push("System Busy")),a||(c=!1,d.push("System Disconnected")),so(e.controlNet.controlNets,(h,m)=>{h.model||(c=!1,d.push(`ControlNet ${m} has no model selected.`))}),{isReady:c,reasonsWhyNotReady:d}},Ge),Gd=()=>{const{isReady:e}=z(Ote);return e},Rte=fe(vo,e=>({isProcessing:e.isProcessing,currentStep:e.currentStep,totalSteps:e.totalSteps,currentStatusHasSteps:e.currentStatusHasSteps}),{memoizeOptions:{resultEqualityCheck:Zt}}),Mte=()=>{const{t:e}=ye(),{isProcessing:t,currentStep:n,totalSteps:r,currentStatusHasSteps:o}=z(Rte),s=n?Math.round(n*100/r):0;return i.jsx(E6,{value:s,"aria-label":e("accessibility.invokeProgressBar"),isIndeterminate:t&&!o,height:"full",colorScheme:"accent"})},IO=f.memo(Mte),jk={_disabled:{bg:"none",color:"base.600",cursor:"not-allowed",_hover:{color:"base.600",bg:"none"}}},Dte=fe([Ye,Kn,Cr],({gallery:e},t,n)=>{const{autoAddBoardId:r}=e;return{isBusy:n,autoAddBoardId:r,activeTabName:t}},Ge);function Jy(e){const{iconButton:t=!1,...n}=e,r=te(),o=Gd(),{isBusy:s,autoAddBoardId:a,activeTabName:c}=z(Dte),d=Lm(a),p=f.useCallback(()=>{r(bd()),r(yd(c))},[r,c]),{t:h}=ye();return rt(["ctrl+enter","meta+enter"],p,{enabled:()=>o,preventDefault:!0,enableOnFormTags:["input","textarea","select"]},[o,c]),i.jsx(Ee,{style:{flexGrow:4},position:"relative",children:i.jsxs(Ee,{style:{position:"relative"},children:[!o&&i.jsx(Ee,{borderRadius:"base",style:{position:"absolute",bottom:"0",left:"0",right:"0",height:"100%",overflow:"clip"},...n,children:i.jsx(IO,{})}),i.jsx(wn,{placement:"top",hasArrow:!0,openDelay:500,label:a?`Auto-Adding to ${d}`:void 0,children:t?i.jsx(Le,{"aria-label":h("parameters.invoke"),type:"submit",icon:i.jsx(PP,{}),isDisabled:!o||s,onClick:p,tooltip:h("parameters.invoke"),tooltipProps:{placement:"top"},colorScheme:"accent",id:"invoke-button",...n,sx:{w:"full",flexGrow:1,...s?jk:{}}}):i.jsx(Jt,{"aria-label":h("parameters.invoke"),type:"submit",isDisabled:!o||s,onClick:p,colorScheme:"accent",id:"invoke-button",...n,sx:{w:"full",flexGrow:1,fontWeight:700,...s?jk:{}},children:"Invoke"})})]})})}const qd=()=>i.jsxs(F,{gap:2,children:[i.jsx(Jy,{}),i.jsx(ng,{})]}),Zy=e=>{e.stopPropagation()},Ate=Ae((e,t)=>{const n=te(),r=f.useCallback(s=>{s.shiftKey&&n(jo(!0))},[n]),o=f.useCallback(s=>{s.shiftKey||n(jo(!1))},[n]);return i.jsx(Jb,{ref:t,onPaste:Zy,onKeyDown:r,onKeyUp:o,...e})}),rg=f.memo(Ate),Tte=e=>{const{onClick:t}=e;return i.jsx(Le,{size:"sm","aria-label":"Add Embedding",tooltip:"Add Embedding",icon:i.jsx(ty,{}),sx:{p:2,color:"base.500",_hover:{color:"base.600"},_active:{color:"base.700"},_dark:{color:"base.500",_hover:{color:"base.400"},_active:{color:"base.300"}}},variant:"link",onClick:t})},og=f.memo(Tte),ex="28rem",sg=e=>{const{onSelect:t,isOpen:n,onClose:r,children:o}=e,{data:s}=FR(),a=f.useRef(null),c=z(h=>h.generation.model),d=f.useMemo(()=>{if(!s)return[];const h=[];return so(s.entities,(m,v)=>{if(!m)return;const b=(c==null?void 0:c.base_model)!==m.base_model;h.push({value:m.model_name,label:m.model_name,group:Qn[m.base_model],disabled:b,tooltip:b?`Incompatible base model: ${m.base_model}`:void 0})}),h.sort((m,v)=>{var b;return m.label&&v.label?(b=m.label)!=null&&b.localeCompare(v.label)?-1:1:-1}),h.sort((m,v)=>m.disabled&&!v.disabled?1:-1)},[s,c==null?void 0:c.base_model]),p=f.useCallback(h=>{h&&t(h)},[t]);return i.jsxs(Xb,{initialFocusRef:a,isOpen:n,onClose:r,placement:"bottom",openDelay:0,closeDelay:0,closeOnBlur:!0,returnFocusOnClose:!0,children:[i.jsx(Kb,{children:o}),i.jsx(Yb,{sx:{p:0,top:-1,shadow:"dark-lg",borderColor:"accent.300",borderWidth:"2px",borderStyle:"solid",_dark:{borderColor:"accent.400"}},children:i.jsx(j6,{sx:{p:0,w:`calc(${ex} - 2rem )`},children:d.length===0?i.jsx(F,{sx:{justifyContent:"center",p:2,fontSize:"sm",color:"base.500",_dark:{color:"base.700"}},children:i.jsx(qe,{children:"No Embeddings Loaded"})}):i.jsx(ar,{inputRef:a,autoFocus:!0,placeholder:"Add Embedding",value:null,data:d,nothingFound:"No matching Embeddings",itemComponent:Ri,disabled:d.length===0,onDropdownClose:r,filter:(h,m)=>{var v;return((v=m.label)==null?void 0:v.toLowerCase().includes(h.toLowerCase().trim()))||m.value.toLowerCase().includes(h.toLowerCase().trim())},onChange:p})})})]})},EO=()=>{const e=z(m=>m.generation.negativePrompt),t=f.useRef(null),{isOpen:n,onClose:r,onOpen:o}=ss(),s=te(),{t:a}=ye(),c=f.useCallback(m=>{s(zu(m.target.value))},[s]),d=f.useCallback(m=>{m.key==="<"&&o()},[o]),p=f.useCallback(m=>{if(!t.current)return;const v=t.current.selectionStart;if(v===void 0)return;let b=e.slice(0,v);b[b.length-1]!=="<"&&(b+="<"),b+=`${m}>`;const w=b.length;b+=e.slice(v),_i.flushSync(()=>{s(zu(b))}),t.current.selectionEnd=w,r()},[s,r,e]),h=ir("embedding").isFeatureEnabled;return i.jsxs(go,{children:[i.jsx(sg,{isOpen:n,onClose:r,onSelect:p,children:i.jsx(rg,{id:"negativePrompt",name:"negativePrompt",ref:t,value:e,placeholder:a("parameters.negativePromptPlaceholder"),onChange:c,resize:"vertical",fontSize:"sm",minH:16,...h&&{onKeyDown:d}})}),!n&&h&&i.jsx(Ee,{sx:{position:"absolute",top:0,insetInlineEnd:0},children:i.jsx(og,{onClick:o})})]})},Nte=fe([Ye,Kn],({generation:e,ui:t},n)=>({shouldPinParametersPanel:t.shouldPinParametersPanel,prompt:e.positivePrompt,activeTabName:n}),{memoizeOptions:{resultEqualityCheck:Zt}}),OO=()=>{const e=te(),{prompt:t,shouldPinParametersPanel:n,activeTabName:r}=z(Nte),o=Gd(),s=f.useRef(null),{isOpen:a,onClose:c,onOpen:d}=ss(),{t:p}=ye(),h=f.useCallback(w=>{e($u(w.target.value))},[e]);rt("alt+a",()=>{var w;(w=s.current)==null||w.focus()},[]);const m=f.useCallback(w=>{if(!s.current)return;const y=s.current.selectionStart;if(y===void 0)return;let S=t.slice(0,y);S[S.length-1]!=="<"&&(S+="<"),S+=`${w}>`;const _=S.length;S+=t.slice(y),_i.flushSync(()=>{e($u(S))}),s.current.selectionStart=_,s.current.selectionEnd=_,c()},[e,c,t]),v=ir("embedding").isFeatureEnabled,b=f.useCallback(w=>{w.key==="Enter"&&w.shiftKey===!1&&o&&(w.preventDefault(),e(bd()),e(yd(r))),v&&w.key==="<"&&d()},[o,e,r,d,v]);return i.jsxs(Ee,{position:"relative",children:[i.jsx(go,{children:i.jsx(sg,{isOpen:a,onClose:c,onSelect:m,children:i.jsx(rg,{id:"prompt",name:"prompt",ref:s,value:t,placeholder:p("parameters.positivePromptPlaceholder"),onChange:h,onKeyDown:b,resize:"vertical",minH:32})})}),!a&&v&&i.jsx(Ee,{sx:{position:"absolute",top:n?5:0,insetInlineEnd:0},children:i.jsx(og,{onClick:d})})]})};function $te(){const e=z(o=>o.sdxl.shouldConcatSDXLStylePrompt),t=z(o=>o.ui.shouldPinParametersPanel),n=te(),r=()=>{n(HR(!e))};return i.jsx(Le,{"aria-label":"Concatenate Prompt & Style",tooltip:"Concatenate Prompt & Style",variant:"outline",isChecked:e,onClick:r,icon:i.jsx(kP,{}),size:"xs",sx:{position:"absolute",insetInlineEnd:1,top:t?12:20,border:"none",color:e?"accent.500":"base.500",_hover:{bg:"none"}}})}const Ik={position:"absolute",bg:"none",w:"full",minH:2,borderRadius:0,borderLeft:"none",borderRight:"none",zIndex:2,maskImage:"radial-gradient(circle at center, black, black 65%, black 30%, black 15%, transparent)"};function RO(){return i.jsxs(F,{children:[i.jsx(Ee,{as:Ir.div,initial:{scaleX:0,borderWidth:0,display:"none"},animate:{display:["block","block","block","none"],scaleX:[0,.25,.5,1],borderWidth:[0,3,3,0],transition:{duration:.37,times:[0,.25,.5,1]}},sx:{top:"1px",borderTop:"none",borderColor:"base.400",...Ik,_dark:{borderColor:"accent.500"}}}),i.jsx(Ee,{as:Ir.div,initial:{opacity:0,scale:0},animate:{opacity:[0,1,1,1],scale:[0,.75,1.5,1],transition:{duration:.42,times:[0,.25,.5,1]}},exit:{opacity:0,scale:0},sx:{zIndex:3,position:"absolute",left:"48%",top:"3px",p:1,borderRadius:4,bg:"accent.400",color:"base.50",_dark:{bg:"accent.500"}},children:i.jsx(kP,{size:12})}),i.jsx(Ee,{as:Ir.div,initial:{scaleX:0,borderWidth:0,display:"none"},animate:{display:["block","block","block","none"],scaleX:[0,.25,.5,1],borderWidth:[0,3,3,0],transition:{duration:.37,times:[0,.25,.5,1]}},sx:{top:"17px",borderBottom:"none",borderColor:"base.400",...Ik,_dark:{borderColor:"accent.500"}}})]})}const zte=fe([Ye,Kn],({sdxl:e},t)=>{const{negativeStylePrompt:n,shouldConcatSDXLStylePrompt:r}=e;return{prompt:n,shouldConcatSDXLStylePrompt:r,activeTabName:t}},{memoizeOptions:{resultEqualityCheck:Zt}}),Lte=()=>{const e=te(),t=Gd(),n=f.useRef(null),{isOpen:r,onClose:o,onOpen:s}=ss(),{prompt:a,activeTabName:c,shouldConcatSDXLStylePrompt:d}=z(zte),p=f.useCallback(b=>{e(Bu(b.target.value))},[e]),h=f.useCallback(b=>{if(!n.current)return;const w=n.current.selectionStart;if(w===void 0)return;let y=a.slice(0,w);y[y.length-1]!=="<"&&(y+="<"),y+=`${b}>`;const S=y.length;y+=a.slice(w),_i.flushSync(()=>{e(Bu(y))}),n.current.selectionStart=S,n.current.selectionEnd=S,o()},[e,o,a]),m=ir("embedding").isFeatureEnabled,v=f.useCallback(b=>{b.key==="Enter"&&b.shiftKey===!1&&t&&(b.preventDefault(),e(bd()),e(yd(c))),m&&b.key==="<"&&s()},[t,e,c,s,m]);return i.jsxs(Ee,{position:"relative",children:[i.jsx(mo,{children:d&&i.jsx(Ee,{sx:{position:"absolute",left:"3",w:"94%",top:"-17px"},children:i.jsx(RO,{})})}),i.jsx(go,{children:i.jsx(sg,{isOpen:r,onClose:o,onSelect:h,children:i.jsx(rg,{id:"prompt",name:"prompt",ref:n,value:a,placeholder:"Negative Style Prompt",onChange:p,onKeyDown:v,resize:"vertical",fontSize:"sm",minH:16})})}),!r&&m&&i.jsx(Ee,{sx:{position:"absolute",top:0,insetInlineEnd:0},children:i.jsx(og,{onClick:s})})]})},Bte=fe([Ye,Kn],({sdxl:e},t)=>{const{positiveStylePrompt:n,shouldConcatSDXLStylePrompt:r}=e;return{prompt:n,shouldConcatSDXLStylePrompt:r,activeTabName:t}},{memoizeOptions:{resultEqualityCheck:Zt}}),Fte=()=>{const e=te(),t=Gd(),n=f.useRef(null),{isOpen:r,onClose:o,onOpen:s}=ss(),{prompt:a,activeTabName:c,shouldConcatSDXLStylePrompt:d}=z(Bte),p=f.useCallback(b=>{e(Lu(b.target.value))},[e]),h=f.useCallback(b=>{if(!n.current)return;const w=n.current.selectionStart;if(w===void 0)return;let y=a.slice(0,w);y[y.length-1]!=="<"&&(y+="<"),y+=`${b}>`;const S=y.length;y+=a.slice(w),_i.flushSync(()=>{e(Lu(y))}),n.current.selectionStart=S,n.current.selectionEnd=S,o()},[e,o,a]),m=ir("embedding").isFeatureEnabled,v=f.useCallback(b=>{b.key==="Enter"&&b.shiftKey===!1&&t&&(b.preventDefault(),e(bd()),e(yd(c))),m&&b.key==="<"&&s()},[t,e,c,s,m]);return i.jsxs(Ee,{position:"relative",children:[i.jsx(mo,{children:d&&i.jsx(Ee,{sx:{position:"absolute",left:"3",w:"94%",top:"-17px"},children:i.jsx(RO,{})})}),i.jsx(go,{children:i.jsx(sg,{isOpen:r,onClose:o,onSelect:h,children:i.jsx(rg,{id:"prompt",name:"prompt",ref:n,value:a,placeholder:"Positive Style Prompt",onChange:p,onKeyDown:v,resize:"vertical",minH:16})})}),!r&&m&&i.jsx(Ee,{sx:{position:"absolute",top:0,insetInlineEnd:0},children:i.jsx(og,{onClick:s})})]})};function MO(){return i.jsxs(F,{sx:{flexDirection:"column",gap:2},children:[i.jsx(OO,{}),i.jsx($te,{}),i.jsx(Fte,{}),i.jsx(EO,{}),i.jsx(Lte,{})]})}const Kc=()=>{const{isRefinerAvailable:e}=na(sb,{selectFromResult:({data:t})=>({isRefinerAvailable:t?t.ids.length>0:!1})});return e},Hte=fe([Ye],({sdxl:e,hotkeys:t})=>{const{refinerAestheticScore:n}=e,{shift:r}=t;return{refinerAestheticScore:n,shift:r}},Ge),Wte=()=>{const{refinerAestheticScore:e,shift:t}=z(Hte),n=Kc(),r=te(),o=f.useCallback(a=>r(Ov(a)),[r]),s=f.useCallback(()=>r(Ov(6)),[r]);return i.jsx(_t,{label:"Aesthetic Score",step:t?.1:.5,min:1,max:10,onChange:o,handleReset:s,value:e,sliderNumberInputProps:{max:10},withInput:!0,withReset:!0,withSliderMarks:!0,isInteger:!1,isDisabled:!n})},Vte=f.memo(Wte),tm=/^-?(0\.)?\.?$/,Ute=e=>{const{label:t,isDisabled:n=!1,showStepper:r=!0,isInvalid:o,value:s,onChange:a,min:c,max:d,isInteger:p=!0,formControlProps:h,formLabelProps:m,numberInputFieldProps:v,numberInputStepperProps:b,tooltipProps:w,...y}=e,S=te(),[_,k]=f.useState(String(s));f.useEffect(()=>{!_.match(tm)&&s!==Number(_)&&k(String(s))},[s,_]);const j=R=>{k(R),R.match(tm)||a(p?Math.floor(Number(R)):Number(R))},I=R=>{const M=Es(p?Math.floor(Number(R.target.value)):Number(R.target.value),c,d);k(String(M)),a(M)},E=f.useCallback(R=>{R.shiftKey&&S(jo(!0))},[S]),O=f.useCallback(R=>{R.shiftKey||S(jo(!1))},[S]);return i.jsx(wn,{...w,children:i.jsxs(go,{isDisabled:n,isInvalid:o,...h,children:[t&&i.jsx(Lo,{...m,children:t}),i.jsxs(ym,{value:_,min:c,max:d,keepWithinRange:!0,clampValueOnBlur:!1,onChange:j,onBlur:I,...y,onPaste:Zy,children:[i.jsx(wm,{...v,onKeyDown:E,onKeyUp:O}),r&&i.jsxs(xm,{children:[i.jsx(Cm,{...b}),i.jsx(Sm,{...b})]})]})]})})},Xc=f.memo(Ute),Gte=fe([Ye],({sdxl:e,ui:t,hotkeys:n})=>{const{refinerCFGScale:r}=e,{shouldUseSliders:o}=t,{shift:s}=n;return{refinerCFGScale:r,shouldUseSliders:o,shift:s}},Ge),qte=()=>{const{refinerCFGScale:e,shouldUseSliders:t,shift:n}=z(Gte),r=Kc(),o=te(),{t:s}=ye(),a=f.useCallback(d=>o(Ev(d)),[o]),c=f.useCallback(()=>o(Ev(7)),[o]);return t?i.jsx(_t,{label:s("parameters.cfgScale"),step:n?.1:.5,min:1,max:20,onChange:a,handleReset:c,value:e,sliderNumberInputProps:{max:200},withInput:!0,withReset:!0,withSliderMarks:!0,isInteger:!1,isDisabled:!r}):i.jsx(Xc,{label:s("parameters.cfgScale"),step:.5,min:1,max:200,onChange:a,value:e,isInteger:!1,numberInputFieldProps:{textAlign:"center"},isDisabled:!r})},Kte=f.memo(qte),ag=e=>{const t=lm("models"),[n,r,o]=e.split("/"),s=WR.safeParse({base_model:n,model_name:o,model_type:r});if(!s.success){t.error({mainModelId:e,errors:s.error.format()},"Failed to parse main model id");return}return s.data};function Kd(e){const{iconMode:t=!1}=e,n=te(),{t:r}=ye(),[o,{isLoading:s}]=VR(),a=()=>{o().unwrap().then(c=>{n(On(Mn({title:`${r("modelManager.modelsSynced")}`,status:"success"})))}).catch(c=>{c&&n(On(Mn({title:`${r("modelManager.modelSyncFailed")}`,status:"error"})))})};return t?i.jsx(Le,{icon:i.jsx(EP,{}),tooltip:r("modelManager.syncModels"),"aria-label":r("modelManager.syncModels"),isLoading:s,onClick:a,size:"sm"}):i.jsx(Jt,{isLoading:s,onClick:a,minW:"max-content",children:"Sync Models"})}const Xte=fe(Ye,e=>({model:e.sdxl.refinerModel}),Ge),Yte=()=>{const e=te(),t=ir("syncModels").isFeatureEnabled,{model:n}=z(Xte),{data:r,isLoading:o}=na(sb),s=f.useMemo(()=>{if(!r)return[];const d=[];return so(r.entities,(p,h)=>{p&&d.push({value:h,label:p.model_name,group:Qn[p.base_model]})}),d},[r]),a=f.useMemo(()=>(r==null?void 0:r.entities[`${n==null?void 0:n.base_model}/main/${n==null?void 0:n.model_name}`])??null,[r==null?void 0:r.entities,n]),c=f.useCallback(d=>{if(!d)return;const p=ag(d);p&&e(B_(p))},[e]);return o?i.jsx(ar,{label:"Refiner Model",placeholder:"Loading...",disabled:!0,data:[]}):i.jsxs(F,{w:"100%",alignItems:"center",gap:2,children:[i.jsx(ar,{tooltip:a==null?void 0:a.description,label:"Refiner Model",value:a==null?void 0:a.id,placeholder:s.length>0?"Select a model":"No models available",data:s,error:s.length===0,disabled:s.length===0,onChange:c,w:"100%"}),t&&i.jsx(Ee,{mt:7,children:i.jsx(Kd,{iconMode:!0})})]})},Qte=f.memo(Yte),Jte=fe(Ye,({ui:e,sdxl:t})=>{const{refinerScheduler:n}=t,{favoriteSchedulers:r}=e,o=cs(ob,(s,a)=>({value:a,label:s,group:r.includes(a)?"Favorites":void 0})).sort((s,a)=>s.label.localeCompare(a.label));return{refinerScheduler:n,data:o}},Ge),Zte=()=>{const e=te(),{t}=ye(),{refinerScheduler:n,data:r}=z(Jte),o=Kc(),s=f.useCallback(a=>{a&&e(F_(a))},[e]);return i.jsx(ar,{w:"100%",label:t("parameters.scheduler"),value:n,data:r,onChange:s,disabled:!o})},ene=f.memo(Zte),tne=fe([Ye],({sdxl:e})=>{const{refinerStart:t}=e;return{refinerStart:t}},Ge),nne=()=>{const{refinerStart:e}=z(tne),t=te(),n=Kc(),r=f.useCallback(s=>t(Rv(s)),[t]),o=f.useCallback(()=>t(Rv(.7)),[t]);return i.jsx(_t,{label:"Refiner Start",step:.01,min:0,max:1,onChange:r,handleReset:o,value:e,withInput:!0,withReset:!0,withSliderMarks:!0,isInteger:!1,isDisabled:!n})},rne=f.memo(nne),one=fe([Ye],({sdxl:e,ui:t})=>{const{refinerSteps:n}=e,{shouldUseSliders:r}=t;return{refinerSteps:n,shouldUseSliders:r}},Ge),sne=()=>{const{refinerSteps:e,shouldUseSliders:t}=z(one),n=Kc(),r=te(),{t:o}=ye(),s=f.useCallback(c=>{r(Iv(c))},[r]),a=f.useCallback(()=>{r(Iv(20))},[r]);return t?i.jsx(_t,{label:o("parameters.steps"),min:1,max:100,step:1,onChange:s,handleReset:a,value:e,withInput:!0,withReset:!0,withSliderMarks:!0,sliderNumberInputProps:{max:500},isDisabled:!n}):i.jsx(Xc,{label:o("parameters.steps"),min:1,max:500,step:1,onChange:s,value:e,numberInputFieldProps:{textAlign:"center"},isDisabled:!n})},ane=f.memo(sne);function ine(){const e=z(o=>o.sdxl.shouldUseSDXLRefiner),t=Kc(),n=te(),r=o=>{n(UR(o.target.checked))};return i.jsx(Er,{label:"Use Refiner",isChecked:e,onChange:r,isDisabled:!t})}const lne=fe(Ye,e=>{const{shouldUseSDXLRefiner:t}=e.sdxl,{shouldUseSliders:n}=e.ui;return{activeLabel:t?"Enabled":void 0,shouldUseSliders:n}},Ge),DO=()=>{const{activeLabel:e,shouldUseSliders:t}=z(lne);return i.jsx(Ro,{label:"Refiner",activeLabel:e,children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(ine,{}),i.jsx(Qte,{}),i.jsxs(F,{gap:2,flexDirection:t?"column":"row",children:[i.jsx(ane,{}),i.jsx(Kte,{})]}),i.jsx(ene,{}),i.jsx(Vte,{}),i.jsx(rne,{})]})})},cne=fe([Ye],({generation:e,config:t,ui:n,hotkeys:r})=>{const{initial:o,min:s,sliderMax:a,inputMax:c}=t.sd.guidance,{cfgScale:d}=e,{shouldUseSliders:p}=n,{shift:h}=r;return{cfgScale:d,initial:o,min:s,sliderMax:a,inputMax:c,shouldUseSliders:p,shift:h}},Ge),une=()=>{const{cfgScale:e,initial:t,min:n,sliderMax:r,inputMax:o,shouldUseSliders:s,shift:a}=z(cne),c=te(),{t:d}=ye(),p=f.useCallback(m=>c(zp(m)),[c]),h=f.useCallback(()=>c(zp(t)),[c,t]);return s?i.jsx(_t,{label:d("parameters.cfgScale"),step:a?.1:.5,min:n,max:r,onChange:p,handleReset:h,value:e,sliderNumberInputProps:{max:o},withInput:!0,withReset:!0,withSliderMarks:!0,isInteger:!1}):i.jsx(Xc,{label:d("parameters.cfgScale"),step:.5,min:n,max:o,onChange:p,value:e,isInteger:!1,numberInputFieldProps:{textAlign:"center"}})},xi=f.memo(une),dne=fe([Ye],e=>{const{initial:t,min:n,sliderMax:r,inputMax:o,fineStep:s,coarseStep:a}=e.config.sd.iterations,{iterations:c}=e.generation,{shouldUseSliders:d}=e.ui,p=e.dynamicPrompts.isEnabled&&e.dynamicPrompts.combinatorial,h=e.hotkeys.shift?s:a;return{iterations:c,initial:t,min:n,sliderMax:r,inputMax:o,step:h,shouldUseSliders:d,isDisabled:p}},Ge),fne=()=>{const{iterations:e,initial:t,min:n,sliderMax:r,inputMax:o,step:s,shouldUseSliders:a,isDisabled:c}=z(dne),d=te(),{t:p}=ye(),h=f.useCallback(v=>{d(rw(v))},[d]),m=f.useCallback(()=>{d(rw(t))},[d,t]);return a?i.jsx(_t,{isDisabled:c,label:p("parameters.images"),step:s,min:n,max:r,onChange:h,handleReset:m,value:e,withInput:!0,withReset:!0,withSliderMarks:!0,sliderNumberInputProps:{max:o}}):i.jsx(Xc,{isDisabled:c,label:p("parameters.images"),step:s,min:n,max:o,onChange:h,value:e,numberInputFieldProps:{textAlign:"center"}})},wi=f.memo(fne),pne=fe(Ye,e=>({model:e.generation.model}),Ge),hne=()=>{const e=te(),{t}=ye(),{model:n}=z(pne),r=ir("syncModels").isFeatureEnabled,{data:o,isLoading:s}=na(Yu),{data:a,isLoading:c}=Fp(Yu),d=z(Kn),p=f.useMemo(()=>{if(!o)return[];const v=[];return so(o.entities,(b,w)=>{!b||d==="unifiedCanvas"&&b.base_model==="sdxl"||v.push({value:w,label:b.model_name,group:Qn[b.base_model]})}),so(a==null?void 0:a.entities,(b,w)=>{!b||d==="unifiedCanvas"||d==="img2img"||v.push({value:w,label:b.model_name,group:Qn[b.base_model]})}),v},[o,a,d]),h=f.useMemo(()=>((o==null?void 0:o.entities[`${n==null?void 0:n.base_model}/main/${n==null?void 0:n.model_name}`])||(a==null?void 0:a.entities[`${n==null?void 0:n.base_model}/onnx/${n==null?void 0:n.model_name}`]))??null,[o==null?void 0:o.entities,n,a==null?void 0:a.entities]),m=f.useCallback(v=>{if(!v)return;const b=ag(v);b&&e(Pv(b))},[e]);return s||c?i.jsx(ar,{label:t("modelManager.model"),placeholder:"Loading...",disabled:!0,data:[]}):i.jsxs(F,{w:"100%",alignItems:"center",gap:3,children:[i.jsx(ar,{tooltip:h==null?void 0:h.description,label:t("modelManager.model"),value:h==null?void 0:h.id,placeholder:p.length>0?"Select a model":"No models available",data:p,error:p.length===0,disabled:p.length===0,onChange:m,w:"100%"}),r&&i.jsx(Ee,{mt:7,children:i.jsx(Kd,{iconMode:!0})})]})},mne=f.memo(hne),AO=e=>{const t=lm("models"),[n,r,o]=e.split("/"),s=GR.safeParse({base_model:n,model_name:o});if(!s.success){t.error({vaeModelId:e,errors:s.error.format()},"Failed to parse VAE model id");return}return s.data},gne=fe(Ye,({generation:e})=>{const{model:t,vae:n}=e;return{model:t,vae:n}},Ge),vne=()=>{const e=te(),{t}=ye(),{model:n,vae:r}=z(gne),{data:o}=X_(),s=f.useMemo(()=>{if(!o)return[];const d=[{value:"default",label:"Default",group:"Default"}];return so(o.entities,(p,h)=>{if(!p)return;const m=(n==null?void 0:n.base_model)!==p.base_model;d.push({value:h,label:p.model_name,group:Qn[p.base_model],disabled:m,tooltip:m?`Incompatible base model: ${p.base_model}`:void 0})}),d.sort((p,h)=>p.disabled&&!h.disabled?1:-1)},[o,n==null?void 0:n.base_model]),a=f.useMemo(()=>(o==null?void 0:o.entities[`${r==null?void 0:r.base_model}/vae/${r==null?void 0:r.model_name}`])??null,[o==null?void 0:o.entities,r]),c=f.useCallback(d=>{if(!d||d==="default"){e(ow(null));return}const p=AO(d);p&&e(ow(p))},[e]);return i.jsx(ar,{itemComponent:Ri,tooltip:a==null?void 0:a.description,label:t("modelManager.vae"),value:(a==null?void 0:a.id)??"default",placeholder:"Default",data:s,onChange:c,disabled:s.length===0,clearable:!0})},bne=f.memo(vne),Di=e=>e.generation,yne=fe([La,Di],(e,t)=>{const{scheduler:n}=t,{favoriteSchedulers:r}=e,o=cs(ob,(s,a)=>({value:a,label:s,group:r.includes(a)?"Favorites":void 0})).sort((s,a)=>s.label.localeCompare(a.label));return{scheduler:n,data:o}},Ge),xne=()=>{const e=te(),{t}=ye(),{scheduler:n,data:r}=z(yne),o=f.useCallback(s=>{s&&e(jv(s))},[e]);return i.jsx(ar,{label:t("parameters.scheduler"),value:n,data:r,onChange:o})},wne=f.memo(xne),Sne=fe(Ye,({generation:e})=>{const{vaePrecision:t}=e;return{vaePrecision:t}},Ge),Cne=["fp16","fp32"],kne=()=>{const e=te(),{vaePrecision:t}=z(Sne),n=f.useCallback(r=>{r&&e(qR(r))},[e]);return i.jsx(Xr,{label:"VAE Precision",value:t,data:Cne,onChange:n})},_ne=f.memo(kne),Pne=()=>{const e=ir("vae").isFeatureEnabled;return i.jsxs(F,{gap:3,w:"full",flexWrap:e?"wrap":"nowrap",children:[i.jsx(Ee,{w:"full",children:i.jsx(mne,{})}),i.jsx(Ee,{w:"full",children:i.jsx(wne,{})}),e&&i.jsxs(F,{w:"full",gap:3,children:[i.jsx(bne,{}),i.jsx(_ne,{})]})]})},Si=f.memo(Pne),jne=[{name:"Free",value:null},{name:"2:3",value:2/3},{name:"16:9",value:16/9},{name:"1:1",value:1/1}];function TO(){const e=z(o=>o.generation.aspectRatio),t=te(),n=z(o=>o.generation.shouldFitToWidthHeight),r=z(Kn);return i.jsx(F,{gap:2,flexGrow:1,children:i.jsx(rr,{isAttached:!0,children:jne.map(o=>i.jsx(Jt,{size:"sm",isChecked:e===o.value,isDisabled:r==="img2img"?!n:!1,onClick:()=>t(KR(o.value)),children:o.name},o.name))})})}const Ine=fe([Ye],({generation:e,hotkeys:t,config:n})=>{const{initial:r,min:o,sliderMax:s,inputMax:a,fineStep:c,coarseStep:d}=n.sd.height,{height:p}=e,{aspectRatio:h}=e,m=t.shift?c:d;return{height:p,initial:r,min:o,sliderMax:s,inputMax:a,step:m,aspectRatio:h}},Ge),Ene=e=>{const{height:t,initial:n,min:r,sliderMax:o,inputMax:s,step:a,aspectRatio:c}=z(Ine),d=te(),{t:p}=ye(),h=f.useCallback(v=>{if(d(vc(v)),c){const b=Ss(v*c,8);d(gc(b))}},[d,c]),m=f.useCallback(()=>{if(d(vc(n)),c){const v=Ss(n*c,8);d(gc(v))}},[d,n,c]);return i.jsx(_t,{label:p("parameters.height"),value:t,min:r,step:a,max:o,onChange:h,handleReset:m,withInput:!0,withReset:!0,withSliderMarks:!0,sliderNumberInputProps:{max:s},...e})},One=f.memo(Ene),Rne=fe([Ye],({generation:e,hotkeys:t,config:n})=>{const{initial:r,min:o,sliderMax:s,inputMax:a,fineStep:c,coarseStep:d}=n.sd.width,{width:p,aspectRatio:h}=e,m=t.shift?c:d;return{width:p,initial:r,min:o,sliderMax:s,inputMax:a,step:m,aspectRatio:h}},Ge),Mne=e=>{const{width:t,initial:n,min:r,sliderMax:o,inputMax:s,step:a,aspectRatio:c}=z(Rne),d=te(),{t:p}=ye(),h=f.useCallback(v=>{if(d(gc(v)),c){const b=Ss(v/c,8);d(vc(b))}},[d,c]),m=f.useCallback(()=>{if(d(gc(n)),c){const v=Ss(n/c,8);d(vc(v))}},[d,n,c]);return i.jsx(_t,{label:p("parameters.width"),value:t,min:r,step:a,max:o,onChange:h,handleReset:m,withInput:!0,withReset:!0,withSliderMarks:!0,sliderNumberInputProps:{max:s},...e})},Dne=f.memo(Mne);function Oc(){const{t:e}=ye(),t=te(),n=z(o=>o.generation.shouldFitToWidthHeight),r=z(Kn);return i.jsxs(F,{sx:{gap:2,p:4,borderRadius:4,flexDirection:"column",w:"full",bg:"base.150",_dark:{bg:"base.750"}},children:[i.jsxs(F,{alignItems:"center",gap:2,children:[i.jsx(qe,{sx:{fontSize:"sm",width:"full",color:"base.700",_dark:{color:"base.300"}},children:e("parameters.aspectRatio")}),i.jsx(hl,{}),i.jsx(TO,{}),i.jsx(Le,{tooltip:e("ui.swapSizes"),"aria-label":e("ui.swapSizes"),size:"sm",icon:i.jsx(pO,{}),fontSize:20,isDisabled:r==="img2img"?!n:!1,onClick:()=>t(XR())})]}),i.jsx(F,{gap:2,alignItems:"center",children:i.jsxs(F,{gap:2,flexDirection:"column",width:"full",children:[i.jsx(Dne,{isDisabled:r==="img2img"?!n:!1}),i.jsx(One,{isDisabled:r==="img2img"?!n:!1})]})})]})}const Ane=fe([Ye],({generation:e,config:t,ui:n,hotkeys:r})=>{const{initial:o,min:s,sliderMax:a,inputMax:c,fineStep:d,coarseStep:p}=t.sd.steps,{steps:h}=e,{shouldUseSliders:m}=n,v=r.shift?d:p;return{steps:h,initial:o,min:s,sliderMax:a,inputMax:c,step:v,shouldUseSliders:m}},Ge),Tne=()=>{const{steps:e,initial:t,min:n,sliderMax:r,inputMax:o,step:s,shouldUseSliders:a}=z(Ane),c=te(),{t:d}=ye(),p=f.useCallback(v=>{c(Lp(v))},[c]),h=f.useCallback(()=>{c(Lp(t))},[c,t]),m=f.useCallback(()=>{c(bd())},[c]);return a?i.jsx(_t,{label:d("parameters.steps"),min:n,max:r,step:s,onChange:p,handleReset:h,value:e,withInput:!0,withReset:!0,withSliderMarks:!0,sliderNumberInputProps:{max:o}}):i.jsx(Xc,{label:d("parameters.steps"),min:n,max:o,step:s,onChange:p,value:e,numberInputFieldProps:{textAlign:"center"},onBlur:m})},Ci=f.memo(Tne);function NO(){const e=te(),t=z(o=>o.generation.shouldFitToWidthHeight),n=o=>e(YR(o.target.checked)),{t:r}=ye();return i.jsx(Er,{label:r("parameters.imageFit"),isChecked:t,onChange:n})}function Nne(){const e=z(a=>a.generation.seed),t=z(a=>a.generation.shouldRandomizeSeed),n=z(a=>a.generation.shouldGenerateVariations),{t:r}=ye(),o=te(),s=a=>o($p(a));return i.jsx(Xc,{label:r("parameters.seed"),step:1,precision:0,flexGrow:1,min:Y_,max:Q_,isDisabled:t,isInvalid:e<0&&n,onChange:s,value:e})}const $ne=(e,t)=>Math.floor(Math.random()*(t-e+1)+e);function zne(){const e=te(),t=z(o=>o.generation.shouldRandomizeSeed),{t:n}=ye(),r=()=>e($p($ne(Y_,Q_)));return i.jsx(Le,{size:"sm",isDisabled:t,"aria-label":n("parameters.shuffle"),tooltip:n("parameters.shuffle"),onClick:r,icon:i.jsx(CW,{})})}const Lne=()=>{const e=te(),{t}=ye(),n=z(o=>o.generation.shouldRandomizeSeed),r=o=>e(QR(o.target.checked));return i.jsx(Er,{label:t("common.random"),isChecked:n,onChange:r})},Bne=f.memo(Lne),Fne=()=>i.jsxs(F,{sx:{gap:3,alignItems:"flex-end"},children:[i.jsx(Nne,{}),i.jsx(zne,{}),i.jsx(Bne,{})]}),ki=f.memo(Fne),Hne=fe([Ye],({sdxl:e})=>{const{sdxlImg2ImgDenoisingStrength:t}=e;return{sdxlImg2ImgDenoisingStrength:t}},Ge),Wne=()=>{const{sdxlImg2ImgDenoisingStrength:e}=z(Hne),t=te(),{t:n}=ye(),r=f.useCallback(s=>t(sw(s)),[t]),o=f.useCallback(()=>{t(sw(.7))},[t]);return i.jsx(_t,{label:`${n("parameters.denoisingStrength")}`,step:.01,min:0,max:1,onChange:r,handleReset:o,value:e,isInteger:!1,withInput:!0,withSliderMarks:!0,withReset:!0})},Vne=f.memo(Wne),Une=fe([La,Di],(e,t)=>{const{shouldUseSliders:n}=e,{shouldRandomizeSeed:r}=t;return{shouldUseSliders:n,activeLabel:r?void 0:"Manual Seed"}},Ge),Gne=()=>{const{shouldUseSliders:e,activeLabel:t}=z(Une);return i.jsx(Ro,{label:"General",activeLabel:t,defaultIsOpen:!0,children:i.jsxs(F,{sx:{flexDirection:"column",gap:3},children:[e?i.jsxs(i.Fragment,{children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Oc,{})]}):i.jsxs(i.Fragment,{children:[i.jsxs(F,{gap:3,children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{})]}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Oc,{})]}),i.jsx(Vne,{}),i.jsx(NO,{})]})})},qne=f.memo(Gne),$O=()=>i.jsxs(i.Fragment,{children:[i.jsx(MO,{}),i.jsx(qd,{}),i.jsx(qne,{}),i.jsx(DO,{}),i.jsx(Ud,{}),i.jsx(tg,{})]}),zO=e=>{const{sx:t}=e,n=te(),r=z(a=>a.ui.shouldPinParametersPanel),{t:o}=ye(),s=()=>{n(JR(!r)),n(ko())};return i.jsx(Le,{...e,tooltip:o("common.pinOptionsPanel"),"aria-label":o("common.pinOptionsPanel"),onClick:s,icon:r?i.jsx(mj,{}):i.jsx(gj,{}),variant:"ghost",size:"sm",sx:{color:"base.500",_hover:{color:"base.600"},_active:{color:"base.700"},_dark:{color:"base.500",_hover:{color:"base.400"},_active:{color:"base.300"}},...t}})},Kne=fe(La,e=>{const{shouldPinParametersPanel:t,shouldShowParametersPanel:n}=e;return{shouldPinParametersPanel:t,shouldShowParametersPanel:n}}),Xne=e=>{const{shouldPinParametersPanel:t,shouldShowParametersPanel:n}=z(Kne);return t&&n?i.jsxs(Ee,{sx:{position:"relative",h:"full",w:ex,flexShrink:0},children:[i.jsx(F,{sx:{gap:2,flexDirection:"column",h:"full",w:"full",position:"absolute",overflowY:"auto"},children:e.children}),i.jsx(zO,{sx:{position:"absolute",top:0,insetInlineEnd:0}})]}):null},tx=f.memo(Xne),Yne=e=>{const{direction:t="horizontal",...n}=e,{colorMode:r}=Ds();return t==="horizontal"?i.jsx($1,{children:i.jsx(F,{sx:{w:6,h:"full",justifyContent:"center",alignItems:"center"},...n,children:i.jsx(Ee,{sx:{w:.5,h:"calc(100% - 4px)",bg:Fe("base.100","base.850")(r)}})})}):i.jsx($1,{children:i.jsx(F,{sx:{w:"full",h:6,justifyContent:"center",alignItems:"center"},...n,children:i.jsx(Ee,{sx:{w:"calc(100% - 4px)",h:.5,bg:Fe("base.100","base.850")(r)}})})})},LO=f.memo(Yne),Qne=fe([Ye],({system:e})=>{const{isProcessing:t,isConnected:n}=e;return n&&!t}),Jne=e=>{const{onClick:t,isDisabled:n}=e,{t:r}=ye(),o=z(Qne);return i.jsx(Le,{onClick:t,icon:i.jsx(us,{}),tooltip:`${r("gallery.deleteImage")} (Del)`,"aria-label":`${r("gallery.deleteImage")} (Del)`,isDisabled:n||!o,colorScheme:"error"})},Zne=[{label:"RealESRGAN x2 Plus",value:"RealESRGAN_x2plus.pth",tooltip:"Attempts to retain sharpness, low smoothing",group:"x2 Upscalers"},{label:"RealESRGAN x4 Plus",value:"RealESRGAN_x4plus.pth",tooltip:"Best for photos and highly detailed images, medium smoothing",group:"x4 Upscalers"},{label:"RealESRGAN x4 Plus (anime 6B)",value:"RealESRGAN_x4plus_anime_6B.pth",tooltip:"Best for anime/manga, high smoothing",group:"x4 Upscalers"},{label:"ESRGAN SRx4",value:"ESRGAN_SRx4_DF2KOST_official-ff704c30.pth",tooltip:"Retains sharpness, low smoothing",group:"x4 Upscalers"}];function ere(){const e=z(r=>r.postprocessing.esrganModelName),t=te(),n=r=>t(ZR(r));return i.jsx(Xr,{label:"ESRGAN Model",value:e,itemComponent:Ri,onChange:n,data:Zne})}const tre=e=>{const{imageDTO:t}=e,n=te(),r=z(Cr),{t:o}=ye(),{isOpen:s,onOpen:a,onClose:c}=ss(),d=f.useCallback(()=>{c(),t&&n(J_({image_name:t.image_name}))},[n,t,c]);return i.jsx(vl,{isOpen:s,onClose:c,triggerComponent:i.jsx(Le,{onClick:a,icon:i.jsx(lW,{}),"aria-label":o("parameters.upscale")}),children:i.jsxs(F,{sx:{flexDirection:"column",gap:4},children:[i.jsx(ere,{}),i.jsx(Jt,{size:"sm",isDisabled:!t||r,onClick:d,children:o("parameters.upscaleImage")})]})})},nre=fe([Ye,Kn],({gallery:e,system:t,ui:n},r)=>{const{isProcessing:o,isConnected:s,shouldConfirmOnDelete:a,progressImage:c}=t,{shouldShowImageDetails:d,shouldHidePreview:p,shouldShowProgressInViewer:h}=n,m=e.selection[e.selection.length-1];return{canDeleteImage:s&&!o,shouldConfirmOnDelete:a,isProcessing:o,isConnected:s,shouldDisableToolbarButtons:!!c||!m,shouldShowImageDetails:d,activeTabName:r,shouldHidePreview:p,shouldShowProgressInViewer:h,lastSelectedImage:m}},{memoizeOptions:{resultEqualityCheck:Zt}}),rre=e=>{const t=te(),{isProcessing:n,isConnected:r,shouldDisableToolbarButtons:o,shouldShowImageDetails:s,lastSelectedImage:a,shouldShowProgressInViewer:c}=z(nre),d=ir("upscaling").isFeatureEnabled,p=Wc(),{t:h}=ye(),{recallBothPrompts:m,recallSeed:v,recallAllParameters:b}=Uy(),[w,y]=qy(a,500),{currentData:S}=os(a??oo.skipToken),{currentData:_}=tb(y.isPending()?oo.skipToken:w??oo.skipToken),k=_==null?void 0:_.metadata,j=f.useCallback(()=>{b(k)},[k,b]);rt("a",()=>{},[k,b]);const I=f.useCallback(()=>{v(k==null?void 0:k.seed)},[k==null?void 0:k.seed,v]);rt("s",I,[S]);const E=f.useCallback(()=>{m(k==null?void 0:k.positive_prompt,k==null?void 0:k.negative_prompt,k==null?void 0:k.positive_style_prompt,k==null?void 0:k.negative_style_prompt)},[k==null?void 0:k.negative_prompt,k==null?void 0:k.positive_prompt,k==null?void 0:k.positive_style_prompt,k==null?void 0:k.negative_style_prompt,m]);rt("p",E,[S]);const O=f.useCallback(()=>{t(oO()),t(Z1(S))},[t,S]);rt("shift+i",O,[S]);const R=f.useCallback(()=>{S&&t(J_({image_name:S.image_name}))},[t,S]),M=f.useCallback(()=>{S&&t(nb(S))},[t,S]);rt("Shift+U",()=>{R()},{enabled:()=>!!(d&&!o&&r&&!n)},[d,S,o,r,n]);const A=f.useCallback(()=>t(eM(!s)),[t,s]);rt("i",()=>{S?A():p({title:h("toast.metadataLoadFailed"),status:"error",duration:2500,isClosable:!0})},[S,s,p]),rt("delete",()=>{M()},[t,S]);const T=f.useCallback(()=>{t(K_(!c))},[t,c]);return i.jsx(i.Fragment,{children:i.jsxs(F,{sx:{flexWrap:"wrap",justifyContent:"center",alignItems:"center",gap:2},...e,children:[i.jsx(rr,{isAttached:!0,isDisabled:o,children:i.jsxs(Od,{children:[i.jsx(Rd,{as:Le,"aria-label":`${h("parameters.sendTo")}...`,tooltip:`${h("parameters.sendTo")}...`,isDisabled:!S,icon:i.jsx(jW,{})}),i.jsx(Fc,{motionProps:um,children:S&&i.jsx(sO,{imageDTO:S})})]})}),i.jsxs(rr,{isAttached:!0,isDisabled:o,children:[i.jsx(Le,{icon:i.jsx(jP,{}),tooltip:`${h("parameters.usePrompt")} (P)`,"aria-label":`${h("parameters.usePrompt")} (P)`,isDisabled:!(k!=null&&k.positive_prompt),onClick:E}),i.jsx(Le,{icon:i.jsx(IP,{}),tooltip:`${h("parameters.useSeed")} (S)`,"aria-label":`${h("parameters.useSeed")} (S)`,isDisabled:!(k!=null&&k.seed),onClick:I}),i.jsx(Le,{icon:i.jsx(vP,{}),tooltip:`${h("parameters.useAll")} (A)`,"aria-label":`${h("parameters.useAll")} (A)`,isDisabled:!k,onClick:j})]}),d&&i.jsx(rr,{isAttached:!0,isDisabled:o,children:d&&i.jsx(tre,{imageDTO:S})}),i.jsx(rr,{isAttached:!0,isDisabled:o,children:i.jsx(Le,{icon:i.jsx(ty,{}),tooltip:`${h("parameters.info")} (I)`,"aria-label":`${h("parameters.info")} (I)`,isChecked:s,onClick:A})}),i.jsx(rr,{isAttached:!0,children:i.jsx(Le,{"aria-label":h("settings.displayInProgress"),tooltip:h("settings.displayInProgress"),icon:i.jsx(hW,{}),isChecked:c,onClick:T})}),i.jsx(rr,{isAttached:!0,children:i.jsx(Jne,{onClick:M,isDisabled:o})})]})})},ore=fe([Ye,W_],(e,t)=>{var _,k;const{data:n,status:r}=tM.endpoints.listImages.select(t)(e),o=e.gallery.selection[e.gallery.selection.length-1],s=r==="pending";if(!n||!o||n.total===0)return{isFetching:s,queryArgs:t,isOnFirstImage:!0,isOnLastImage:!0};const a={...t,offset:n.ids.length,limit:U_},c=nM.getSelectors(),d=c.selectAll(n),p=d.findIndex(j=>j.image_name===o),h=Es(p+1,0,d.length-1),m=Es(p-1,0,d.length-1),v=(_=d[h])==null?void 0:_.image_name,b=(k=d[m])==null?void 0:k.image_name,w=c.selectById(n,v),y=c.selectById(n,b),S=d.length;return{isOnFirstImage:p===0,isOnLastImage:!isNaN(p)&&p===S-1,areMoreImagesAvailable:((n==null?void 0:n.total)??0)>S,isFetching:r==="pending",nextImage:w,prevImage:y,nextImageId:v,prevImageId:b,queryArgs:a}},{memoizeOptions:{resultEqualityCheck:Zt}}),BO=()=>{const e=te(),{isOnFirstImage:t,isOnLastImage:n,nextImageId:r,prevImageId:o,areMoreImagesAvailable:s,isFetching:a,queryArgs:c}=z(ore),d=f.useCallback(()=>{o&&e(Mv(o))},[e,o]),p=f.useCallback(()=>{r&&e(Mv(r))},[e,r]),[h]=V_(),m=f.useCallback(()=>{h(c)},[h,c]);return{handlePrevImage:d,handleNextImage:p,isOnFirstImage:t,isOnLastImage:n,nextImageId:r,prevImageId:o,areMoreImagesAvailable:s,handleLoadMoreImages:m,isFetching:a}};function sre(e){return et({tag:"svg",attr:{viewBox:"0 0 512 512"},child:[{tag:"path",attr:{d:"M245.09 327.74v-37.32c57.07 0 84.51 13.47 108.58 38.68 5.4 5.65 15 1.32 14.29-6.43-5.45-61.45-34.14-117.09-122.87-117.09v-37.32a8.32 8.32 0 00-14.05-6L146.58 242a8.2 8.2 0 000 11.94L231 333.71a8.32 8.32 0 0014.09-5.97z"}},{tag:"path",attr:{fill:"none",strokeMiterlimit:"10",strokeWidth:"32",d:"M256 64C150 64 64 150 64 256s86 192 192 192 192-86 192-192S362 64 256 64z"}}]})(e)}const ys=({label:e,value:t,onClick:n,isLink:r,labelPosition:o,withCopy:s=!1})=>{const{t:a}=ye();return t?i.jsxs(F,{gap:2,children:[n&&i.jsx(wn,{label:`Recall ${e}`,children:i.jsx(Ca,{"aria-label":a("accessibility.useThisParameter"),icon:i.jsx(sre,{}),size:"xs",variant:"ghost",fontSize:20,onClick:n})}),s&&i.jsx(wn,{label:`Copy ${e}`,children:i.jsx(Ca,{"aria-label":`Copy ${e}`,icon:i.jsx(Vc,{}),size:"xs",variant:"ghost",fontSize:14,onClick:()=>navigator.clipboard.writeText(t.toString())})}),i.jsxs(F,{direction:o?"column":"row",children:[i.jsxs(qe,{fontWeight:"semibold",whiteSpace:"pre-wrap",pr:2,children:[e,":"]}),r?i.jsxs(Ob,{href:t.toString(),isExternal:!0,wordBreak:"break-all",children:[t.toString()," ",i.jsx(uj,{mx:"2px"})]}):i.jsx(qe,{overflowY:"scroll",wordBreak:"break-all",children:t.toString()})]})]}):null},are=e=>{const{metadata:t}=e,{recallPositivePrompt:n,recallNegativePrompt:r,recallSeed:o,recallCfgScale:s,recallModel:a,recallScheduler:c,recallSteps:d,recallWidth:p,recallHeight:h,recallStrength:m}=Uy(),v=f.useCallback(()=>{n(t==null?void 0:t.positive_prompt)},[t==null?void 0:t.positive_prompt,n]),b=f.useCallback(()=>{r(t==null?void 0:t.negative_prompt)},[t==null?void 0:t.negative_prompt,r]),w=f.useCallback(()=>{o(t==null?void 0:t.seed)},[t==null?void 0:t.seed,o]),y=f.useCallback(()=>{a(t==null?void 0:t.model)},[t==null?void 0:t.model,a]),S=f.useCallback(()=>{p(t==null?void 0:t.width)},[t==null?void 0:t.width,p]),_=f.useCallback(()=>{h(t==null?void 0:t.height)},[t==null?void 0:t.height,h]),k=f.useCallback(()=>{c(t==null?void 0:t.scheduler)},[t==null?void 0:t.scheduler,c]),j=f.useCallback(()=>{d(t==null?void 0:t.steps)},[t==null?void 0:t.steps,d]),I=f.useCallback(()=>{s(t==null?void 0:t.cfg_scale)},[t==null?void 0:t.cfg_scale,s]),E=f.useCallback(()=>{m(t==null?void 0:t.strength)},[t==null?void 0:t.strength,m]);return!t||Object.keys(t).length===0?null:i.jsxs(i.Fragment,{children:[t.generation_mode&&i.jsx(ys,{label:"Generation Mode",value:t.generation_mode}),t.positive_prompt&&i.jsx(ys,{label:"Positive Prompt",labelPosition:"top",value:t.positive_prompt,onClick:v}),t.negative_prompt&&i.jsx(ys,{label:"Negative Prompt",labelPosition:"top",value:t.negative_prompt,onClick:b}),t.seed!==void 0&&i.jsx(ys,{label:"Seed",value:t.seed,onClick:w}),t.model!==void 0&&i.jsx(ys,{label:"Model",value:t.model.model_name,onClick:y}),t.width&&i.jsx(ys,{label:"Width",value:t.width,onClick:S}),t.height&&i.jsx(ys,{label:"Height",value:t.height,onClick:_}),t.scheduler&&i.jsx(ys,{label:"Scheduler",value:t.scheduler,onClick:k}),t.steps&&i.jsx(ys,{label:"Steps",value:t.steps,onClick:j}),t.cfg_scale!==void 0&&i.jsx(ys,{label:"CFG scale",value:t.cfg_scale,onClick:I}),t.strength&&i.jsx(ys,{label:"Image to image strength",value:t.strength,onClick:E})]})},ire=e=>{const{copyTooltip:t,jsonObject:n}=e,r=f.useMemo(()=>JSON.stringify(n,null,2),[n]);return i.jsxs(F,{sx:{borderRadius:"base",bg:"whiteAlpha.500",_dark:{bg:"blackAlpha.500"},flexGrow:1,w:"full",h:"full",position:"relative"},children:[i.jsx(Ee,{sx:{position:"absolute",top:0,left:0,right:0,bottom:0,overflow:"auto",p:4},children:i.jsx(oj,{defer:!0,style:{height:"100%",width:"100%"},options:{scrollbars:{visibility:"auto",autoHide:"move",autoHideDelay:1300,theme:"os-theme-dark"}},children:i.jsx("pre",{children:r})})}),i.jsx(F,{sx:{position:"absolute",top:0,insetInlineEnd:0,p:2},children:i.jsx(wn,{label:t,children:i.jsx(Ca,{"aria-label":t,icon:i.jsx(Vc,{}),variant:"ghost",onClick:()=>navigator.clipboard.writeText(r)})})})]})},lre=({image:e})=>{const[t,n]=qy(e.image_name,500),{currentData:r}=tb(n.isPending()?oo.skipToken:t??oo.skipToken),o=r==null?void 0:r.metadata,s=r==null?void 0:r.graph,a=f.useMemo(()=>{const c=[];return o&&c.push({label:"Core Metadata",data:o,copyTooltip:"Copy Core Metadata JSON"}),e&&c.push({label:"Image Details",data:e,copyTooltip:"Copy Image Details JSON"}),s&&c.push({label:"Graph",data:s,copyTooltip:"Copy Graph JSON"}),c},[o,s,e]);return i.jsxs(F,{sx:{padding:4,gap:1,flexDirection:"column",width:"full",height:"full",backdropFilter:"blur(20px)",bg:"baseAlpha.200",_dark:{bg:"blackAlpha.600"},borderRadius:"base",position:"absolute",overflow:"hidden"},children:[i.jsxs(F,{gap:2,children:[i.jsx(qe,{fontWeight:"semibold",children:"File:"}),i.jsxs(Ob,{href:e.image_url,isExternal:!0,maxW:"calc(100% - 3rem)",children:[e.image_name,i.jsx(uj,{mx:"2px"})]})]}),i.jsx(are,{metadata:o}),i.jsxs(Td,{variant:"line",sx:{display:"flex",flexDir:"column",w:"full",h:"full"},children:[i.jsx(Nd,{children:a.map(c=>i.jsx(Cc,{sx:{borderTopRadius:"base"},children:i.jsx(qe,{sx:{color:"base.700",_dark:{color:"base.300"}},children:c.label})},c.label))}),i.jsx(Mm,{sx:{w:"full",h:"full"},children:a.map(c=>i.jsx(Rm,{sx:{w:"full",h:"full",p:0,pt:4},children:i.jsx(ire,{jsonObject:c.data,copyTooltip:c.copyTooltip})},c.label))})]})]})},cre=f.memo(lre),hv={color:"base.100",pointerEvents:"auto"},ure=()=>{const{t:e}=ye(),{handlePrevImage:t,handleNextImage:n,isOnFirstImage:r,isOnLastImage:o,handleLoadMoreImages:s,areMoreImagesAvailable:a,isFetching:c}=BO();return i.jsxs(Ee,{sx:{position:"relative",height:"100%",width:"100%"},children:[i.jsx(Ee,{sx:{pos:"absolute",top:"50%",transform:"translate(0, -50%)",insetInlineStart:0},children:!r&&i.jsx(Ca,{"aria-label":e("accessibility.previousImage"),icon:i.jsx(QH,{size:64}),variant:"unstyled",onClick:t,boxSize:16,sx:hv})}),i.jsxs(Ee,{sx:{pos:"absolute",top:"50%",transform:"translate(0, -50%)",insetInlineEnd:0},children:[!o&&i.jsx(Ca,{"aria-label":e("accessibility.nextImage"),icon:i.jsx(JH,{size:64}),variant:"unstyled",onClick:n,boxSize:16,sx:hv}),o&&a&&!c&&i.jsx(Ca,{"aria-label":e("accessibility.loadMore"),icon:i.jsx(YH,{size:64}),variant:"unstyled",onClick:s,boxSize:16,sx:hv}),o&&a&&c&&i.jsx(F,{sx:{w:16,h:16,alignItems:"center",justifyContent:"center"},children:i.jsx(pl,{opacity:.5,size:"xl"})})]})]})},dre=f.memo(ure),fre=fe([Ye,rM],({ui:e,system:t},n)=>{const{shouldShowImageDetails:r,shouldHidePreview:o,shouldShowProgressInViewer:s}=e,{progressImage:a,shouldAntialiasProgressImage:c}=t;return{shouldShowImageDetails:r,shouldHidePreview:o,imageName:n,progressImage:a,shouldShowProgressInViewer:s,shouldAntialiasProgressImage:c}},{memoizeOptions:{resultEqualityCheck:Zt}}),pre=()=>{const{shouldShowImageDetails:e,imageName:t,progressImage:n,shouldShowProgressInViewer:r,shouldAntialiasProgressImage:o}=z(fre),{handlePrevImage:s,handleNextImage:a,prevImageId:c,nextImageId:d,isOnLastImage:p,handleLoadMoreImages:h,areMoreImagesAvailable:m,isFetching:v}=BO();rt("left",()=>{s()},[c]),rt("right",()=>{if(p&&m&&!v){h();return}p||a()},[d,p,m,h,v]);const{currentData:b}=os(t??oo.skipToken),w=f.useMemo(()=>{if(b)return{id:"current-image",payloadType:"IMAGE_DTO",payload:{imageDTO:b}}},[b]),y=f.useMemo(()=>({id:"current-image",actionType:"SET_CURRENT_IMAGE"}),[]),[S,_]=f.useState(!1),k=f.useRef(0),j=f.useCallback(()=>{_(!0),window.clearTimeout(k.current)},[]),I=f.useCallback(()=>{k.current=window.setTimeout(()=>{_(!1)},500)},[]);return i.jsxs(F,{onMouseOver:j,onMouseOut:I,sx:{width:"full",height:"full",alignItems:"center",justifyContent:"center",position:"relative"},children:[n&&r?i.jsx(Nc,{src:n.dataURL,width:n.width,height:n.height,draggable:!1,sx:{objectFit:"contain",maxWidth:"full",maxHeight:"full",height:"auto",position:"absolute",borderRadius:"base",imageRendering:o?"auto":"pixelated"}}):i.jsx(yi,{imageDTO:b,droppableData:y,draggableData:w,isUploadDisabled:!0,fitContainer:!0,useThumbailFallback:!0,dropLabel:"Set as Current Image",noContentFallback:i.jsx(mi,{icon:ll,label:"No image selected"})}),e&&b&&i.jsx(Ee,{sx:{position:"absolute",top:"0",width:"full",height:"full",borderRadius:"base"},children:i.jsx(cre,{image:b})}),i.jsx(mo,{children:!e&&b&&S&&i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.1}},exit:{opacity:0,transition:{duration:.1}},style:{position:"absolute",top:"0",width:"100%",height:"100%",pointerEvents:"none"},children:i.jsx(dre,{})},"nextPrevButtons")})]})},hre=f.memo(pre),mre=()=>i.jsxs(F,{sx:{position:"relative",flexDirection:"column",height:"100%",width:"100%",rowGap:4,alignItems:"center",justifyContent:"center"},children:[i.jsx(rre,{}),i.jsx(hre,{})]}),FO=()=>i.jsx(Ee,{layerStyle:"first",sx:{position:"relative",width:"100%",height:"100%",p:4,borderRadius:"base"},children:i.jsx(F,{sx:{width:"100%",height:"100%"},children:i.jsx(mre,{})})}),gre=e=>{const t=te(),{lora:n}=e,r=f.useCallback(a=>{t(oM({id:n.id,weight:a}))},[t,n.id]),o=f.useCallback(()=>{t(sM(n.id))},[t,n.id]),s=f.useCallback(()=>{t(aM(n.id))},[t,n.id]);return i.jsxs(F,{sx:{gap:2.5,alignItems:"flex-end"},children:[i.jsx(_t,{label:n.model_name,value:n.weight,onChange:r,min:-1,max:2,step:.01,withInput:!0,withReset:!0,handleReset:o,withSliderMarks:!0,sliderMarks:[-1,0,1,2],sliderNumberInputProps:{min:-50,max:50}}),i.jsx(Le,{size:"sm",onClick:s,tooltip:"Remove LoRA","aria-label":"Remove LoRA",icon:i.jsx(us,{}),colorScheme:"error"})]})},vre=f.memo(gre),bre=fe(Ye,({lora:e})=>{const{loras:t}=e;return{loras:t}},Ge),yre=()=>{const{loras:e}=z(bre);return i.jsx(i.Fragment,{children:cs(e,t=>i.jsx(vre,{lora:t},t.model_name))})},xre=fe(Ye,({lora:e})=>({loras:e.loras}),Ge),wre=()=>{const e=te(),{loras:t}=z(xre),{data:n}=cm(),r=z(a=>a.generation.model),o=f.useMemo(()=>{if(!n)return[];const a=[];return so(n.entities,(c,d)=>{if(!c||d in t)return;const p=(r==null?void 0:r.base_model)!==c.base_model;a.push({value:d,label:c.model_name,disabled:p,group:Qn[c.base_model],tooltip:p?`Incompatible base model: ${c.base_model}`:void 0})}),a.sort((c,d)=>{var p;return c.label&&d.label&&(p=c.label)!=null&&p.localeCompare(d.label)?1:-1}),a.sort((c,d)=>c.disabled&&!d.disabled?-1:1)},[t,n,r==null?void 0:r.base_model]),s=f.useCallback(a=>{if(!a)return;const c=n==null?void 0:n.entities[a];c&&e(iM(c))},[e,n==null?void 0:n.entities]);return(n==null?void 0:n.ids.length)===0?i.jsx(F,{sx:{justifyContent:"center",p:2},children:i.jsx(qe,{sx:{fontSize:"sm",color:"base.500",_dark:"base.700"},children:"No LoRAs Loaded"})}):i.jsx(ar,{placeholder:o.length===0?"All LoRAs added":"Add LoRA",value:null,data:o,nothingFound:"No matching LoRAs",itemComponent:Ri,disabled:o.length===0,filter:(a,c)=>{var d;return((d=c.label)==null?void 0:d.toLowerCase().includes(a.toLowerCase().trim()))||c.value.toLowerCase().includes(a.toLowerCase().trim())},onChange:s})},Sre=fe(Ye,e=>{const t=Z_(e.lora.loras);return{activeLabel:t>0?`${t} Active`:void 0}},Ge),Cre=()=>{const{activeLabel:e}=z(Sre);return ir("lora").isFeatureEnabled?i.jsx(Ro,{label:"LoRA",activeLabel:e,children:i.jsxs(F,{sx:{flexDir:"column",gap:2},children:[i.jsx(wre,{}),i.jsx(yre,{})]})}):null},nx=f.memo(Cre);function kre(){const e=z(d=>d.generation.clipSkip),{model:t}=z(d=>d.generation),n=te(),{t:r}=ye(),o=f.useCallback(d=>{n(aw(d))},[n]),s=f.useCallback(()=>{n(aw(0))},[n]),a=f.useMemo(()=>t?Nf[t.base_model].maxClip:Nf["sd-1"].maxClip,[t]),c=f.useMemo(()=>t?Nf[t.base_model].markers:Nf["sd-1"].markers,[t]);return i.jsx(_t,{label:r("parameters.clipSkip"),"aria-label":r("parameters.clipSkip"),min:0,max:a,step:1,value:e,onChange:o,withSliderMarks:!0,sliderMarks:c,withInput:!0,withReset:!0,handleReset:s})}const _re=fe(Ye,e=>({activeLabel:e.generation.clipSkip>0?"Clip Skip":void 0}),Ge);function rx(){const{activeLabel:e}=z(_re);return z(n=>n.generation.shouldShowAdvancedOptions)?i.jsx(Ro,{label:"Advanced",activeLabel:e,children:i.jsx(F,{sx:{flexDir:"column",gap:2},children:i.jsx(kre,{})})}):null}const HO=e=>{const t=lm("models"),[n,r,o]=e.split("/"),s=lM.safeParse({base_model:n,model_name:o});if(!s.success){t.error({controlNetModelId:e,errors:s.error.format()},"Failed to parse ControlNet model id");return}return s.data},Pre=e=>{const{controlNetId:t}=e,n=te(),r=z(Cr),o=f.useMemo(()=>fe(Ye,({generation:v,controlNet:b})=>{var _,k;const{model:w}=v,y=(_=b.controlNets[t])==null?void 0:_.model,S=(k=b.controlNets[t])==null?void 0:k.isEnabled;return{mainModel:w,controlNetModel:y,isEnabled:S}},Ge),[t]),{mainModel:s,controlNetModel:a,isEnabled:c}=z(o),{data:d}=ab(),p=f.useMemo(()=>{if(!d)return[];const v=[];return so(d.entities,(b,w)=>{if(!b)return;const y=(b==null?void 0:b.base_model)!==(s==null?void 0:s.base_model);v.push({value:w,label:b.model_name,group:Qn[b.base_model],disabled:y,tooltip:y?`Incompatible base model: ${b.base_model}`:void 0})}),v},[d,s==null?void 0:s.base_model]),h=f.useMemo(()=>(d==null?void 0:d.entities[`${a==null?void 0:a.base_model}/controlnet/${a==null?void 0:a.model_name}`])??null,[a==null?void 0:a.base_model,a==null?void 0:a.model_name,d==null?void 0:d.entities]),m=f.useCallback(v=>{if(!v)return;const b=HO(v);b&&n(e5({controlNetId:t,model:b}))},[t,n]);return i.jsx(ar,{itemComponent:Ri,data:p,error:!h||(s==null?void 0:s.base_model)!==h.base_model,placeholder:"Select a model",value:(h==null?void 0:h.id)??null,onChange:m,disabled:r||!c,tooltip:h==null?void 0:h.description})},jre=f.memo(Pre),Ire=e=>{const{controlNetId:t}=e,n=te(),r=f.useMemo(()=>fe(Ye,({controlNet:c})=>{const{weight:d,isEnabled:p}=c.controlNets[t];return{weight:d,isEnabled:p}},Ge),[t]),{weight:o,isEnabled:s}=z(r),a=f.useCallback(c=>{n(cM({controlNetId:t,weight:c}))},[t,n]);return i.jsx(_t,{isDisabled:!s,label:"Weight",value:o,onChange:a,min:0,max:2,step:.01,withSliderMarks:!0,sliderMarks:[0,1,2]})},Ere=f.memo(Ire),Ore=e=>{const{height:t,controlNetId:n}=e,r=te(),o=f.useMemo(()=>fe(Ye,({controlNet:E})=>{const{pendingControlImages:O}=E,{controlImage:R,processedControlImage:M,processorType:A,isEnabled:T}=E.controlNets[n];return{controlImageName:R,processedControlImageName:M,processorType:A,isEnabled:T,pendingControlImages:O}},Ge),[n]),{controlImageName:s,processedControlImageName:a,processorType:c,pendingControlImages:d,isEnabled:p}=z(o),[h,m]=f.useState(!1),{currentData:v}=os(s??oo.skipToken),{currentData:b}=os(a??oo.skipToken),w=f.useCallback(()=>{r(uM({controlNetId:n,controlImage:null}))},[n,r]),y=f.useCallback(()=>{m(!0)},[]),S=f.useCallback(()=>{m(!1)},[]),_=f.useMemo(()=>{if(v)return{id:n,payloadType:"IMAGE_DTO",payload:{imageDTO:v}}},[v,n]),k=f.useMemo(()=>({id:n,actionType:"SET_CONTROLNET_IMAGE",context:{controlNetId:n}}),[n]),j=f.useMemo(()=>({type:"SET_CONTROLNET_IMAGE",controlNetId:n}),[n]),I=v&&b&&!h&&!d.includes(n)&&c!=="none";return i.jsxs(F,{onMouseEnter:y,onMouseLeave:S,sx:{position:"relative",w:"full",h:t,alignItems:"center",justifyContent:"center",pointerEvents:p?"auto":"none",opacity:p?1:.5},children:[i.jsx(yi,{draggableData:_,droppableData:k,imageDTO:v,isDropDisabled:I||!p,onClickReset:w,postUploadAction:j,resetTooltip:"Reset Control Image",withResetIcon:!!v}),i.jsx(Ee,{sx:{position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full",opacity:I?1:0,transitionProperty:"common",transitionDuration:"normal",pointerEvents:"none"},children:i.jsx(yi,{draggableData:_,droppableData:k,imageDTO:b,isUploadDisabled:!0,isDropDisabled:!p,onClickReset:w,resetTooltip:"Reset Control Image",withResetIcon:!!v})}),d.includes(n)&&i.jsx(F,{sx:{position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full",alignItems:"center",justifyContent:"center",opacity:.8,borderRadius:"base",bg:"base.400",_dark:{bg:"base.900"}},children:i.jsx(pl,{size:"xl",sx:{color:"base.100",_dark:{color:"base.400"}}})})]})},Ek=f.memo(Ore),Ts=()=>{const e=te();return f.useCallback((n,r)=>{e(dM({controlNetId:n,changes:r}))},[e])};function Ns(e){return i.jsx(F,{sx:{flexDirection:"column",gap:2},children:e.children})}const Ok=ls.canny_image_processor.default,Rre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{low_threshold:o,high_threshold:s}=n,a=z(Cr),c=Ts(),d=f.useCallback(v=>{c(t,{low_threshold:v})},[t,c]),p=f.useCallback(()=>{c(t,{low_threshold:Ok.low_threshold})},[t,c]),h=f.useCallback(v=>{c(t,{high_threshold:v})},[t,c]),m=f.useCallback(()=>{c(t,{high_threshold:Ok.high_threshold})},[t,c]);return i.jsxs(Ns,{children:[i.jsx(_t,{isDisabled:a||!r,label:"Low Threshold",value:o,onChange:d,handleReset:p,withReset:!0,min:0,max:255,withInput:!0,withSliderMarks:!0}),i.jsx(_t,{isDisabled:a||!r,label:"High Threshold",value:s,onChange:h,handleReset:m,withReset:!0,min:0,max:255,withInput:!0,withSliderMarks:!0})]})},Mre=f.memo(Rre),wu=ls.content_shuffle_image_processor.default,Dre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s,w:a,h:c,f:d}=n,p=Ts(),h=z(Cr),m=f.useCallback(E=>{p(t,{detect_resolution:E})},[t,p]),v=f.useCallback(()=>{p(t,{detect_resolution:wu.detect_resolution})},[t,p]),b=f.useCallback(E=>{p(t,{image_resolution:E})},[t,p]),w=f.useCallback(()=>{p(t,{image_resolution:wu.image_resolution})},[t,p]),y=f.useCallback(E=>{p(t,{w:E})},[t,p]),S=f.useCallback(()=>{p(t,{w:wu.w})},[t,p]),_=f.useCallback(E=>{p(t,{h:E})},[t,p]),k=f.useCallback(()=>{p(t,{h:wu.h})},[t,p]),j=f.useCallback(E=>{p(t,{f:E})},[t,p]),I=f.useCallback(()=>{p(t,{f:wu.f})},[t,p]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:m,handleReset:v,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:h||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:b,handleReset:w,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:h||!r}),i.jsx(_t,{label:"W",value:a,onChange:y,handleReset:S,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:h||!r}),i.jsx(_t,{label:"H",value:c,onChange:_,handleReset:k,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:h||!r}),i.jsx(_t,{label:"F",value:d,onChange:j,handleReset:I,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:h||!r})]})},Are=f.memo(Dre),Rk=ls.hed_image_processor.default,Tre=e=>{const{controlNetId:t,processorNode:{detect_resolution:n,image_resolution:r,scribble:o},isEnabled:s}=e,a=z(Cr),c=Ts(),d=f.useCallback(b=>{c(t,{detect_resolution:b})},[t,c]),p=f.useCallback(b=>{c(t,{image_resolution:b})},[t,c]),h=f.useCallback(b=>{c(t,{scribble:b.target.checked})},[t,c]),m=f.useCallback(()=>{c(t,{detect_resolution:Rk.detect_resolution})},[t,c]),v=f.useCallback(()=>{c(t,{image_resolution:Rk.image_resolution})},[t,c]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:n,onChange:d,handleReset:m,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:a||!s}),i.jsx(_t,{label:"Image Resolution",value:r,onChange:p,handleReset:v,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:a||!s}),i.jsx(Er,{label:"Scribble",isChecked:o,onChange:h,isDisabled:a||!s})]})},Nre=f.memo(Tre),Mk=ls.lineart_anime_image_processor.default,$re=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s}=n,a=Ts(),c=z(Cr),d=f.useCallback(v=>{a(t,{detect_resolution:v})},[t,a]),p=f.useCallback(v=>{a(t,{image_resolution:v})},[t,a]),h=f.useCallback(()=>{a(t,{detect_resolution:Mk.detect_resolution})},[t,a]),m=f.useCallback(()=>{a(t,{image_resolution:Mk.image_resolution})},[t,a]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:d,handleReset:h,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:c||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:p,handleReset:m,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:c||!r})]})},zre=f.memo($re),Dk=ls.lineart_image_processor.default,Lre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s,coarse:a}=n,c=Ts(),d=z(Cr),p=f.useCallback(w=>{c(t,{detect_resolution:w})},[t,c]),h=f.useCallback(w=>{c(t,{image_resolution:w})},[t,c]),m=f.useCallback(()=>{c(t,{detect_resolution:Dk.detect_resolution})},[t,c]),v=f.useCallback(()=>{c(t,{image_resolution:Dk.image_resolution})},[t,c]),b=f.useCallback(w=>{c(t,{coarse:w.target.checked})},[t,c]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:p,handleReset:m,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:d||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:h,handleReset:v,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:d||!r}),i.jsx(Er,{label:"Coarse",isChecked:a,onChange:b,isDisabled:d||!r})]})},Bre=f.memo(Lre),Ak=ls.mediapipe_face_processor.default,Fre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{max_faces:o,min_confidence:s}=n,a=Ts(),c=z(Cr),d=f.useCallback(v=>{a(t,{max_faces:v})},[t,a]),p=f.useCallback(v=>{a(t,{min_confidence:v})},[t,a]),h=f.useCallback(()=>{a(t,{max_faces:Ak.max_faces})},[t,a]),m=f.useCallback(()=>{a(t,{min_confidence:Ak.min_confidence})},[t,a]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Max Faces",value:o,onChange:d,handleReset:h,withReset:!0,min:1,max:20,withInput:!0,withSliderMarks:!0,isDisabled:c||!r}),i.jsx(_t,{label:"Min Confidence",value:s,onChange:p,handleReset:m,withReset:!0,min:0,max:1,step:.01,withInput:!0,withSliderMarks:!0,isDisabled:c||!r})]})},Hre=f.memo(Fre),Tk=ls.midas_depth_image_processor.default,Wre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{a_mult:o,bg_th:s}=n,a=Ts(),c=z(Cr),d=f.useCallback(v=>{a(t,{a_mult:v})},[t,a]),p=f.useCallback(v=>{a(t,{bg_th:v})},[t,a]),h=f.useCallback(()=>{a(t,{a_mult:Tk.a_mult})},[t,a]),m=f.useCallback(()=>{a(t,{bg_th:Tk.bg_th})},[t,a]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"a_mult",value:o,onChange:d,handleReset:h,withReset:!0,min:0,max:20,step:.01,withInput:!0,withSliderMarks:!0,isDisabled:c||!r}),i.jsx(_t,{label:"bg_th",value:s,onChange:p,handleReset:m,withReset:!0,min:0,max:20,step:.01,withInput:!0,withSliderMarks:!0,isDisabled:c||!r})]})},Vre=f.memo(Wre),wp=ls.mlsd_image_processor.default,Ure=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s,thr_d:a,thr_v:c}=n,d=Ts(),p=z(Cr),h=f.useCallback(k=>{d(t,{detect_resolution:k})},[t,d]),m=f.useCallback(k=>{d(t,{image_resolution:k})},[t,d]),v=f.useCallback(k=>{d(t,{thr_d:k})},[t,d]),b=f.useCallback(k=>{d(t,{thr_v:k})},[t,d]),w=f.useCallback(()=>{d(t,{detect_resolution:wp.detect_resolution})},[t,d]),y=f.useCallback(()=>{d(t,{image_resolution:wp.image_resolution})},[t,d]),S=f.useCallback(()=>{d(t,{thr_d:wp.thr_d})},[t,d]),_=f.useCallback(()=>{d(t,{thr_v:wp.thr_v})},[t,d]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:h,handleReset:w,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:p||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:m,handleReset:y,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:p||!r}),i.jsx(_t,{label:"W",value:a,onChange:v,handleReset:S,withReset:!0,min:0,max:1,step:.01,withInput:!0,withSliderMarks:!0,isDisabled:p||!r}),i.jsx(_t,{label:"H",value:c,onChange:b,handleReset:_,withReset:!0,min:0,max:1,step:.01,withInput:!0,withSliderMarks:!0,isDisabled:p||!r})]})},Gre=f.memo(Ure),Nk=ls.normalbae_image_processor.default,qre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s}=n,a=Ts(),c=z(Cr),d=f.useCallback(v=>{a(t,{detect_resolution:v})},[t,a]),p=f.useCallback(v=>{a(t,{image_resolution:v})},[t,a]),h=f.useCallback(()=>{a(t,{detect_resolution:Nk.detect_resolution})},[t,a]),m=f.useCallback(()=>{a(t,{image_resolution:Nk.image_resolution})},[t,a]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:d,handleReset:h,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:c||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:p,handleReset:m,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:c||!r})]})},Kre=f.memo(qre),$k=ls.openpose_image_processor.default,Xre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s,hand_and_face:a}=n,c=Ts(),d=z(Cr),p=f.useCallback(w=>{c(t,{detect_resolution:w})},[t,c]),h=f.useCallback(w=>{c(t,{image_resolution:w})},[t,c]),m=f.useCallback(()=>{c(t,{detect_resolution:$k.detect_resolution})},[t,c]),v=f.useCallback(()=>{c(t,{image_resolution:$k.image_resolution})},[t,c]),b=f.useCallback(w=>{c(t,{hand_and_face:w.target.checked})},[t,c]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:p,handleReset:m,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:d||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:h,handleReset:v,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:d||!r}),i.jsx(Er,{label:"Hand and Face",isChecked:a,onChange:b,isDisabled:d||!r})]})},Yre=f.memo(Xre),zk=ls.pidi_image_processor.default,Qre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s,scribble:a,safe:c}=n,d=Ts(),p=z(Cr),h=f.useCallback(S=>{d(t,{detect_resolution:S})},[t,d]),m=f.useCallback(S=>{d(t,{image_resolution:S})},[t,d]),v=f.useCallback(()=>{d(t,{detect_resolution:zk.detect_resolution})},[t,d]),b=f.useCallback(()=>{d(t,{image_resolution:zk.image_resolution})},[t,d]),w=f.useCallback(S=>{d(t,{scribble:S.target.checked})},[t,d]),y=f.useCallback(S=>{d(t,{safe:S.target.checked})},[t,d]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:h,handleReset:v,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:p||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:m,handleReset:b,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:p||!r}),i.jsx(Er,{label:"Scribble",isChecked:a,onChange:w}),i.jsx(Er,{label:"Safe",isChecked:c,onChange:y,isDisabled:p||!r})]})},Jre=f.memo(Qre),Zre=e=>null,eoe=f.memo(Zre),toe=e=>{const{controlNetId:t}=e,n=f.useMemo(()=>fe(Ye,({controlNet:s})=>{const{isEnabled:a,processorNode:c}=s.controlNets[t];return{isEnabled:a,processorNode:c}},Ge),[t]),{isEnabled:r,processorNode:o}=z(n);return o.type==="canny_image_processor"?i.jsx(Mre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="hed_image_processor"?i.jsx(Nre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="lineart_image_processor"?i.jsx(Bre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="content_shuffle_image_processor"?i.jsx(Are,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="lineart_anime_image_processor"?i.jsx(zre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="mediapipe_face_processor"?i.jsx(Hre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="midas_depth_image_processor"?i.jsx(Vre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="mlsd_image_processor"?i.jsx(Gre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="normalbae_image_processor"?i.jsx(Kre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="openpose_image_processor"?i.jsx(Yre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="pidi_image_processor"?i.jsx(Jre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="zoe_depth_image_processor"?i.jsx(eoe,{controlNetId:t,processorNode:o,isEnabled:r}):null},noe=f.memo(toe),roe=e=>{const{controlNetId:t}=e,n=te(),r=f.useMemo(()=>fe(Ye,({controlNet:d})=>{const{isEnabled:p,shouldAutoConfig:h}=d.controlNets[t];return{isEnabled:p,shouldAutoConfig:h}},Ge),[t]),{isEnabled:o,shouldAutoConfig:s}=z(r),a=z(Cr),c=f.useCallback(()=>{n(fM({controlNetId:t}))},[t,n]);return i.jsx(Er,{label:"Auto configure processor","aria-label":"Auto configure processor",isChecked:s,onChange:c,isDisabled:a||!o})},ooe=f.memo(roe),Lk=e=>`${Math.round(e*100)}%`,soe=e=>{const{controlNetId:t}=e,n=te(),r=f.useMemo(()=>fe(Ye,({controlNet:d})=>{const{beginStepPct:p,endStepPct:h,isEnabled:m}=d.controlNets[t];return{beginStepPct:p,endStepPct:h,isEnabled:m}},Ge),[t]),{beginStepPct:o,endStepPct:s,isEnabled:a}=z(r),c=f.useCallback(d=>{n(pM({controlNetId:t,beginStepPct:d[0]})),n(hM({controlNetId:t,endStepPct:d[1]}))},[t,n]);return i.jsxs(go,{isDisabled:!a,children:[i.jsx(Lo,{children:"Begin / End Step Percentage"}),i.jsx(di,{w:"100%",gap:2,alignItems:"center",children:i.jsxs(F6,{"aria-label":["Begin Step %","End Step %"],value:[o,s],onChange:c,min:0,max:1,step:.01,minStepsBetweenThumbs:5,isDisabled:!a,children:[i.jsx(H6,{children:i.jsx(W6,{})}),i.jsx(wn,{label:Lk(o),placement:"top",hasArrow:!0,children:i.jsx(o1,{index:0})}),i.jsx(wn,{label:Lk(s),placement:"top",hasArrow:!0,children:i.jsx(o1,{index:1})}),i.jsx(Op,{value:0,sx:{insetInlineStart:"0 !important",insetInlineEnd:"unset !important"},children:"0%"}),i.jsx(Op,{value:.5,sx:{insetInlineStart:"50% !important",transform:"translateX(-50%)"},children:"50%"}),i.jsx(Op,{value:1,sx:{insetInlineStart:"unset !important",insetInlineEnd:"0 !important"},children:"100%"})]})})]})},aoe=f.memo(soe),ioe=[{label:"Balanced",value:"balanced"},{label:"Prompt",value:"more_prompt"},{label:"Control",value:"more_control"},{label:"Mega Control",value:"unbalanced"}];function loe(e){const{controlNetId:t}=e,n=te(),r=f.useMemo(()=>fe(Ye,({controlNet:c})=>{const{controlMode:d,isEnabled:p}=c.controlNets[t];return{controlMode:d,isEnabled:p}},Ge),[t]),{controlMode:o,isEnabled:s}=z(r),a=f.useCallback(c=>{n(mM({controlNetId:t,controlMode:c}))},[t,n]);return i.jsx(Xr,{disabled:!s,label:"Control Mode",data:ioe,value:String(o),onChange:a})}const coe=fe(hO,e=>cs(ls,n=>({value:n.type,label:n.label})).sort((n,r)=>n.value==="none"?-1:r.value==="none"?1:n.label.localeCompare(r.label)).filter(n=>!e.sd.disabledControlNetProcessors.includes(n.value)),Ge),uoe=e=>{const t=te(),{controlNetId:n}=e,r=f.useMemo(()=>fe(Ye,({controlNet:p})=>{const{isEnabled:h,processorNode:m}=p.controlNets[n];return{isEnabled:h,processorNode:m}},Ge),[n]),o=z(Cr),s=z(coe),{isEnabled:a,processorNode:c}=z(r),d=f.useCallback(p=>{t(gM({controlNetId:n,processorType:p}))},[n,t]);return i.jsx(ar,{label:"Processor",value:c.type??"canny_image_processor",data:s,onChange:d,disabled:o||!a})},doe=f.memo(uoe),foe=[{label:"Resize",value:"just_resize"},{label:"Crop",value:"crop_resize"},{label:"Fill",value:"fill_resize"}];function poe(e){const{controlNetId:t}=e,n=te(),r=f.useMemo(()=>fe(Ye,({controlNet:c})=>{const{resizeMode:d,isEnabled:p}=c.controlNets[t];return{resizeMode:d,isEnabled:p}},Ge),[t]),{resizeMode:o,isEnabled:s}=z(r),a=f.useCallback(c=>{n(vM({controlNetId:t,resizeMode:c}))},[t,n]);return i.jsx(Xr,{disabled:!s,label:"Resize Mode",data:foe,value:String(o),onChange:a})}const hoe=e=>{const{controlNetId:t}=e,n=te(),r=fe(Ye,({controlNet:m})=>{const{isEnabled:v,shouldAutoConfig:b}=m.controlNets[t];return{isEnabled:v,shouldAutoConfig:b}},Ge),{isEnabled:o,shouldAutoConfig:s}=z(r),[a,c]=gee(!1),d=f.useCallback(()=>{n(bM({controlNetId:t}))},[t,n]),p=f.useCallback(()=>{n(yM({sourceControlNetId:t,newControlNetId:ui()}))},[t,n]),h=f.useCallback(()=>{n(xM({controlNetId:t}))},[t,n]);return i.jsxs(F,{sx:{flexDir:"column",gap:3,p:3,borderRadius:"base",position:"relative",bg:"base.200",_dark:{bg:"base.850"}},children:[i.jsxs(F,{sx:{gap:2,alignItems:"center"},children:[i.jsx(Er,{tooltip:"Toggle this ControlNet","aria-label":"Toggle this ControlNet",isChecked:o,onChange:h}),i.jsx(Ee,{sx:{w:"full",minW:0,opacity:o?1:.5,pointerEvents:o?"auto":"none",transitionProperty:"common",transitionDuration:"0.1s"},children:i.jsx(jre,{controlNetId:t})}),i.jsx(Le,{size:"sm",tooltip:"Duplicate","aria-label":"Duplicate",onClick:p,icon:i.jsx(Vc,{})}),i.jsx(Le,{size:"sm",tooltip:"Delete","aria-label":"Delete",colorScheme:"error",onClick:d,icon:i.jsx(us,{})}),i.jsx(Le,{size:"sm",tooltip:a?"Hide Advanced":"Show Advanced","aria-label":a?"Hide Advanced":"Show Advanced",onClick:c,variant:"ghost",sx:{_hover:{bg:"none"}},icon:i.jsx(Sy,{sx:{boxSize:4,color:"base.700",transform:a?"rotate(0deg)":"rotate(180deg)",transitionProperty:"common",transitionDuration:"normal",_dark:{color:"base.300"}}})}),!s&&i.jsx(Ee,{sx:{position:"absolute",w:1.5,h:1.5,borderRadius:"full",top:4,insetInlineEnd:4,bg:"accent.700",_dark:{bg:"accent.400"}}})]}),i.jsxs(F,{sx:{w:"full",flexDirection:"column",gap:3},children:[i.jsxs(F,{sx:{gap:4,w:"full",alignItems:"center"},children:[i.jsxs(F,{sx:{flexDir:"column",gap:3,h:28,w:"full",paddingInlineStart:1,paddingInlineEnd:a?1:0,pb:2,justifyContent:"space-between"},children:[i.jsx(Ere,{controlNetId:t}),i.jsx(aoe,{controlNetId:t})]}),!a&&i.jsx(F,{sx:{alignItems:"center",justifyContent:"center",h:28,w:28,aspectRatio:"1/1"},children:i.jsx(Ek,{controlNetId:t,height:28})})]}),i.jsxs(F,{sx:{gap:2},children:[i.jsx(loe,{controlNetId:t}),i.jsx(poe,{controlNetId:t})]}),i.jsx(doe,{controlNetId:t})]}),a&&i.jsxs(i.Fragment,{children:[i.jsx(Ek,{controlNetId:t,height:"392px"}),i.jsx(ooe,{controlNetId:t}),i.jsx(noe,{controlNetId:t})]})]})},moe=f.memo(hoe),goe=fe(Ye,e=>{const{isEnabled:t}=e.controlNet;return{isEnabled:t}},Ge),voe=()=>{const{isEnabled:e}=z(goe),t=te(),n=f.useCallback(()=>{t(wM())},[t]);return i.jsx(Er,{label:"Enable ControlNet",isChecked:e,onChange:n,formControlProps:{width:"100%"}})},boe=fe([Ye],({controlNet:e})=>{const{controlNets:t,isEnabled:n}=e,r=SM(t),o=n&&r.length>0?`${r.length} Active`:void 0;return{controlNetsArray:cs(t),activeLabel:o}},Ge),yoe=()=>{const{controlNetsArray:e,activeLabel:t}=z(boe),n=ir("controlNet").isFeatureDisabled,r=te(),{firstModel:o}=ab(void 0,{selectFromResult:a=>{var d,p;return{firstModel:(p=a.data)==null?void 0:p.entities[(d=a.data)==null?void 0:d.ids[0]]}}}),s=f.useCallback(()=>{if(!o)return;const a=ui();r(CM({controlNetId:a})),r(e5({controlNetId:a,model:o}))},[r,o]);return n?null:i.jsx(Ro,{label:"ControlNet",activeLabel:t,children:i.jsxs(F,{sx:{flexDir:"column",gap:3},children:[i.jsxs(F,{gap:2,alignItems:"center",children:[i.jsx(F,{sx:{flexDirection:"column",w:"100%",gap:2,px:4,py:2,borderRadius:4,bg:"base.200",_dark:{bg:"base.850"}},children:i.jsx(voe,{})}),i.jsx(Le,{tooltip:"Add ControlNet","aria-label":"Add ControlNet",icon:i.jsx(gl,{}),isDisabled:!o,flexGrow:1,size:"md",onClick:s})]}),e.map((a,c)=>i.jsxs(f.Fragment,{children:[c>0&&i.jsx(Pi,{}),i.jsx(moe,{controlNetId:a.controlNetId})]},a.controlNetId))]})})},ox=f.memo(yoe),xoe=fe(Di,e=>{const{seamlessXAxis:t}=e;return{seamlessXAxis:t}},Ge),woe=()=>{const{t:e}=ye(),{seamlessXAxis:t}=z(xoe),n=te(),r=f.useCallback(o=>{n(kM(o.target.checked))},[n]);return i.jsx(Er,{label:e("parameters.seamlessXAxis"),"aria-label":e("parameters.seamlessXAxis"),isChecked:t,onChange:r})},Soe=f.memo(woe),Coe=fe(Di,e=>{const{seamlessYAxis:t}=e;return{seamlessYAxis:t}},Ge),koe=()=>{const{t:e}=ye(),{seamlessYAxis:t}=z(Coe),n=te(),r=f.useCallback(o=>{n(_M(o.target.checked))},[n]);return i.jsx(Er,{label:e("parameters.seamlessYAxis"),"aria-label":e("parameters.seamlessYAxis"),isChecked:t,onChange:r})},_oe=f.memo(koe),Poe=(e,t)=>{if(e&&t)return"X & Y";if(e)return"X";if(t)return"Y"},joe=fe(Di,e=>{const{seamlessXAxis:t,seamlessYAxis:n}=e;return{activeLabel:Poe(t,n)}},Ge),Ioe=()=>{const{t:e}=ye(),{activeLabel:t}=z(joe);return ir("seamless").isFeatureEnabled?i.jsx(Ro,{label:e("parameters.seamlessTiling"),activeLabel:t,children:i.jsxs(F,{sx:{gap:5},children:[i.jsx(Ee,{flexGrow:1,children:i.jsx(Soe,{})}),i.jsx(Ee,{flexGrow:1,children:i.jsx(_oe,{})})]})}):null},WO=f.memo(Ioe);function Eoe(){const e=z(o=>o.generation.horizontalSymmetrySteps),t=z(o=>o.generation.steps),n=te(),{t:r}=ye();return i.jsx(_t,{label:r("parameters.hSymmetryStep"),value:e,onChange:o=>n(iw(o)),min:0,max:t,step:1,withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>n(iw(0))})}function Ooe(){const e=z(o=>o.generation.verticalSymmetrySteps),t=z(o=>o.generation.steps),n=te(),{t:r}=ye();return i.jsx(_t,{label:r("parameters.vSymmetryStep"),value:e,onChange:o=>n(lw(o)),min:0,max:t,step:1,withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>n(lw(0))})}function Roe(){const e=z(n=>n.generation.shouldUseSymmetry),t=te();return i.jsx(Er,{label:"Enable Symmetry",isChecked:e,onChange:n=>t(PM(n.target.checked))})}const Moe=fe(Ye,e=>({activeLabel:e.generation.shouldUseSymmetry?"Enabled":void 0}),Ge),Doe=()=>{const{t:e}=ye(),{activeLabel:t}=z(Moe);return ir("symmetry").isFeatureEnabled?i.jsx(Ro,{label:e("parameters.symmetry"),activeLabel:t,children:i.jsxs(F,{sx:{gap:2,flexDirection:"column"},children:[i.jsx(Roe,{}),i.jsx(Eoe,{}),i.jsx(Ooe,{})]})}):null},sx=f.memo(Doe);function ax(){return i.jsxs(F,{sx:{flexDirection:"column",gap:2},children:[i.jsx(OO,{}),i.jsx(EO,{})]})}const Aoe=fe([Ye],({generation:e,hotkeys:t,config:n})=>{const{initial:r,min:o,sliderMax:s,inputMax:a,fineStep:c,coarseStep:d}=n.sd.img2imgStrength,{img2imgStrength:p}=e,h=t.shift?c:d;return{img2imgStrength:p,initial:r,min:o,sliderMax:s,inputMax:a,step:h}},Ge),Toe=()=>{const{img2imgStrength:e,initial:t,min:n,sliderMax:r,inputMax:o,step:s}=z(Aoe),a=te(),{t:c}=ye(),d=f.useCallback(h=>a(Bp(h)),[a]),p=f.useCallback(()=>{a(Bp(t))},[a,t]);return i.jsx(_t,{label:`${c("parameters.denoisingStrength")}`,step:s,min:n,max:r,onChange:d,handleReset:p,value:e,isInteger:!1,withInput:!0,withSliderMarks:!0,withReset:!0,sliderNumberInputProps:{max:o}})},VO=f.memo(Toe),Noe=fe([La,Di],(e,t)=>{const{shouldUseSliders:n}=e,{shouldRandomizeSeed:r}=t;return{shouldUseSliders:n,activeLabel:r?void 0:"Manual Seed"}},Ge),$oe=()=>{const{shouldUseSliders:e,activeLabel:t}=z(Noe);return i.jsx(Ro,{label:"General",activeLabel:t,defaultIsOpen:!0,children:i.jsxs(F,{sx:{flexDirection:"column",gap:3},children:[e?i.jsxs(i.Fragment,{children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Oc,{})]}):i.jsxs(i.Fragment,{children:[i.jsxs(F,{gap:3,children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{})]}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Oc,{})]}),i.jsx(VO,{}),i.jsx(NO,{})]})})},zoe=f.memo($oe),UO=()=>i.jsxs(i.Fragment,{children:[i.jsx(ax,{}),i.jsx(qd,{}),i.jsx(zoe,{}),i.jsx(ox,{}),i.jsx(nx,{}),i.jsx(Ud,{}),i.jsx(tg,{}),i.jsx(sx,{}),i.jsx(WO,{}),i.jsx(rx,{})]}),Loe=()=>{const e=te(),t=f.useRef(null),n=z(o=>o.generation.model),r=f.useCallback(()=>{t.current&&t.current.setLayout([50,50])},[]);return i.jsxs(F,{sx:{gap:4,w:"full",h:"full"},children:[i.jsx(tx,{children:n&&n.base_model==="sdxl"?i.jsx($O,{}):i.jsx(UO,{})}),i.jsx(Ee,{sx:{w:"full",h:"full"},children:i.jsxs(Qy,{ref:t,autoSaveId:"imageTab.content",direction:"horizontal",style:{height:"100%",width:"100%"},children:[i.jsx(pd,{id:"imageTab.content.initImage",order:0,defaultSize:50,minSize:25,style:{position:"relative"},children:i.jsx(ute,{})}),i.jsx(LO,{onDoubleClick:r}),i.jsx(pd,{id:"imageTab.content.selectedImage",order:1,defaultSize:50,minSize:25,onResize:()=>{e(ko())},children:i.jsx(FO,{})})]})})]})},Boe=f.memo(Loe);var Foe=function e(t,n){if(t===n)return!0;if(t&&n&&typeof t=="object"&&typeof n=="object"){if(t.constructor!==n.constructor)return!1;var r,o,s;if(Array.isArray(t)){if(r=t.length,r!=n.length)return!1;for(o=r;o--!==0;)if(!e(t[o],n[o]))return!1;return!0}if(t.constructor===RegExp)return t.source===n.source&&t.flags===n.flags;if(t.valueOf!==Object.prototype.valueOf)return t.valueOf()===n.valueOf();if(t.toString!==Object.prototype.toString)return t.toString()===n.toString();if(s=Object.keys(t),r=s.length,r!==Object.keys(n).length)return!1;for(o=r;o--!==0;)if(!Object.prototype.hasOwnProperty.call(n,s[o]))return!1;for(o=r;o--!==0;){var a=s[o];if(!e(t[a],n[a]))return!1}return!0}return t!==t&&n!==n};const Bk=vd(Foe);function z1(e){return e===null||typeof e!="object"?{}:Object.keys(e).reduce((t,n)=>{const r=e[n];return r!=null&&r!==!1&&(t[n]=r),t},{})}var Hoe=Object.defineProperty,Fk=Object.getOwnPropertySymbols,Woe=Object.prototype.hasOwnProperty,Voe=Object.prototype.propertyIsEnumerable,Hk=(e,t,n)=>t in e?Hoe(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Uoe=(e,t)=>{for(var n in t||(t={}))Woe.call(t,n)&&Hk(e,n,t[n]);if(Fk)for(var n of Fk(t))Voe.call(t,n)&&Hk(e,n,t[n]);return e};function GO(e,t){if(t===null||typeof t!="object")return{};const n=Uoe({},t);return Object.keys(t).forEach(r=>{r.includes(`${String(e)}.`)&&delete n[r]}),n}const Goe="__MANTINE_FORM_INDEX__";function Wk(e,t){return t?typeof t=="boolean"?t:Array.isArray(t)?t.includes(e.replace(/[.][0-9]/g,`.${Goe}`)):!1:!1}function Vk(e,t,n){typeof n.value=="object"&&(n.value=Zl(n.value)),!n.enumerable||n.get||n.set||!n.configurable||!n.writable||t==="__proto__"?Object.defineProperty(e,t,n):e[t]=n.value}function Zl(e){if(typeof e!="object")return e;var t=0,n,r,o,s=Object.prototype.toString.call(e);if(s==="[object Object]"?o=Object.create(e.__proto__||null):s==="[object Array]"?o=Array(e.length):s==="[object Set]"?(o=new Set,e.forEach(function(a){o.add(Zl(a))})):s==="[object Map]"?(o=new Map,e.forEach(function(a,c){o.set(Zl(c),Zl(a))})):s==="[object Date]"?o=new Date(+e):s==="[object RegExp]"?o=new RegExp(e.source,e.flags):s==="[object DataView]"?o=new e.constructor(Zl(e.buffer)):s==="[object ArrayBuffer]"?o=e.slice(0):s.slice(-6)==="Array]"&&(o=new e.constructor(e)),o){for(r=Object.getOwnPropertySymbols(e);t0,errors:t}}function L1(e,t,n="",r={}){return typeof e!="object"||e===null?r:Object.keys(e).reduce((o,s)=>{const a=e[s],c=`${n===""?"":`${n}.`}${s}`,d=xa(c,t);let p=!1;return typeof a=="function"&&(o[c]=a(d,t,c)),typeof a=="object"&&Array.isArray(d)&&(p=!0,d.forEach((h,m)=>L1(a,t,`${c}.${m}`,o))),typeof a=="object"&&typeof d=="object"&&d!==null&&(p||L1(a,t,c,o)),o},r)}function B1(e,t){return Uk(typeof e=="function"?e(t):L1(e,t))}function Sp(e,t,n){if(typeof e!="string")return{hasError:!1,error:null};const r=B1(t,n),o=Object.keys(r.errors).find(s=>e.split(".").every((a,c)=>a===s.split(".")[c]));return{hasError:!!o,error:o?r.errors[o]:null}}function qoe(e,{from:t,to:n},r){const o=xa(e,r);if(!Array.isArray(o))return r;const s=[...o],a=o[t];return s.splice(t,1),s.splice(n,0,a),ig(e,s,r)}var Koe=Object.defineProperty,Gk=Object.getOwnPropertySymbols,Xoe=Object.prototype.hasOwnProperty,Yoe=Object.prototype.propertyIsEnumerable,qk=(e,t,n)=>t in e?Koe(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Qoe=(e,t)=>{for(var n in t||(t={}))Xoe.call(t,n)&&qk(e,n,t[n]);if(Gk)for(var n of Gk(t))Yoe.call(t,n)&&qk(e,n,t[n]);return e};function Joe(e,{from:t,to:n},r){const o=`${e}.${t}`,s=`${e}.${n}`,a=Qoe({},r);return Object.keys(r).every(c=>{let d,p;if(c.startsWith(o)&&(d=c,p=c.replace(o,s)),c.startsWith(s)&&(d=c.replace(s,o),p=c),d&&p){const h=a[d],m=a[p];return m===void 0?delete a[d]:a[d]=m,h===void 0?delete a[p]:a[p]=h,!1}return!0}),a}function Zoe(e,t,n){const r=xa(e,n);return Array.isArray(r)?ig(e,r.filter((o,s)=>s!==t),n):n}var ese=Object.defineProperty,Kk=Object.getOwnPropertySymbols,tse=Object.prototype.hasOwnProperty,nse=Object.prototype.propertyIsEnumerable,Xk=(e,t,n)=>t in e?ese(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,rse=(e,t)=>{for(var n in t||(t={}))tse.call(t,n)&&Xk(e,n,t[n]);if(Kk)for(var n of Kk(t))nse.call(t,n)&&Xk(e,n,t[n]);return e};function Yk(e,t){const n=e.substring(t.length+1).split(".")[0];return parseInt(n,10)}function Qk(e,t,n,r){if(t===void 0)return n;const o=`${String(e)}`;let s=n;r===-1&&(s=GO(`${o}.${t}`,s));const a=rse({},s),c=new Set;return Object.entries(s).filter(([d])=>{if(!d.startsWith(`${o}.`))return!1;const p=Yk(d,o);return Number.isNaN(p)?!1:p>=t}).forEach(([d,p])=>{const h=Yk(d,o),m=d.replace(`${o}.${h}`,`${o}.${h+r}`);a[m]=p,c.add(m),c.has(d)||delete a[d]}),a}function ose(e,t,n,r){const o=xa(e,r);if(!Array.isArray(o))return r;const s=[...o];return s.splice(typeof n=="number"?n:s.length,0,t),ig(e,s,r)}function Jk(e,t){const n=Object.keys(e);if(typeof t=="string"){const r=n.filter(o=>o.startsWith(`${t}.`));return e[t]||r.some(o=>e[o])||!1}return n.some(r=>e[r])}function sse(e){return t=>{if(!t)e(t);else if(typeof t=="function")e(t);else if(typeof t=="object"&&"nativeEvent"in t){const{currentTarget:n}=t;n instanceof HTMLInputElement?n.type==="checkbox"?e(n.checked):e(n.value):(n instanceof HTMLTextAreaElement||n instanceof HTMLSelectElement)&&e(n.value)}else e(t)}}var ase=Object.defineProperty,ise=Object.defineProperties,lse=Object.getOwnPropertyDescriptors,Zk=Object.getOwnPropertySymbols,cse=Object.prototype.hasOwnProperty,use=Object.prototype.propertyIsEnumerable,e_=(e,t,n)=>t in e?ase(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,ti=(e,t)=>{for(var n in t||(t={}))cse.call(t,n)&&e_(e,n,t[n]);if(Zk)for(var n of Zk(t))use.call(t,n)&&e_(e,n,t[n]);return e},mv=(e,t)=>ise(e,lse(t));function wl({initialValues:e={},initialErrors:t={},initialDirty:n={},initialTouched:r={},clearInputErrorOnChange:o=!0,validateInputOnChange:s=!1,validateInputOnBlur:a=!1,transformValues:c=p=>p,validate:d}={}){const[p,h]=f.useState(r),[m,v]=f.useState(n),[b,w]=f.useState(e),[y,S]=f.useState(z1(t)),_=f.useRef(e),k=K=>{_.current=K},j=f.useCallback(()=>h({}),[]),I=K=>{const U=K?ti(ti({},b),K):b;k(U),v({})},E=f.useCallback(K=>S(U=>z1(typeof K=="function"?K(U):K)),[]),O=f.useCallback(()=>S({}),[]),R=f.useCallback(()=>{w(e),O(),k(e),v({}),j()},[]),M=f.useCallback((K,U)=>E(se=>mv(ti({},se),{[K]:U})),[]),A=f.useCallback(K=>E(U=>{if(typeof K!="string")return U;const se=ti({},U);return delete se[K],se}),[]),T=f.useCallback(K=>v(U=>{if(typeof K!="string")return U;const se=GO(K,U);return delete se[K],se}),[]),$=f.useCallback((K,U)=>{const se=Wk(K,s);T(K),h(re=>mv(ti({},re),{[K]:!0})),w(re=>{const oe=ig(K,U,re);if(se){const pe=Sp(K,d,oe);pe.hasError?M(K,pe.error):A(K)}return oe}),!se&&o&&M(K,null)},[]),Q=f.useCallback(K=>{w(U=>{const se=typeof K=="function"?K(U):K;return ti(ti({},U),se)}),o&&O()},[]),B=f.useCallback((K,U)=>{T(K),w(se=>qoe(K,U,se)),S(se=>Joe(K,U,se))},[]),V=f.useCallback((K,U)=>{T(K),w(se=>Zoe(K,U,se)),S(se=>Qk(K,U,se,-1))},[]),q=f.useCallback((K,U,se)=>{T(K),w(re=>ose(K,U,se,re)),S(re=>Qk(K,se,re,1))},[]),G=f.useCallback(()=>{const K=B1(d,b);return S(K.errors),K},[b,d]),D=f.useCallback(K=>{const U=Sp(K,d,b);return U.hasError?M(K,U.error):A(K),U},[b,d]),L=(K,{type:U="input",withError:se=!0,withFocus:re=!0}={})=>{const pe={onChange:sse(le=>$(K,le))};return se&&(pe.error=y[K]),U==="checkbox"?pe.checked=xa(K,b):pe.value=xa(K,b),re&&(pe.onFocus=()=>h(le=>mv(ti({},le),{[K]:!0})),pe.onBlur=()=>{if(Wk(K,a)){const le=Sp(K,d,b);le.hasError?M(K,le.error):A(K)}}),pe},W=(K,U)=>se=>{se==null||se.preventDefault();const re=G();re.hasErrors?U==null||U(re.errors,b,se):K==null||K(c(b),se)},Y=K=>c(K||b),ae=f.useCallback(K=>{K.preventDefault(),R()},[]),be=K=>{if(K){const se=xa(K,m);if(typeof se=="boolean")return se;const re=xa(K,b),oe=xa(K,_.current);return!Bk(re,oe)}return Object.keys(m).length>0?Jk(m):!Bk(b,_.current)},ie=f.useCallback(K=>Jk(p,K),[p]),X=f.useCallback(K=>K?!Sp(K,d,b).hasError:!B1(d,b).hasErrors,[b,d]);return{values:b,errors:y,setValues:Q,setErrors:E,setFieldValue:$,setFieldError:M,clearFieldError:A,clearErrors:O,reset:R,validate:G,validateField:D,reorderListItem:B,removeListItem:V,insertListItem:q,getInputProps:L,onSubmit:W,onReset:ae,isDirty:be,isTouched:ie,setTouched:h,setDirty:v,resetTouched:j,resetDirty:I,isValid:X,getTransformedValues:Y}}function br(e){const{...t}=e,{base50:n,base100:r,base200:o,base300:s,base800:a,base700:c,base900:d,accent500:p,accent300:h}=Fy(),{colorMode:m}=Ds();return i.jsx(zE,{styles:()=>({input:{color:Fe(d,r)(m),backgroundColor:Fe(n,d)(m),borderColor:Fe(o,a)(m),borderWidth:2,outline:"none",":focus":{borderColor:Fe(h,p)(m)}},label:{color:Fe(c,s)(m),fontWeight:"normal",marginBottom:4}}),...t})}const dse=[{value:"sd-1",label:Qn["sd-1"]},{value:"sd-2",label:Qn["sd-2"]},{value:"sdxl",label:Qn.sdxl},{value:"sdxl-refiner",label:Qn["sdxl-refiner"]}];function Xd(e){const{...t}=e,{t:n}=ye();return i.jsx(Xr,{label:n("modelManager.baseModel"),data:dse,...t})}function KO(e){const{data:t}=t5(),{...n}=e;return i.jsx(Xr,{label:"Config File",placeholder:"Select A Config File",data:t||[],...n})}const fse=[{value:"normal",label:"Normal"},{value:"inpaint",label:"Inpaint"},{value:"depth",label:"Depth"}];function lg(e){const{...t}=e,{t:n}=ye();return i.jsx(Xr,{label:n("modelManager.variant"),data:fse,...t})}function XO(e){const{t}=ye(),n=te(),{model_path:r}=e,o=wl({initialValues:{model_name:r?r.split("\\").splice(-1)[0].split(".")[0]:"",base_model:"sd-1",model_type:"main",path:r||"",description:"",model_format:"checkpoint",error:void 0,vae:"",variant:"normal",config:"configs\\stable-diffusion\\v1-inference.yaml"}}),[s]=n5(),[a,c]=f.useState(!1),d=p=>{s({body:p}).unwrap().then(h=>{n(On(Mn({title:`Model Added: ${p.model_name}`,status:"success"}))),o.reset(),r&&n(xd(null))}).catch(h=>{h&&n(On(Mn({title:"Model Add Failed",status:"error"})))})};return i.jsx("form",{onSubmit:o.onSubmit(p=>d(p)),style:{width:"100%"},children:i.jsxs(F,{flexDirection:"column",gap:2,children:[i.jsx(br,{label:"Model Name",required:!0,...o.getInputProps("model_name")}),i.jsx(Xd,{...o.getInputProps("base_model")}),i.jsx(br,{label:"Model Location",required:!0,...o.getInputProps("path")}),i.jsx(br,{label:"Description",...o.getInputProps("description")}),i.jsx(br,{label:"VAE Location",...o.getInputProps("vae")}),i.jsx(lg,{...o.getInputProps("variant")}),i.jsxs(F,{flexDirection:"column",width:"100%",gap:2,children:[a?i.jsx(br,{required:!0,label:"Custom Config File Location",...o.getInputProps("config")}):i.jsx(KO,{required:!0,width:"100%",...o.getInputProps("config")}),i.jsx(Gn,{isChecked:a,onChange:()=>c(!a),label:"Use Custom Config"}),i.jsx(Jt,{mt:2,type:"submit",children:t("modelManager.addModel")})]})]})})}function YO(e){const{t}=ye(),n=te(),{model_path:r}=e,[o]=n5(),s=wl({initialValues:{model_name:r?r.split("\\").splice(-1)[0]:"",base_model:"sd-1",model_type:"main",path:r||"",description:"",model_format:"diffusers",error:void 0,vae:"",variant:"normal"}}),a=c=>{o({body:c}).unwrap().then(d=>{n(On(Mn({title:`Model Added: ${c.model_name}`,status:"success"}))),s.reset(),r&&n(xd(null))}).catch(d=>{d&&n(On(Mn({title:"Model Add Failed",status:"error"})))})};return i.jsx("form",{onSubmit:s.onSubmit(c=>a(c)),style:{width:"100%"},children:i.jsxs(F,{flexDirection:"column",gap:2,children:[i.jsx(br,{required:!0,label:"Model Name",...s.getInputProps("model_name")}),i.jsx(Xd,{...s.getInputProps("base_model")}),i.jsx(br,{required:!0,label:"Model Location",placeholder:"Provide the path to a local folder where your Diffusers Model is stored",...s.getInputProps("path")}),i.jsx(br,{label:"Description",...s.getInputProps("description")}),i.jsx(br,{label:"VAE Location",...s.getInputProps("vae")}),i.jsx(lg,{...s.getInputProps("variant")}),i.jsx(Jt,{mt:2,type:"submit",children:t("modelManager.addModel")})]})})}const QO=[{label:"Diffusers",value:"diffusers"},{label:"Checkpoint / Safetensors",value:"checkpoint"}];function pse(){const[e,t]=f.useState("diffusers");return i.jsxs(F,{flexDirection:"column",gap:4,width:"100%",children:[i.jsx(Xr,{label:"Model Type",value:e,data:QO,onChange:n=>{n&&t(n)}}),i.jsxs(F,{sx:{p:4,borderRadius:4,bg:"base.300",_dark:{bg:"base.850"}},children:[e==="diffusers"&&i.jsx(YO,{}),e==="checkpoint"&&i.jsx(XO,{})]})]})}const hse=[{label:"None",value:"none"},{label:"v_prediction",value:"v_prediction"},{label:"epsilon",value:"epsilon"},{label:"sample",value:"sample"}];function mse(){const e=te(),{t}=ye(),n=z(c=>c.system.isProcessing),[r,{isLoading:o}]=r5(),s=wl({initialValues:{location:"",prediction_type:void 0}}),a=c=>{const d={location:c.location,prediction_type:c.prediction_type==="none"?void 0:c.prediction_type};r({body:d}).unwrap().then(p=>{e(On(Mn({title:"Model Added",status:"success"}))),s.reset()}).catch(p=>{p&&(console.log(p),e(On(Mn({title:`${p.data.detail} `,status:"error"}))))})};return i.jsx("form",{onSubmit:s.onSubmit(c=>a(c)),style:{width:"100%"},children:i.jsxs(F,{flexDirection:"column",width:"100%",gap:4,children:[i.jsx(br,{label:"Model Location",placeholder:"Provide a path to a local Diffusers model, local checkpoint / safetensors model a HuggingFace Repo ID, or a checkpoint/diffusers model URL.",w:"100%",...s.getInputProps("location")}),i.jsx(Xr,{label:"Prediction Type (for Stable Diffusion 2.x Models only)",data:hse,defaultValue:"none",...s.getInputProps("prediction_type")}),i.jsx(Jt,{type:"submit",isLoading:o,isDisabled:o||n,children:t("modelManager.addModel")})]})})}function gse(){const[e,t]=f.useState("simple");return i.jsxs(F,{flexDirection:"column",width:"100%",overflow:"scroll",maxHeight:window.innerHeight-250,gap:4,children:[i.jsxs(rr,{isAttached:!0,children:[i.jsx(Jt,{size:"sm",isChecked:e=="simple",onClick:()=>t("simple"),children:"Simple"}),i.jsx(Jt,{size:"sm",isChecked:e=="advanced",onClick:()=>t("advanced"),children:"Advanced"})]}),i.jsxs(F,{sx:{p:4,borderRadius:4,background:"base.200",_dark:{background:"base.800"}},children:[e==="simple"&&i.jsx(mse,{}),e==="advanced"&&i.jsx(pse,{})]})]})}const vse={display:"flex",flexDirection:"row",alignItems:"center",gap:10},bse=e=>{const{label:t="",labelPos:n="top",isDisabled:r=!1,isInvalid:o,formControlProps:s,...a}=e,c=te(),d=f.useCallback(h=>{h.shiftKey&&c(jo(!0))},[c]),p=f.useCallback(h=>{h.shiftKey||c(jo(!1))},[c]);return i.jsxs(go,{isInvalid:o,isDisabled:r,...s,style:n==="side"?vse:void 0,children:[t!==""&&i.jsx(Lo,{children:t}),i.jsx(Pd,{...a,onPaste:Zy,onKeyDown:d,onKeyUp:p})]})},Rc=f.memo(bse);function yse(e){const{...t}=e;return i.jsx(RI,{w:"100%",...t,children:e.children})}function xse(){const e=z(y=>y.modelmanager.searchFolder),[t,n]=f.useState(""),{data:r}=na(qi),{foundModels:o,alreadyInstalled:s,filteredModels:a}=o5({search_path:e||""},{selectFromResult:({data:y})=>{const S=d9(r==null?void 0:r.entities),_=cs(S,"path"),k=l9(y,_),j=g9(y,_);return{foundModels:y,alreadyInstalled:t_(j,t),filteredModels:t_(k,t)}}}),[c,{isLoading:d}]=r5(),p=te(),{t:h}=ye(),m=f.useCallback(y=>{const S=y.currentTarget.id.split("\\").splice(-1)[0];c({body:{location:y.currentTarget.id}}).unwrap().then(_=>{p(On(Mn({title:`Added Model: ${S}`,status:"success"})))}).catch(_=>{_&&p(On(Mn({title:"Failed To Add Model",status:"error"})))})},[p,c]),v=f.useCallback(y=>{n(y.target.value)},[]),b=({models:y,showActions:S=!0})=>y.map(_=>i.jsxs(F,{sx:{p:4,gap:4,alignItems:"center",borderRadius:4,bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsxs(F,{w:"100%",sx:{flexDirection:"column",minW:"25%"},children:[i.jsx(qe,{sx:{fontWeight:600},children:_.split("\\").slice(-1)[0]}),i.jsx(qe,{sx:{fontSize:"sm",color:"base.600",_dark:{color:"base.400"}},children:_})]}),S?i.jsxs(F,{gap:2,children:[i.jsx(Jt,{id:_,onClick:m,isLoading:d,children:"Quick Add"}),i.jsx(Jt,{onClick:()=>p(xd(_)),isLoading:d,children:"Advanced"})]}):i.jsx(qe,{sx:{fontWeight:600,p:2,borderRadius:4,color:"accent.50",bg:"accent.400",_dark:{color:"accent.100",bg:"accent.600"}},children:"Installed"})]},_));return(()=>e?!o||o.length===0?i.jsx(F,{sx:{w:"full",h:"full",justifyContent:"center",alignItems:"center",height:96,userSelect:"none",bg:"base.200",_dark:{bg:"base.900"}},children:i.jsx(qe,{variant:"subtext",children:"No Models Found"})}):i.jsxs(F,{sx:{flexDirection:"column",gap:2,w:"100%",minW:"50%"},children:[i.jsx(Rc,{onChange:v,label:h("modelManager.search"),labelPos:"side"}),i.jsxs(F,{p:2,gap:2,children:[i.jsxs(qe,{sx:{fontWeight:600},children:["Models Found: ",o.length]}),i.jsxs(qe,{sx:{fontWeight:600,color:"accent.500",_dark:{color:"accent.200"}},children:["Not Installed: ",a.length]})]}),i.jsx(yse,{offsetScrollbars:!0,children:i.jsxs(F,{gap:2,flexDirection:"column",children:[b({models:a}),b({models:s,showActions:!1})]})})]}):null)()}const t_=(e,t)=>{const n=[];return so(e,r=>{if(!r)return null;r.includes(t)&&n.push(r)}),n};function wse(){const e=z(a=>a.modelmanager.advancedAddScanModel),[t,n]=f.useState("diffusers"),[r,o]=f.useState(!0);f.useEffect(()=>{e&&[".ckpt",".safetensors",".pth",".pt"].some(a=>e.endsWith(a))?n("checkpoint"):n("diffusers")},[e,n,r]);const s=te();return e?i.jsxs(Ee,{as:Ir.div,initial:{x:-100,opacity:0},animate:{x:0,opacity:1,transition:{duration:.2}},sx:{display:"flex",flexDirection:"column",minWidth:"40%",maxHeight:window.innerHeight-300,overflow:"scroll",p:4,gap:4,borderRadius:4,bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsxs(F,{justifyContent:"space-between",alignItems:"center",children:[i.jsx(qe,{size:"xl",fontWeight:600,children:r||t==="checkpoint"?"Add Checkpoint Model":"Add Diffusers Model"}),i.jsx(Le,{icon:i.jsx(EW,{}),"aria-label":"Close Advanced",onClick:()=>s(xd(null)),size:"sm"})]}),i.jsx(Xr,{label:"Model Type",value:t,data:QO,onChange:a=>{a&&(n(a),o(a==="checkpoint"))}}),r?i.jsx(XO,{model_path:e},e):i.jsx(YO,{model_path:e},e)]}):null}function Sse(){const e=te(),{t}=ye(),n=z(c=>c.modelmanager.searchFolder),{refetch:r}=o5({search_path:n||""}),o=wl({initialValues:{folder:""}}),s=f.useCallback(c=>{e(cw(c.folder))},[e]),a=()=>{r()};return i.jsx("form",{onSubmit:o.onSubmit(c=>s(c)),style:{width:"100%"},children:i.jsxs(F,{sx:{w:"100%",gap:2,borderRadius:4,alignItems:"center"},children:[i.jsxs(F,{w:"100%",alignItems:"center",gap:4,minH:12,children:[i.jsx(qe,{sx:{fontSize:"sm",fontWeight:600,color:"base.700",minW:"max-content",_dark:{color:"base.300"}},children:"Folder"}),n?i.jsx(F,{sx:{w:"100%",p:2,px:4,bg:"base.300",borderRadius:4,fontSize:"sm",fontWeight:"bold",_dark:{bg:"base.700"}},children:n}):i.jsx(Rc,{w:"100%",size:"md",...o.getInputProps("folder")})]}),i.jsxs(F,{gap:2,children:[n?i.jsx(Le,{"aria-label":t("modelManager.scanAgain"),tooltip:t("modelManager.scanAgain"),icon:i.jsx(EP,{}),onClick:a,fontSize:18,size:"sm"}):i.jsx(Le,{"aria-label":t("modelManager.findModels"),tooltip:t("modelManager.findModels"),icon:i.jsx(_W,{}),fontSize:18,size:"sm",type:"submit"}),i.jsx(Le,{"aria-label":t("modelManager.clearCheckpointFolder"),tooltip:t("modelManager.clearCheckpointFolder"),icon:i.jsx(us,{}),size:"sm",onClick:()=>{e(cw(null)),e(xd(null))},isDisabled:!n,colorScheme:"red"})]})]})})}const Cse=f.memo(Sse);function kse(){return i.jsxs(F,{flexDirection:"column",w:"100%",gap:4,children:[i.jsx(Cse,{}),i.jsxs(F,{gap:4,children:[i.jsx(F,{sx:{maxHeight:window.innerHeight-300,overflow:"scroll",gap:4,w:"100%"},children:i.jsx(xse,{})}),i.jsx(wse,{})]})]})}function _se(){const[e,t]=f.useState("add"),{t:n}=ye();return i.jsxs(F,{flexDirection:"column",gap:4,children:[i.jsxs(rr,{isAttached:!0,children:[i.jsx(Jt,{onClick:()=>t("add"),isChecked:e=="add",size:"sm",width:"100%",children:n("modelManager.addModel")}),i.jsx(Jt,{onClick:()=>t("scan"),isChecked:e=="scan",size:"sm",width:"100%",children:n("modelManager.scanForModels")})]}),e=="add"&&i.jsx(gse,{}),e=="scan"&&i.jsx(kse,{})]})}const Pse=[{label:"Stable Diffusion 1",value:"sd-1"},{label:"Stable Diffusion 2",value:"sd-2"}];function jse(){const{t:e}=ye(),t=te(),{data:n}=na(qi),[r,{isLoading:o}]=jM(),[s,a]=f.useState("sd-1"),c=Cw(n==null?void 0:n.entities,(D,L)=>(D==null?void 0:D.model_format)==="diffusers"&&(D==null?void 0:D.base_model)==="sd-1"),d=Cw(n==null?void 0:n.entities,(D,L)=>(D==null?void 0:D.model_format)==="diffusers"&&(D==null?void 0:D.base_model)==="sd-2"),p=f.useMemo(()=>({"sd-1":c,"sd-2":d}),[c,d]),[h,m]=f.useState(Object.keys(p[s])[0]),[v,b]=f.useState(Object.keys(p[s])[1]),[w,y]=f.useState(null),[S,_]=f.useState(""),[k,j]=f.useState(.5),[I,E]=f.useState("weighted_sum"),[O,R]=f.useState("root"),[M,A]=f.useState(""),[T,$]=f.useState(!1),Q=Object.keys(p[s]).filter(D=>D!==v&&D!==w),B=Object.keys(p[s]).filter(D=>D!==h&&D!==w),V=Object.keys(p[s]).filter(D=>D!==h&&D!==v),q=D=>{a(D),m(null),b(null)},G=()=>{const D=[];let L=[h,v,w];L=L.filter(Y=>Y!==null),L.forEach(Y=>{Y&&D.push(Y==null?void 0:Y.split("/")[2])});const W={model_names:D,merged_model_name:S!==""?S:D.join("-"),alpha:k,interp:I,force:T,merge_dest_directory:O==="root"?void 0:M};r({base_model:s,body:W}).unwrap().then(Y=>{t(On(Mn({title:e("modelManager.modelsMerged"),status:"success"})))}).catch(Y=>{Y&&t(On(Mn({title:e("modelManager.modelsMergeFailed"),status:"error"})))})};return i.jsxs(F,{flexDirection:"column",rowGap:4,children:[i.jsxs(F,{sx:{flexDirection:"column",rowGap:1},children:[i.jsx(qe,{children:e("modelManager.modelMergeHeaderHelp1")}),i.jsx(qe,{fontSize:"sm",variant:"subtext",children:e("modelManager.modelMergeHeaderHelp2")})]}),i.jsxs(F,{columnGap:4,children:[i.jsx(Xr,{label:"Model Type",w:"100%",data:Pse,value:s,onChange:q}),i.jsx(ar,{label:e("modelManager.modelOne"),w:"100%",value:h,placeholder:e("modelManager.selectModel"),data:Q,onChange:D=>m(D)}),i.jsx(ar,{label:e("modelManager.modelTwo"),w:"100%",placeholder:e("modelManager.selectModel"),value:v,data:B,onChange:D=>b(D)}),i.jsx(ar,{label:e("modelManager.modelThree"),data:V,w:"100%",placeholder:e("modelManager.selectModel"),clearable:!0,onChange:D=>{D?(y(D),E("weighted_sum")):(y(null),E("add_difference"))}})]}),i.jsx(Rc,{label:e("modelManager.mergedModelName"),value:S,onChange:D=>_(D.target.value)}),i.jsxs(F,{sx:{flexDirection:"column",padding:4,borderRadius:"base",gap:4,bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsx(_t,{label:e("modelManager.alpha"),min:.01,max:.99,step:.01,value:k,onChange:D=>j(D),withInput:!0,withReset:!0,handleReset:()=>j(.5),withSliderMarks:!0}),i.jsx(qe,{variant:"subtext",fontSize:"sm",children:e("modelManager.modelMergeAlphaHelp")})]}),i.jsxs(F,{sx:{padding:4,borderRadius:"base",gap:4,bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsx(qe,{fontWeight:500,fontSize:"sm",variant:"subtext",children:e("modelManager.interpolationType")}),i.jsx(Zp,{value:I,onChange:D=>E(D),children:i.jsx(F,{columnGap:4,children:w===null?i.jsxs(i.Fragment,{children:[i.jsx(ya,{value:"weighted_sum",children:i.jsx(qe,{fontSize:"sm",children:e("modelManager.weightedSum")})}),i.jsx(ya,{value:"sigmoid",children:i.jsx(qe,{fontSize:"sm",children:e("modelManager.sigmoid")})}),i.jsx(ya,{value:"inv_sigmoid",children:i.jsx(qe,{fontSize:"sm",children:e("modelManager.inverseSigmoid")})})]}):i.jsx(ya,{value:"add_difference",children:i.jsx(wn,{label:e("modelManager.modelMergeInterpAddDifferenceHelp"),children:i.jsx(qe,{fontSize:"sm",children:e("modelManager.addDifference")})})})})})]}),i.jsxs(F,{sx:{flexDirection:"column",padding:4,borderRadius:"base",gap:4,bg:"base.200",_dark:{bg:"base.900"}},children:[i.jsxs(F,{columnGap:4,children:[i.jsx(qe,{fontWeight:"500",fontSize:"sm",variant:"subtext",children:e("modelManager.mergedModelSaveLocation")}),i.jsx(Zp,{value:O,onChange:D=>R(D),children:i.jsxs(F,{columnGap:4,children:[i.jsx(ya,{value:"root",children:i.jsx(qe,{fontSize:"sm",children:e("modelManager.invokeAIFolder")})}),i.jsx(ya,{value:"custom",children:i.jsx(qe,{fontSize:"sm",children:e("modelManager.custom")})})]})})]}),O==="custom"&&i.jsx(Rc,{label:e("modelManager.mergedModelCustomSaveLocation"),value:M,onChange:D=>A(D.target.value)})]}),i.jsx(Gn,{label:e("modelManager.ignoreMismatch"),isChecked:T,onChange:D=>$(D.target.checked),fontWeight:"500"}),i.jsx(Jt,{onClick:G,isLoading:o,isDisabled:h===null||v===null,children:e("modelManager.merge")})]})}const Ise=Ae((e,t)=>{const{t:n}=ye(),{acceptButtonText:r=n("common.accept"),acceptCallback:o,cancelButtonText:s=n("common.cancel"),cancelCallback:a,children:c,title:d,triggerComponent:p}=e,{isOpen:h,onOpen:m,onClose:v}=ss(),b=f.useRef(null),w=()=>{o(),v()},y=()=>{a&&a(),v()};return i.jsxs(i.Fragment,{children:[f.cloneElement(p,{onClick:m,ref:t}),i.jsx(Md,{isOpen:h,leastDestructiveRef:b,onClose:v,isCentered:!0,children:i.jsx(Da,{children:i.jsxs(Dd,{children:[i.jsx(Ma,{fontSize:"lg",fontWeight:"bold",children:d}),i.jsx(Aa,{children:c}),i.jsxs(Ra,{children:[i.jsx(Jt,{ref:b,onClick:y,children:s}),i.jsx(Jt,{colorScheme:"error",onClick:w,ml:3,children:r})]})]})})})]})}),ix=f.memo(Ise);function Ese(e){const{model:t}=e,n=te(),{t:r}=ye(),[o,{isLoading:s}]=IM(),[a,c]=f.useState("InvokeAIRoot"),[d,p]=f.useState("");f.useEffect(()=>{c("InvokeAIRoot")},[t]);const h=()=>{c("InvokeAIRoot")},m=()=>{const v={base_model:t.base_model,model_name:t.model_name,params:{convert_dest_directory:a==="Custom"?d:void 0}};if(a==="Custom"&&d===""){n(On(Mn({title:r("modelManager.noCustomLocationProvided"),status:"error"})));return}n(On(Mn({title:`${r("modelManager.convertingModelBegin")}: ${t.model_name}`,status:"success"}))),o(v).unwrap().then(b=>{n(On(Mn({title:`${r("modelManager.modelConverted")}: ${t.model_name}`,status:"success"})))}).catch(b=>{n(On(Mn({title:`${r("modelManager.modelConversionFailed")}: ${t.model_name}`,status:"error"})))})};return i.jsxs(ix,{title:`${r("modelManager.convert")} ${t.model_name}`,acceptCallback:m,cancelCallback:h,acceptButtonText:`${r("modelManager.convert")}`,triggerComponent:i.jsxs(Jt,{size:"sm","aria-label":r("modelManager.convertToDiffusers"),className:" modal-close-btn",isLoading:s,children:["🧨 ",r("modelManager.convertToDiffusers")]}),motionPreset:"slideInBottom",children:[i.jsxs(F,{flexDirection:"column",rowGap:4,children:[i.jsx(qe,{children:r("modelManager.convertToDiffusersHelpText1")}),i.jsxs(Mb,{children:[i.jsx(wa,{children:r("modelManager.convertToDiffusersHelpText2")}),i.jsx(wa,{children:r("modelManager.convertToDiffusersHelpText3")}),i.jsx(wa,{children:r("modelManager.convertToDiffusersHelpText4")}),i.jsx(wa,{children:r("modelManager.convertToDiffusersHelpText5")})]}),i.jsx(qe,{children:r("modelManager.convertToDiffusersHelpText6")})]}),i.jsxs(F,{flexDir:"column",gap:2,children:[i.jsxs(F,{marginTop:4,flexDir:"column",gap:2,children:[i.jsx(qe,{fontWeight:"600",children:r("modelManager.convertToDiffusersSaveLocation")}),i.jsx(Zp,{value:a,onChange:v=>c(v),children:i.jsxs(F,{gap:4,children:[i.jsx(ya,{value:"InvokeAIRoot",children:i.jsx(wn,{label:"Save converted model in the InvokeAI root folder",children:r("modelManager.invokeRoot")})}),i.jsx(ya,{value:"Custom",children:i.jsx(wn,{label:"Save converted model in a custom folder",children:r("modelManager.custom")})})]})})]}),a==="Custom"&&i.jsxs(F,{flexDirection:"column",rowGap:2,children:[i.jsx(qe,{fontWeight:"500",fontSize:"sm",variant:"subtext",children:r("modelManager.customSaveLocation")}),i.jsx(Rc,{value:d,onChange:v=>{p(v.target.value)},width:"full"})]})]})]})}function Ose(e){const t=z(Cr),{model:n}=e,[r,{isLoading:o}]=s5(),{data:s}=t5(),[a,c]=f.useState(!1);f.useEffect(()=>{s!=null&&s.includes(n.config)||c(!0)},[s,n.config]);const d=te(),{t:p}=ye(),h=wl({initialValues:{model_name:n.model_name?n.model_name:"",base_model:n.base_model,model_type:"main",path:n.path?n.path:"",description:n.description?n.description:"",model_format:"checkpoint",vae:n.vae?n.vae:"",config:n.config?n.config:"",variant:n.variant},validate:{path:v=>v.trim().length===0?"Must provide a path":null}}),m=f.useCallback(v=>{const b={base_model:n.base_model,model_name:n.model_name,body:v};r(b).unwrap().then(w=>{h.setValues(w),d(On(Mn({title:p("modelManager.modelUpdated"),status:"success"})))}).catch(w=>{h.reset(),d(On(Mn({title:p("modelManager.modelUpdateFailed"),status:"error"})))})},[h,d,n.base_model,n.model_name,p,r]);return i.jsxs(F,{flexDirection:"column",rowGap:4,width:"100%",children:[i.jsxs(F,{justifyContent:"space-between",alignItems:"center",children:[i.jsxs(F,{flexDirection:"column",children:[i.jsx(qe,{fontSize:"lg",fontWeight:"bold",children:n.model_name}),i.jsxs(qe,{fontSize:"sm",color:"base.400",children:[Qn[n.base_model]," Model"]})]}),[""].includes(n.base_model)?i.jsx(ml,{sx:{p:2,borderRadius:4,bg:"error.200",_dark:{bg:"error.400"}},children:"Conversion Not Supported"}):i.jsx(Ese,{model:n})]}),i.jsx(Pi,{}),i.jsx(F,{flexDirection:"column",maxHeight:window.innerHeight-270,overflowY:"scroll",children:i.jsx("form",{onSubmit:h.onSubmit(v=>m(v)),children:i.jsxs(F,{flexDirection:"column",overflowY:"scroll",gap:4,children:[i.jsx(br,{label:p("modelManager.name"),...h.getInputProps("model_name")}),i.jsx(br,{label:p("modelManager.description"),...h.getInputProps("description")}),i.jsx(Xd,{required:!0,...h.getInputProps("base_model")}),i.jsx(lg,{required:!0,...h.getInputProps("variant")}),i.jsx(br,{required:!0,label:p("modelManager.modelLocation"),...h.getInputProps("path")}),i.jsx(br,{label:p("modelManager.vaeLocation"),...h.getInputProps("vae")}),i.jsxs(F,{flexDirection:"column",gap:2,children:[a?i.jsx(br,{required:!0,label:p("modelManager.config"),...h.getInputProps("config")}):i.jsx(KO,{required:!0,...h.getInputProps("config")}),i.jsx(Gn,{isChecked:a,onChange:()=>c(!a),label:"Use Custom Config"})]}),i.jsx(Jt,{type:"submit",isDisabled:t||o,isLoading:o,children:p("modelManager.updateModel")})]})})})]})}function Rse(e){const t=z(Cr),{model:n}=e,[r,{isLoading:o}]=s5(),s=te(),{t:a}=ye(),c=wl({initialValues:{model_name:n.model_name?n.model_name:"",base_model:n.base_model,model_type:"main",path:n.path?n.path:"",description:n.description?n.description:"",model_format:"diffusers",vae:n.vae?n.vae:"",variant:n.variant},validate:{path:p=>p.trim().length===0?"Must provide a path":null}}),d=f.useCallback(p=>{const h={base_model:n.base_model,model_name:n.model_name,body:p};r(h).unwrap().then(m=>{c.setValues(m),s(On(Mn({title:a("modelManager.modelUpdated"),status:"success"})))}).catch(m=>{c.reset(),s(On(Mn({title:a("modelManager.modelUpdateFailed"),status:"error"})))})},[c,s,n.base_model,n.model_name,a,r]);return i.jsxs(F,{flexDirection:"column",rowGap:4,width:"100%",children:[i.jsxs(F,{flexDirection:"column",children:[i.jsx(qe,{fontSize:"lg",fontWeight:"bold",children:n.model_name}),i.jsxs(qe,{fontSize:"sm",color:"base.400",children:[Qn[n.base_model]," Model"]})]}),i.jsx(Pi,{}),i.jsx("form",{onSubmit:c.onSubmit(p=>d(p)),children:i.jsxs(F,{flexDirection:"column",overflowY:"scroll",gap:4,children:[i.jsx(br,{label:a("modelManager.name"),...c.getInputProps("model_name")}),i.jsx(br,{label:a("modelManager.description"),...c.getInputProps("description")}),i.jsx(Xd,{required:!0,...c.getInputProps("base_model")}),i.jsx(lg,{required:!0,...c.getInputProps("variant")}),i.jsx(br,{required:!0,label:a("modelManager.modelLocation"),...c.getInputProps("path")}),i.jsx(br,{label:a("modelManager.vaeLocation"),...c.getInputProps("vae")}),i.jsx(Jt,{type:"submit",isDisabled:t||o,isLoading:o,children:a("modelManager.updateModel")})]})})]})}function Mse(e){const t=z(Cr),{model:n}=e,[r,{isLoading:o}]=EM(),s=te(),{t:a}=ye(),c=wl({initialValues:{model_name:n.model_name?n.model_name:"",base_model:n.base_model,model_type:"lora",path:n.path?n.path:"",description:n.description?n.description:"",model_format:n.model_format},validate:{path:p=>p.trim().length===0?"Must provide a path":null}}),d=f.useCallback(p=>{const h={base_model:n.base_model,model_name:n.model_name,body:p};r(h).unwrap().then(m=>{c.setValues(m),s(On(Mn({title:a("modelManager.modelUpdated"),status:"success"})))}).catch(m=>{c.reset(),s(On(Mn({title:a("modelManager.modelUpdateFailed"),status:"error"})))})},[s,c,n.base_model,n.model_name,a,r]);return i.jsxs(F,{flexDirection:"column",rowGap:4,width:"100%",children:[i.jsxs(F,{flexDirection:"column",children:[i.jsx(qe,{fontSize:"lg",fontWeight:"bold",children:n.model_name}),i.jsxs(qe,{fontSize:"sm",color:"base.400",children:[Qn[n.base_model]," Model ⋅"," ",OM[n.model_format]," format"]})]}),i.jsx(Pi,{}),i.jsx("form",{onSubmit:c.onSubmit(p=>d(p)),children:i.jsxs(F,{flexDirection:"column",overflowY:"scroll",gap:4,children:[i.jsx(br,{label:a("modelManager.name"),...c.getInputProps("model_name")}),i.jsx(br,{label:a("modelManager.description"),...c.getInputProps("description")}),i.jsx(Xd,{...c.getInputProps("base_model")}),i.jsx(br,{label:a("modelManager.modelLocation"),...c.getInputProps("path")}),i.jsx(Jt,{type:"submit",isDisabled:t||o,isLoading:o,children:a("modelManager.updateModel")})]})})]})}function Su(e){const t=z(Cr),{t:n}=ye(),r=te(),[o]=RM(),[s]=MM(),{model:a,isSelected:c,setSelectedModelId:d}=e,p=f.useCallback(()=>{d(a.id)},[a.id,d]),h=f.useCallback(()=>{const m={main:o,lora:s}[a.model_type];m(a).unwrap().then(v=>{r(On(Mn({title:`${n("modelManager.modelDeleted")}: ${a.model_name}`,status:"success"})))}).catch(v=>{v&&r(On(Mn({title:`${n("modelManager.modelDeleteFailed")}: ${a.model_name}`,status:"error"})))}),d(void 0)},[o,s,a,d,r,n]);return i.jsxs(F,{sx:{gap:2,alignItems:"center",w:"full"},children:[i.jsx(F,{as:Jt,isChecked:c,sx:{justifyContent:"start",p:2,borderRadius:"base",w:"full",alignItems:"center",bg:c?"accent.400":"base.100",color:c?"base.50":"base.800",_hover:{bg:c?"accent.500":"base.300",color:c?"base.50":"base.800"},_dark:{color:c?"base.50":"base.100",bg:c?"accent.600":"base.850",_hover:{color:c?"base.50":"base.100",bg:c?"accent.550":"base.700"}}},onClick:p,children:i.jsxs(F,{gap:4,alignItems:"center",children:[i.jsx(ml,{minWidth:14,p:.5,fontSize:"sm",variant:"solid",children:DM[a.base_model]}),i.jsx(wn,{label:a.description,hasArrow:!0,placement:"bottom",children:i.jsx(qe,{sx:{fontWeight:500},children:a.model_name})})]})}),i.jsx(ix,{title:n("modelManager.deleteModel"),acceptCallback:h,acceptButtonText:n("modelManager.delete"),triggerComponent:i.jsx(Le,{icon:i.jsx(oU,{}),"aria-label":n("modelManager.deleteConfig"),isDisabled:t,colorScheme:"error"}),children:i.jsxs(F,{rowGap:4,flexDirection:"column",children:[i.jsx("p",{style:{fontWeight:"bold"},children:n("modelManager.deleteMsg1")}),i.jsx("p",{children:n("modelManager.deleteMsg2")})]})})]})}const Dse=e=>{const{selectedModelId:t,setSelectedModelId:n}=e,{t:r}=ye(),[o,s]=f.useState(""),[a,c]=f.useState("images"),{filteredDiffusersModels:d}=na(qi,{selectFromResult:({data:w})=>({filteredDiffusersModels:Cu(w,"main","diffusers",o)})}),{filteredCheckpointModels:p}=na(qi,{selectFromResult:({data:w})=>({filteredCheckpointModels:Cu(w,"main","checkpoint",o)})}),{filteredLoraModels:h}=cm(void 0,{selectFromResult:({data:w})=>({filteredLoraModels:Cu(w,"lora",void 0,o)})}),{filteredOnnxModels:m}=Fp(qi,{selectFromResult:({data:w})=>({filteredOnnxModels:Cu(w,"onnx","onnx",o)})}),{filteredOliveModels:v}=Fp(qi,{selectFromResult:({data:w})=>({filteredOliveModels:Cu(w,"onnx","olive",o)})}),b=f.useCallback(w=>{s(w.target.value)},[]);return i.jsx(F,{flexDirection:"column",rowGap:4,width:"50%",minWidth:"50%",children:i.jsxs(F,{flexDirection:"column",gap:4,paddingInlineEnd:4,children:[i.jsxs(rr,{isAttached:!0,children:[i.jsx(Jt,{onClick:()=>c("images"),isChecked:a==="images",size:"sm",children:r("modelManager.allModels")}),i.jsx(Jt,{size:"sm",onClick:()=>c("diffusers"),isChecked:a==="diffusers",children:r("modelManager.diffusersModels")}),i.jsx(Jt,{size:"sm",onClick:()=>c("onnx"),isChecked:a==="onnx",children:r("modelManager.onnxModels")}),i.jsx(Jt,{size:"sm",onClick:()=>c("olive"),isChecked:a==="olive",children:r("modelManager.oliveModels")}),i.jsx(Jt,{size:"sm",onClick:()=>c("lora"),isChecked:a==="lora",children:r("modelManager.loraModels")})]}),i.jsx(Rc,{onChange:b,label:r("modelManager.search"),labelPos:"side"}),i.jsxs(F,{flexDirection:"column",gap:4,maxHeight:window.innerHeight-280,overflow:"scroll",children:[["images","diffusers"].includes(a)&&d.length>0&&i.jsx(ku,{children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(qe,{variant:"subtext",fontSize:"sm",children:"Diffusers"}),d.map(w=>i.jsx(Su,{model:w,isSelected:t===w.id,setSelectedModelId:n},w.id))]})}),["images","checkpoint"].includes(a)&&p.length>0&&i.jsx(ku,{children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(qe,{variant:"subtext",fontSize:"sm",children:"Checkpoints"}),p.map(w=>i.jsx(Su,{model:w,isSelected:t===w.id,setSelectedModelId:n},w.id))]})}),["images","olive"].includes(a)&&v.length>0&&i.jsx(ku,{children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(qe,{variant:"subtext",fontSize:"sm",children:"Olives"}),v.map(w=>i.jsx(Su,{model:w,isSelected:t===w.id,setSelectedModelId:n},w.id))]})}),["images","onnx"].includes(a)&&m.length>0&&i.jsx(ku,{children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(qe,{variant:"subtext",fontSize:"sm",children:"Onnx"}),m.map(w=>i.jsx(Su,{model:w,isSelected:t===w.id,setSelectedModelId:n},w.id))]})}),["images","lora"].includes(a)&&h.length>0&&i.jsx(ku,{children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(qe,{variant:"subtext",fontSize:"sm",children:"LoRAs"}),h.map(w=>i.jsx(Su,{model:w,isSelected:t===w.id,setSelectedModelId:n},w.id))]})})]})]})})},Cu=(e,t,n,r)=>{const o=[];return so(e==null?void 0:e.entities,s=>{if(!s)return;const a=s.model_name.toLowerCase().includes(r.toLowerCase()),c=n===void 0||s.model_format===n,d=s.model_type===t;a&&c&&d&&o.push(s)}),o},ku=e=>i.jsx(F,{flexDirection:"column",gap:4,borderRadius:4,p:4,sx:{bg:"base.200",_dark:{bg:"base.800"}},children:e.children});function Ase(){const[e,t]=f.useState(),{mainModel:n}=na(qi,{selectFromResult:({data:s})=>({mainModel:e?s==null?void 0:s.entities[e]:void 0})}),{loraModel:r}=cm(void 0,{selectFromResult:({data:s})=>({loraModel:e?s==null?void 0:s.entities[e]:void 0})}),o=n||r;return i.jsxs(F,{sx:{gap:8,w:"full",h:"full"},children:[i.jsx(Dse,{selectedModelId:e,setSelectedModelId:t}),i.jsx(Tse,{model:o})]})}const Tse=e=>{const{model:t}=e;return(t==null?void 0:t.model_format)==="checkpoint"?i.jsx(Ose,{model:t},t.id):(t==null?void 0:t.model_format)==="diffusers"?i.jsx(Rse,{model:t},t.id):(t==null?void 0:t.model_type)==="lora"?i.jsx(Mse,{model:t},t.id):i.jsx(F,{sx:{w:"full",h:"full",justifyContent:"center",alignItems:"center",maxH:96,userSelect:"none"},children:i.jsx(qe,{variant:"subtext",children:"No Model Selected"})})};function Nse(){const{t:e}=ye();return i.jsxs(F,{sx:{w:"full",p:4,borderRadius:4,gap:4,justifyContent:"space-between",alignItems:"center",bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsxs(F,{sx:{flexDirection:"column",gap:2},children:[i.jsx(qe,{sx:{fontWeight:600},children:e("modelManager.syncModels")}),i.jsx(qe,{fontSize:"sm",sx:{_dark:{color:"base.400"}},children:e("modelManager.syncModelsDesc")})]}),i.jsx(Kd,{})]})}function $se(){return i.jsx(F,{children:i.jsx(Nse,{})})}const n_=[{id:"modelManager",label:Bn.t("modelManager.modelManager"),content:i.jsx(Ase,{})},{id:"importModels",label:Bn.t("modelManager.importModels"),content:i.jsx(_se,{})},{id:"mergeModels",label:Bn.t("modelManager.mergeModels"),content:i.jsx(jse,{})},{id:"settings",label:Bn.t("modelManager.settings"),content:i.jsx($se,{})}],zse=()=>i.jsxs(Td,{isLazy:!0,variant:"line",layerStyle:"first",sx:{w:"full",h:"full",p:4,gap:4,borderRadius:"base"},children:[i.jsx(Nd,{children:n_.map(e=>i.jsx(Cc,{sx:{borderTopRadius:"base"},children:e.label},e.id))}),i.jsx(Mm,{sx:{w:"full",h:"full"},children:n_.map(e=>i.jsx(Rm,{sx:{w:"full",h:"full"},children:e.content},e.id))})]}),Lse=f.memo(zse);const Bse=e=>fe([t=>t.nodes],t=>{const n=t.invocationTemplates[e];if(n)return n},{memoizeOptions:{resultEqualityCheck:(t,n)=>t!==void 0&&n!==void 0&&t.type===n.type}}),Fse=(e,t)=>{const n={id:e,name:t.name,type:t.type};return t.inputRequirement!=="never"&&(t.type==="string"&&(n.value=t.default??""),t.type==="integer"&&(n.value=t.default??0),t.type==="float"&&(n.value=t.default??0),t.type==="boolean"&&(n.value=t.default??!1),t.type==="enum"&&(t.enumType==="number"&&(n.value=t.default??0),t.enumType==="string"&&(n.value=t.default??"")),t.type==="array"&&(n.value=t.default??1),t.type==="image"&&(n.value=void 0),t.type==="image_collection"&&(n.value=[]),t.type==="latents"&&(n.value=void 0),t.type==="conditioning"&&(n.value=void 0),t.type==="unet"&&(n.value=void 0),t.type==="clip"&&(n.value=void 0),t.type==="vae"&&(n.value=void 0),t.type==="control"&&(n.value=void 0),t.type==="model"&&(n.value=void 0),t.type==="refiner_model"&&(n.value=void 0),t.type==="vae_model"&&(n.value=void 0),t.type==="lora_model"&&(n.value=void 0),t.type==="controlnet_model"&&(n.value=void 0)),n},Hse=fe([e=>e.nodes],e=>e.invocationTemplates),lx="node-drag-handle",r_={dragHandle:`.${lx}`},Wse=()=>{const e=z(Hse),t=ib();return f.useCallback(n=>{if(n==="progress_image"){const{x:h,y:m}=t.project({x:window.innerWidth/2.5,y:window.innerHeight/8});return{...r_,id:"progress_image",type:"progress_image",position:{x:h,y:m},data:{}}}const r=e[n];if(r===void 0){console.error(`Unable to find template ${n}.`);return}const o=ui(),s=uw(r.inputs,(h,m,v)=>{const b=ui(),w=Fse(b,m);return h[v]=w,h},{}),a=uw(r.outputs,(h,m,v)=>{const w={id:ui(),name:v,type:m.type};return h[v]=w,h},{}),{x:c,y:d}=t.project({x:window.innerWidth/2.5,y:window.innerHeight/8});return{...r_,id:o,type:"invocation",position:{x:c,y:d},data:{id:o,type:n,inputs:s,outputs:a}}},[e,t])},Vse=e=>{const{nodeId:t,title:n,description:r}=e;return i.jsxs(F,{className:lx,sx:{borderTopRadius:"md",alignItems:"center",justifyContent:"space-between",px:2,py:1,bg:"base.100",_dark:{bg:"base.900"}},children:[i.jsx(wn,{label:t,children:i.jsx(Ys,{size:"xs",sx:{fontWeight:600,color:"base.900",_dark:{color:"base.200"}},children:n})}),i.jsx(wn,{label:r,placement:"top",hasArrow:!0,shouldWrapChildren:!0,children:i.jsx(no,{sx:{h:"min-content",color:"base.700",_dark:{color:"base.300"}},as:gW})})]})},JO=f.memo(Vse),ZO=()=>()=>!0,Use={position:"absolute",width:"1rem",height:"1rem",borderWidth:0},Gse={left:"-1rem"},qse={right:"-0.5rem"},Kse=e=>{const{field:t,isValidConnection:n,handleType:r,styles:o}=e,{name:s,type:a}=t;return i.jsx(wn,{label:a,placement:r==="target"?"start":"end",hasArrow:!0,openDelay:a5,children:i.jsx(AM,{type:r,id:s,isValidConnection:n,position:r==="target"?dw.Left:dw.Right,style:{backgroundColor:i5[a].colorCssVar,...o,...Use,...r==="target"?Gse:qse}})})},e8=f.memo(Kse),Xse=e=>i.jsx(yW,{}),Yse=f.memo(Xse),Qse=e=>{const{nodeId:t,field:n}=e,r=te(),o=s=>{r(As({nodeId:t,fieldName:n.name,value:s.target.checked}))};return i.jsx(Qb,{onChange:o,isChecked:n.value})},Jse=f.memo(Qse),Zse=e=>null,eae=f.memo(Zse);function cg(){return(cg=Object.assign||function(e){for(var t=1;t=0||(o[n]=e[n]);return o}function F1(e){var t=f.useRef(e),n=f.useRef(function(r){t.current&&t.current(r)});return t.current=e,n.current}var Mc=function(e,t,n){return t===void 0&&(t=0),n===void 0&&(n=1),e>n?n:e0:S.buttons>0)&&o.current?s(o_(o.current,S,c.current)):y(!1)},w=function(){return y(!1)};function y(S){var _=d.current,k=H1(o.current),j=S?k.addEventListener:k.removeEventListener;j(_?"touchmove":"mousemove",b),j(_?"touchend":"mouseup",w)}return[function(S){var _=S.nativeEvent,k=o.current;if(k&&(s_(_),!function(I,E){return E&&!Xu(I)}(_,d.current)&&k)){if(Xu(_)){d.current=!0;var j=_.changedTouches||[];j.length&&(c.current=j[0].identifier)}k.focus(),s(o_(k,_,c.current)),y(!0)}},function(S){var _=S.which||S.keyCode;_<37||_>40||(S.preventDefault(),a({left:_===39?.05:_===37?-.05:0,top:_===40?.05:_===38?-.05:0}))},y]},[a,s]),h=p[0],m=p[1],v=p[2];return f.useEffect(function(){return v},[v]),H.createElement("div",cg({},r,{onTouchStart:h,onMouseDown:h,className:"react-colorful__interactive",ref:o,onKeyDown:m,tabIndex:0,role:"slider"}))}),ug=function(e){return e.filter(Boolean).join(" ")},ux=function(e){var t=e.color,n=e.left,r=e.top,o=r===void 0?.5:r,s=ug(["react-colorful__pointer",e.className]);return H.createElement("div",{className:s,style:{top:100*o+"%",left:100*n+"%"}},H.createElement("div",{className:"react-colorful__pointer-fill",style:{backgroundColor:t}}))},po=function(e,t,n){return t===void 0&&(t=0),n===void 0&&(n=Math.pow(10,t)),Math.round(n*e)/n},n8=function(e){var t=e.s,n=e.v,r=e.a,o=(200-t)*n/100;return{h:po(e.h),s:po(o>0&&o<200?t*n/100/(o<=100?o:200-o)*100:0),l:po(o/2),a:po(r,2)}},W1=function(e){var t=n8(e);return"hsl("+t.h+", "+t.s+"%, "+t.l+"%)"},gv=function(e){var t=n8(e);return"hsla("+t.h+", "+t.s+"%, "+t.l+"%, "+t.a+")"},tae=function(e){var t=e.h,n=e.s,r=e.v,o=e.a;t=t/360*6,n/=100,r/=100;var s=Math.floor(t),a=r*(1-n),c=r*(1-(t-s)*n),d=r*(1-(1-t+s)*n),p=s%6;return{r:po(255*[r,c,a,a,d,r][p]),g:po(255*[d,r,r,c,a,a][p]),b:po(255*[a,a,d,r,r,c][p]),a:po(o,2)}},nae=function(e){var t=e.r,n=e.g,r=e.b,o=e.a,s=Math.max(t,n,r),a=s-Math.min(t,n,r),c=a?s===t?(n-r)/a:s===n?2+(r-t)/a:4+(t-n)/a:0;return{h:po(60*(c<0?c+6:c)),s:po(s?a/s*100:0),v:po(s/255*100),a:o}},rae=H.memo(function(e){var t=e.hue,n=e.onChange,r=ug(["react-colorful__hue",e.className]);return H.createElement("div",{className:r},H.createElement(cx,{onMove:function(o){n({h:360*o.left})},onKey:function(o){n({h:Mc(t+360*o.left,0,360)})},"aria-label":"Hue","aria-valuenow":po(t),"aria-valuemax":"360","aria-valuemin":"0"},H.createElement(ux,{className:"react-colorful__hue-pointer",left:t/360,color:W1({h:t,s:100,v:100,a:1})})))}),oae=H.memo(function(e){var t=e.hsva,n=e.onChange,r={backgroundColor:W1({h:t.h,s:100,v:100,a:1})};return H.createElement("div",{className:"react-colorful__saturation",style:r},H.createElement(cx,{onMove:function(o){n({s:100*o.left,v:100-100*o.top})},onKey:function(o){n({s:Mc(t.s+100*o.left,0,100),v:Mc(t.v-100*o.top,0,100)})},"aria-label":"Color","aria-valuetext":"Saturation "+po(t.s)+"%, Brightness "+po(t.v)+"%"},H.createElement(ux,{className:"react-colorful__saturation-pointer",top:1-t.v/100,left:t.s/100,color:W1(t)})))}),r8=function(e,t){if(e===t)return!0;for(var n in e)if(e[n]!==t[n])return!1;return!0};function sae(e,t,n){var r=F1(n),o=f.useState(function(){return e.toHsva(t)}),s=o[0],a=o[1],c=f.useRef({color:t,hsva:s});f.useEffect(function(){if(!e.equal(t,c.current.color)){var p=e.toHsva(t);c.current={hsva:p,color:t},a(p)}},[t,e]),f.useEffect(function(){var p;r8(s,c.current.hsva)||e.equal(p=e.fromHsva(s),c.current.color)||(c.current={hsva:s,color:p},r(p))},[s,e,r]);var d=f.useCallback(function(p){a(function(h){return Object.assign({},h,p)})},[]);return[s,d]}var aae=typeof window<"u"?f.useLayoutEffect:f.useEffect,iae=function(){return typeof __webpack_nonce__<"u"?__webpack_nonce__:void 0},a_=new Map,lae=function(e){aae(function(){var t=e.current?e.current.ownerDocument:document;if(t!==void 0&&!a_.has(t)){var n=t.createElement("style");n.innerHTML=`.react-colorful{position:relative;display:flex;flex-direction:column;width:200px;height:200px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;cursor:default}.react-colorful__saturation{position:relative;flex-grow:1;border-color:transparent;border-bottom:12px solid #000;border-radius:8px 8px 0 0;background-image:linear-gradient(0deg,#000,transparent),linear-gradient(90deg,#fff,hsla(0,0%,100%,0))}.react-colorful__alpha-gradient,.react-colorful__pointer-fill{content:"";position:absolute;left:0;top:0;right:0;bottom:0;pointer-events:none;border-radius:inherit}.react-colorful__alpha-gradient,.react-colorful__saturation{box-shadow:inset 0 0 0 1px rgba(0,0,0,.05)}.react-colorful__alpha,.react-colorful__hue{position:relative;height:24px}.react-colorful__hue{background:linear-gradient(90deg,red 0,#ff0 17%,#0f0 33%,#0ff 50%,#00f 67%,#f0f 83%,red)}.react-colorful__last-control{border-radius:0 0 8px 8px}.react-colorful__interactive{position:absolute;left:0;top:0;right:0;bottom:0;border-radius:inherit;outline:none;touch-action:none}.react-colorful__pointer{position:absolute;z-index:1;box-sizing:border-box;width:28px;height:28px;transform:translate(-50%,-50%);background-color:#fff;border:2px solid #fff;border-radius:50%;box-shadow:0 2px 4px rgba(0,0,0,.2)}.react-colorful__interactive:focus .react-colorful__pointer{transform:translate(-50%,-50%) scale(1.1)}.react-colorful__alpha,.react-colorful__alpha-pointer{background-color:#fff;background-image:url('data:image/svg+xml;charset=utf-8,')}.react-colorful__saturation-pointer{z-index:3}.react-colorful__hue-pointer{z-index:2}`,a_.set(t,n);var r=iae();r&&n.setAttribute("nonce",r),t.head.appendChild(n)}},[])},cae=function(e){var t=e.className,n=e.hsva,r=e.onChange,o={backgroundImage:"linear-gradient(90deg, "+gv(Object.assign({},n,{a:0}))+", "+gv(Object.assign({},n,{a:1}))+")"},s=ug(["react-colorful__alpha",t]),a=po(100*n.a);return H.createElement("div",{className:s},H.createElement("div",{className:"react-colorful__alpha-gradient",style:o}),H.createElement(cx,{onMove:function(c){r({a:c.left})},onKey:function(c){r({a:Mc(n.a+c.left)})},"aria-label":"Alpha","aria-valuetext":a+"%","aria-valuenow":a,"aria-valuemin":"0","aria-valuemax":"100"},H.createElement(ux,{className:"react-colorful__alpha-pointer",left:n.a,color:gv(n)})))},uae=function(e){var t=e.className,n=e.colorModel,r=e.color,o=r===void 0?n.defaultColor:r,s=e.onChange,a=t8(e,["className","colorModel","color","onChange"]),c=f.useRef(null);lae(c);var d=sae(n,o,s),p=d[0],h=d[1],m=ug(["react-colorful",t]);return H.createElement("div",cg({},a,{ref:c,className:m}),H.createElement(oae,{hsva:p,onChange:h}),H.createElement(rae,{hue:p.h,onChange:h}),H.createElement(cae,{hsva:p,onChange:h,className:"react-colorful__last-control"}))},dae={defaultColor:{r:0,g:0,b:0,a:1},toHsva:nae,fromHsva:tae,equal:r8},o8=function(e){return H.createElement(uae,cg({},e,{colorModel:dae}))};const fae=e=>{const{nodeId:t,field:n}=e,r=te(),o=s=>{r(As({nodeId:t,fieldName:n.name,value:s}))};return i.jsx(o8,{className:"nodrag",color:n.value,onChange:o})},pae=f.memo(fae),hae=e=>null,mae=f.memo(hae),gae=e=>null,vae=f.memo(gae),bae=e=>{const{nodeId:t,field:n}=e,r=n.value,o=te(),{data:s}=ab(),a=f.useMemo(()=>(s==null?void 0:s.entities[`${r==null?void 0:r.base_model}/controlnet/${r==null?void 0:r.model_name}`])??null,[r==null?void 0:r.base_model,r==null?void 0:r.model_name,s==null?void 0:s.entities]),c=f.useMemo(()=>{if(!s)return[];const p=[];return so(s.entities,(h,m)=>{h&&p.push({value:m,label:h.model_name,group:Qn[h.base_model]})}),p},[s]),d=f.useCallback(p=>{if(!p)return;const h=HO(p);h&&o(As({nodeId:t,fieldName:n.name,value:h}))},[o,n.name,t]);return i.jsx(Xr,{tooltip:a==null?void 0:a.description,label:(a==null?void 0:a.base_model)&&Qn[a==null?void 0:a.base_model],value:(a==null?void 0:a.id)??null,placeholder:"Pick one",error:!a,data:c,onChange:d})},yae=f.memo(bae),xae=e=>{const{nodeId:t,field:n,template:r}=e,o=te(),s=a=>{o(As({nodeId:t,fieldName:n.name,value:a.target.value}))};return i.jsx(M6,{onChange:s,value:n.value,children:r.options.map(a=>i.jsx("option",{children:a},a))})},wae=f.memo(xae),Sae=e=>{var c;const{nodeId:t,field:n}=e,r={id:`node-${t}-${n.name}`,actionType:"SET_MULTI_NODES_IMAGE",context:{nodeId:t,fieldName:n.name}},{isOver:o,setNodeRef:s,active:a}=Q1({id:`node_${t}`,data:r});return i.jsxs(F,{ref:s,sx:{w:"full",h:"full",alignItems:"center",justifyContent:"center",position:"relative",minH:"10rem"},children:[(c=n.value)==null?void 0:c.map(({image_name:d})=>i.jsx(kae,{imageName:d},d)),Tp(r,a)&&i.jsx(ch,{isOver:o})]})},Cae=f.memo(Sae),kae=e=>{const{currentData:t}=os(e.imageName);return i.jsx(yi,{imageDTO:t,isDropDisabled:!0,isDragDisabled:!0})},_ae=e=>{var p;const{nodeId:t,field:n}=e,r=te(),{currentData:o}=os(((p=n.value)==null?void 0:p.image_name)??oo.skipToken),s=f.useCallback(()=>{r(As({nodeId:t,fieldName:n.name,value:void 0}))},[r,n.name,t]),a=f.useMemo(()=>{if(o)return{id:`node-${t}-${n.name}`,payloadType:"IMAGE_DTO",payload:{imageDTO:o}}},[n.name,o,t]),c=f.useMemo(()=>({id:`node-${t}-${n.name}`,actionType:"SET_NODES_IMAGE",context:{nodeId:t,fieldName:n.name}}),[n.name,t]),d=f.useMemo(()=>({type:"SET_NODES_IMAGE",nodeId:t,fieldName:n.name}),[t,n.name]);return i.jsx(F,{sx:{w:"full",h:"full",alignItems:"center",justifyContent:"center"},children:i.jsx(yi,{imageDTO:o,droppableData:c,draggableData:a,onClickReset:s,postUploadAction:d})})},Pae=f.memo(_ae),jae=e=>i.jsx(XH,{}),i_=f.memo(jae),Iae=e=>null,Eae=f.memo(Iae),Oae=e=>{const t=lm("models"),[n,r,o]=e.split("/"),s=TM.safeParse({base_model:n,model_name:o});if(!s.success){t.error({loraModelId:e,errors:s.error.format()},"Failed to parse LoRA model id");return}return s.data},Rae=e=>{const{nodeId:t,field:n}=e,r=n.value,o=te(),{data:s}=cm(),a=f.useMemo(()=>{if(!s)return[];const p=[];return so(s.entities,(h,m)=>{h&&p.push({value:m,label:h.model_name,group:Qn[h.base_model]})}),p.sort((h,m)=>h.disabled&&!m.disabled?1:-1)},[s]),c=f.useMemo(()=>(s==null?void 0:s.entities[`${r==null?void 0:r.base_model}/lora/${r==null?void 0:r.model_name}`])??null,[s==null?void 0:s.entities,r==null?void 0:r.base_model,r==null?void 0:r.model_name]),d=f.useCallback(p=>{if(!p)return;const h=Oae(p);h&&o(As({nodeId:t,fieldName:n.name,value:h}))},[o,n.name,t]);return(s==null?void 0:s.ids.length)===0?i.jsx(F,{sx:{justifyContent:"center",p:2},children:i.jsx(qe,{sx:{fontSize:"sm",color:"base.500",_dark:"base.700"},children:"No LoRAs Loaded"})}):i.jsx(ar,{value:(c==null?void 0:c.id)??null,label:(c==null?void 0:c.base_model)&&Qn[c==null?void 0:c.base_model],placeholder:a.length>0?"Select a LoRA":"No LoRAs available",data:a,nothingFound:"No matching LoRAs",itemComponent:Ri,disabled:a.length===0,filter:(p,h)=>{var m;return((m=h.label)==null?void 0:m.toLowerCase().includes(p.toLowerCase().trim()))||h.value.toLowerCase().includes(p.toLowerCase().trim())},onChange:d})},Mae=f.memo(Rae),Dae=e=>{var v,b;const{nodeId:t,field:n}=e,r=te(),{t:o}=ye(),s=ir("syncModels").isFeatureEnabled,{data:a}=Fp(Yu),{data:c,isLoading:d}=na(Yu),p=f.useMemo(()=>{if(!c)return[];const w=[];return so(c.entities,(y,S)=>{y&&w.push({value:S,label:y.model_name,group:Qn[y.base_model]})}),a&&so(a.entities,(y,S)=>{y&&w.push({value:S,label:y.model_name,group:Qn[y.base_model]})}),w},[c,a]),h=f.useMemo(()=>{var w,y,S,_;return((c==null?void 0:c.entities[`${(w=n.value)==null?void 0:w.base_model}/main/${(y=n.value)==null?void 0:y.model_name}`])||(a==null?void 0:a.entities[`${(S=n.value)==null?void 0:S.base_model}/onnx/${(_=n.value)==null?void 0:_.model_name}`]))??null},[(v=n.value)==null?void 0:v.base_model,(b=n.value)==null?void 0:b.model_name,c==null?void 0:c.entities,a==null?void 0:a.entities]),m=f.useCallback(w=>{if(!w)return;const y=ag(w);y&&r(As({nodeId:t,fieldName:n.name,value:y}))},[r,n.name,t]);return d?i.jsx(ar,{label:o("modelManager.model"),placeholder:"Loading...",disabled:!0,data:[]}):i.jsxs(F,{w:"100%",alignItems:"center",gap:2,children:[i.jsx(ar,{tooltip:h==null?void 0:h.description,label:(h==null?void 0:h.base_model)&&Qn[h==null?void 0:h.base_model],value:h==null?void 0:h.id,placeholder:p.length>0?"Select a model":"No models available",data:p,error:p.length===0,disabled:p.length===0,onChange:m}),s&&i.jsx(Ee,{mt:7,children:i.jsx(Kd,{iconMode:!0})})]})},Aae=f.memo(Dae),Tae=e=>{const{nodeId:t,field:n}=e,r=te(),[o,s]=f.useState(String(n.value)),a=c=>{s(c),c.match(tm)||r(As({nodeId:t,fieldName:n.name,value:e.template.type==="integer"?Math.floor(Number(c)):Number(c)}))};return f.useEffect(()=>{!o.match(tm)&&n.value!==Number(o)&&s(String(n.value))},[n.value,o]),i.jsxs(ym,{onChange:a,value:o,step:e.template.type==="integer"?1:.1,precision:e.template.type==="integer"?0:3,children:[i.jsx(wm,{}),i.jsxs(xm,{children:[i.jsx(Cm,{}),i.jsx(Sm,{})]})]})},Nae=f.memo(Tae),$ae=e=>{const{nodeId:t,field:n}=e,r=te(),o=s=>{r(As({nodeId:t,fieldName:n.name,value:s.target.value}))};return["prompt","style"].includes(n.name.toLowerCase())?i.jsx(Jb,{onChange:o,value:n.value,rows:2}):i.jsx(Pd,{onChange:o,value:n.value})},zae=f.memo($ae),Lae=e=>null,Bae=f.memo(Lae),Fae=e=>null,Hae=f.memo(Fae),Wae=e=>{const{nodeId:t,field:n}=e,r=n.value,o=te(),{data:s}=X_(),a=f.useMemo(()=>{if(!s)return[];const p=[{value:"default",label:"Default",group:"Default"}];return so(s.entities,(h,m)=>{h&&p.push({value:m,label:h.model_name,group:Qn[h.base_model]})}),p.sort((h,m)=>h.disabled&&!m.disabled?1:-1)},[s]),c=f.useMemo(()=>(s==null?void 0:s.entities[`${r==null?void 0:r.base_model}/vae/${r==null?void 0:r.model_name}`])??null,[s==null?void 0:s.entities,r]),d=f.useCallback(p=>{if(!p)return;const h=AO(p);h&&o(As({nodeId:t,fieldName:n.name,value:h}))},[o,n.name,t]);return i.jsx(ar,{itemComponent:Ri,tooltip:c==null?void 0:c.description,label:(c==null?void 0:c.base_model)&&Qn[c==null?void 0:c.base_model],value:(c==null?void 0:c.id)??"default",placeholder:"Default",data:a,onChange:d,disabled:a.length===0,clearable:!0})},Vae=f.memo(Wae),Uae=e=>{var m,v;const{nodeId:t,field:n}=e,r=te(),{t:o}=ye(),s=ir("syncModels").isFeatureEnabled,{data:a,isLoading:c}=na(sb),d=f.useMemo(()=>{if(!a)return[];const b=[];return so(a.entities,(w,y)=>{w&&b.push({value:y,label:w.model_name,group:Qn[w.base_model]})}),b},[a]),p=f.useMemo(()=>{var b,w;return(a==null?void 0:a.entities[`${(b=n.value)==null?void 0:b.base_model}/main/${(w=n.value)==null?void 0:w.model_name}`])??null},[(m=n.value)==null?void 0:m.base_model,(v=n.value)==null?void 0:v.model_name,a==null?void 0:a.entities]),h=f.useCallback(b=>{if(!b)return;const w=ag(b);w&&r(As({nodeId:t,fieldName:n.name,value:w}))},[r,n.name,t]);return c?i.jsx(ar,{label:o("modelManager.model"),placeholder:"Loading...",disabled:!0,data:[]}):i.jsxs(F,{w:"100%",alignItems:"center",gap:2,children:[i.jsx(ar,{tooltip:p==null?void 0:p.description,label:(p==null?void 0:p.base_model)&&Qn[p==null?void 0:p.base_model],value:p==null?void 0:p.id,placeholder:d.length>0?"Select a model":"No models available",data:d,error:d.length===0,disabled:d.length===0,onChange:h}),s&&i.jsx(Ee,{mt:7,children:i.jsx(Kd,{iconMode:!0})})]})},Gae=f.memo(Uae),qae=e=>{const{nodeId:t,field:n,template:r}=e,{type:o}=n;return o==="string"&&r.type==="string"?i.jsx(zae,{nodeId:t,field:n,template:r}):o==="boolean"&&r.type==="boolean"?i.jsx(Jse,{nodeId:t,field:n,template:r}):o==="integer"&&r.type==="integer"||o==="float"&&r.type==="float"?i.jsx(Nae,{nodeId:t,field:n,template:r}):o==="enum"&&r.type==="enum"?i.jsx(wae,{nodeId:t,field:n,template:r}):o==="image"&&r.type==="image"?i.jsx(Pae,{nodeId:t,field:n,template:r}):o==="latents"&&r.type==="latents"?i.jsx(Eae,{nodeId:t,field:n,template:r}):o==="conditioning"&&r.type==="conditioning"?i.jsx(mae,{nodeId:t,field:n,template:r}):o==="unet"&&r.type==="unet"?i.jsx(Bae,{nodeId:t,field:n,template:r}):o==="clip"&&r.type==="clip"?i.jsx(eae,{nodeId:t,field:n,template:r}):o==="vae"&&r.type==="vae"?i.jsx(Hae,{nodeId:t,field:n,template:r}):o==="control"&&r.type==="control"?i.jsx(vae,{nodeId:t,field:n,template:r}):o==="model"&&r.type==="model"?i.jsx(Aae,{nodeId:t,field:n,template:r}):o==="refiner_model"&&r.type==="refiner_model"?i.jsx(Gae,{nodeId:t,field:n,template:r}):o==="vae_model"&&r.type==="vae_model"?i.jsx(Vae,{nodeId:t,field:n,template:r}):o==="lora_model"&&r.type==="lora_model"?i.jsx(Mae,{nodeId:t,field:n,template:r}):o==="controlnet_model"&&r.type==="controlnet_model"?i.jsx(yae,{nodeId:t,field:n,template:r}):o==="array"&&r.type==="array"?i.jsx(Yse,{nodeId:t,field:n,template:r}):o==="item"&&r.type==="item"?i.jsx(i_,{nodeId:t,field:n,template:r}):o==="color"&&r.type==="color"?i.jsx(pae,{nodeId:t,field:n,template:r}):o==="item"&&r.type==="item"?i.jsx(i_,{nodeId:t,field:n,template:r}):o==="image_collection"&&r.type==="image_collection"?i.jsx(Cae,{nodeId:t,field:n,template:r}):i.jsxs(Ee,{p:2,children:["Unknown field type: ",o]})},Kae=f.memo(qae);function Xae(e){const{nodeId:t,input:n,template:r,connected:o}=e,s=ZO();return i.jsx(Ee,{className:"nopan",position:"relative",borderColor:r?!o&&["always","connectionOnly"].includes(String(r==null?void 0:r.inputRequirement))&&n.value===void 0?"warning.400":void 0:"error.400",children:i.jsx(go,{isDisabled:r?o:!0,pl:2,children:r?i.jsxs(i.Fragment,{children:[i.jsxs(di,{justifyContent:"space-between",alignItems:"center",children:[i.jsx(di,{children:i.jsx(wn,{label:r==null?void 0:r.description,placement:"top",hasArrow:!0,shouldWrapChildren:!0,openDelay:a5,children:i.jsx(Lo,{children:r==null?void 0:r.title})})}),i.jsx(Kae,{nodeId:t,field:n,template:r})]}),!["never","directOnly"].includes((r==null?void 0:r.inputRequirement)??"")&&i.jsx(e8,{nodeId:t,field:r,isValidConnection:s,handleType:"target"})]}):i.jsx(di,{justifyContent:"space-between",alignItems:"center",children:i.jsxs(Lo,{children:["Unknown input: ",n.name]})})})})}const Yae=e=>{const{nodeId:t,template:n,inputs:r}=e,o=z(a=>a.nodes.edges);return f.useCallback(()=>{const a=[],c=cs(r);return c.forEach((d,p)=>{const h=n.inputs[d.name],m=!!o.filter(v=>v.target===t&&v.targetHandle===d.name).length;p{const{nodeId:t,template:n,outputs:r}=e,o=z(a=>a.nodes.edges);return f.useCallback(()=>{const a=[];return cs(r).forEach(d=>{const p=n.outputs[d.name],h=!!o.filter(m=>m.source===t&&m.sourceHandle===d.name).length;a.push(i.jsx(Jae,{nodeId:t,output:d,template:p,connected:h},d.id))}),i.jsx(F,{flexDir:"column",children:a})},[o,t,r,n.outputs])()},eie=f.memo(Zae),tie=e=>{const{...t}=e;return i.jsx(U9,{style:{position:"absolute",border:"none",background:"transparent",width:15,height:15,bottom:0,right:0},minWidth:l5,...t})},V1=f.memo(tie),U1=e=>{const[t,n]=Tc("shadows",["nodeSelectedOutline","dark-lg"]),r=z(o=>o.hotkeys.shift);return i.jsx(Ee,{className:r?lx:"nopan",sx:{position:"relative",borderRadius:"md",minWidth:l5,shadow:e.selected?`${t}, ${n}`:`${n}`},children:e.children})},s8=f.memo(e=>{const{id:t,data:n,selected:r}=e,{type:o,inputs:s,outputs:a}=n,c=f.useMemo(()=>Bse(o),[o]),d=z(c);return d?i.jsxs(U1,{selected:r,children:[i.jsx(JO,{nodeId:t,title:d.title,description:d.description}),i.jsxs(F,{className:"nopan",sx:{cursor:"auto",flexDirection:"column",borderBottomRadius:"md",py:2,bg:"base.150",_dark:{bg:"base.800"}},children:[i.jsx(eie,{nodeId:t,outputs:a,template:d}),i.jsx(Qae,{nodeId:t,inputs:s,template:d})]}),i.jsx(V1,{})]}):i.jsx(U1,{selected:r,children:i.jsxs(F,{className:"nopan",sx:{alignItems:"center",justifyContent:"center",cursor:"auto"},children:[i.jsx(no,{as:xP,sx:{boxSize:32,color:"base.600",_dark:{color:"base.400"}}}),i.jsx(V1,{})]})})});s8.displayName="InvocationComponent";const nie=e=>{const t=fw(a=>a.system.progressImage),n=fw(a=>a.nodes.progressNodeSize),r=NM(),{selected:o}=e,s=(a,c)=>{r($M(c))};return i.jsxs(U1,{selected:o,children:[i.jsx(JO,{title:"Progress Image",description:"Displays the progress image in the Node Editor"}),i.jsx(F,{sx:{flexDirection:"column",flexShrink:0,borderBottomRadius:"md",bg:"base.200",_dark:{bg:"base.800"},width:n.width-2,height:n.height-2,minW:250,minH:250,overflow:"hidden"},children:t?i.jsx(Nc,{src:t.dataURL,sx:{w:"full",h:"full",objectFit:"contain"}}):i.jsx(F,{sx:{minW:250,minH:250,width:n.width-2,height:n.height-2},children:i.jsx(mi,{})})}),i.jsx(V1,{onResize:s})]})},rie=f.memo(nie),oie=()=>{const{t:e}=ye(),{zoomIn:t,zoomOut:n,fitView:r}=ib(),o=te(),s=z(w=>w.nodes.shouldShowGraphOverlay),a=z(w=>w.nodes.shouldShowFieldTypeLegend),c=z(w=>w.nodes.shouldShowMinimapPanel),d=f.useCallback(()=>{t()},[t]),p=f.useCallback(()=>{n()},[n]),h=f.useCallback(()=>{r()},[r]),m=f.useCallback(()=>{o(zM(!s))},[s,o]),v=f.useCallback(()=>{o(LM(!a))},[a,o]),b=f.useCallback(()=>{o(BM(!c))},[c,o]);return i.jsxs(rr,{isAttached:!0,orientation:"vertical",children:[i.jsx(wn,{label:e("nodes.zoomInNodes"),children:i.jsx(Le,{"aria-label":"Zoom in ",onClick:d,icon:i.jsx(gl,{})})}),i.jsx(wn,{label:e("nodes.zoomOutNodes"),children:i.jsx(Le,{"aria-label":"Zoom out",onClick:p,icon:i.jsx(SW,{})})}),i.jsx(wn,{label:e("nodes.fitViewportNodes"),children:i.jsx(Le,{"aria-label":"Fit viewport",onClick:h,icon:i.jsx(cW,{})})}),i.jsx(wn,{label:e(s?"nodes.hideGraphNodes":"nodes.showGraphNodes"),children:i.jsx(Le,{"aria-label":"Toggle nodes graph overlay",isChecked:s,onClick:m,icon:i.jsx(ty,{})})}),i.jsx(wn,{label:e(a?"nodes.hideLegendNodes":"nodes.showLegendNodes"),children:i.jsx(Le,{"aria-label":"Toggle field type legend",isChecked:a,onClick:v,icon:i.jsx(vW,{})})}),i.jsx(wn,{label:e(c?"nodes.hideMinimapnodes":"nodes.showMinimapnodes"),children:i.jsx(Le,{"aria-label":"Toggle minimap",isChecked:c,onClick:b,icon:i.jsx(xW,{})})})]})},sie=f.memo(oie),aie=()=>i.jsx(md,{position:"bottom-left",children:i.jsx(sie,{})}),iie=f.memo(aie),lie=()=>{const e=Cp({background:"var(--invokeai-colors-base-200)"},{background:"var(--invokeai-colors-base-500)"}),t=z(o=>o.nodes.shouldShowMinimapPanel),n=Cp("var(--invokeai-colors-accent-300)","var(--invokeai-colors-accent-700)"),r=Cp("var(--invokeai-colors-blackAlpha-300)","var(--invokeai-colors-blackAlpha-600)");return i.jsx(i.Fragment,{children:t&&i.jsx(T9,{nodeStrokeWidth:3,pannable:!0,zoomable:!0,nodeBorderRadius:30,style:e,nodeColor:n,maskColor:r})})},cie=f.memo(lie),uie=()=>{const{t:e}=ye(),t=te(),{isOpen:n,onOpen:r,onClose:o}=ss(),s=f.useRef(null),a=z(d=>d.nodes.nodes),c=f.useCallback(()=>{t(FM()),t(On(Mn({title:e("toast.nodesCleared"),status:"success"}))),o()},[t,e,o]);return i.jsxs(i.Fragment,{children:[i.jsx(Le,{icon:i.jsx(us,{}),tooltip:e("nodes.clearGraph"),"aria-label":e("nodes.clearGraph"),onClick:r,isDisabled:a.length===0}),i.jsxs(Md,{isOpen:n,onClose:o,leastDestructiveRef:s,isCentered:!0,children:[i.jsx(Da,{}),i.jsxs(Dd,{children:[i.jsx(Ma,{fontSize:"lg",fontWeight:"bold",children:e("nodes.clearGraph")}),i.jsx(Aa,{children:i.jsx(qe,{children:e("nodes.clearGraphDesc")})}),i.jsxs(Ra,{children:[i.jsx(bc,{ref:s,onClick:o,children:e("common.cancel")}),i.jsx(bc,{colorScheme:"red",ml:3,onClick:c,children:e("common.accept")})]})]})]})]})},die=f.memo(uie);function fie(e){const t=["nodes","edges","viewport"];for(const s of t)if(!(s in e))return{isValid:!1,message:Bn.t("toast.nodesNotValidGraph")};if(!Array.isArray(e.nodes)||!Array.isArray(e.edges))return{isValid:!1,message:Bn.t("toast.nodesNotValidGraph")};const n=["data","type"],r=["invocation","progress_image"];if(e.nodes.length>0)for(const s of e.nodes)for(const a of n){if(!(a in s))return{isValid:!1,message:Bn.t("toast.nodesNotValidGraph")};if(a==="type"&&!r.includes(s[a]))return{isValid:!1,message:Bn.t("toast.nodesUnrecognizedTypes")}}const o=["source","sourceHandle","target","targetHandle"];if(e.edges.length>0){for(const s of e.edges)for(const a of o)if(!(a in s))return{isValid:!1,message:Bn.t("toast.nodesBrokenConnections")}}return{isValid:!0,message:Bn.t("toast.nodesLoaded")}}const pie=()=>{const{t:e}=ye(),t=te(),{fitView:n}=ib(),r=f.useRef(null),o=f.useCallback(s=>{var c;if(!s)return;const a=new FileReader;a.onload=async()=>{const d=a.result;try{const p=await JSON.parse(String(d)),{isValid:h,message:m}=fie(p);h?(t(HM(p.nodes)),t(WM(p.edges)),n(),t(On(Mn({title:m,status:"success"})))):t(On(Mn({title:m,status:"error"}))),a.abort()}catch(p){p&&t(On(Mn({title:e("toast.nodesNotValidJSON"),status:"error"})))}},a.readAsText(s),(c=r.current)==null||c.call(r)},[n,t,e]);return i.jsx(SE,{resetRef:r,accept:"application/json",onChange:o,children:s=>i.jsx(Le,{icon:i.jsx(zd,{}),tooltip:e("nodes.loadGraph"),"aria-label":e("nodes.loadGraph"),...s})})},hie=f.memo(pie);function mie(e){const{iconButton:t=!1,...n}=e,r=te(),o=z(Kn),s=Gd(),a=f.useCallback(()=>{r(yd("nodes"))},[r]),{t:c}=ye();return rt(["ctrl+enter","meta+enter"],a,{enabled:()=>s,preventDefault:!0,enableOnFormTags:["input","textarea","select"]},[s,o]),i.jsx(Ee,{style:{flexGrow:4},position:"relative",children:i.jsxs(Ee,{style:{position:"relative"},children:[!s&&i.jsx(Ee,{borderRadius:"base",style:{position:"absolute",bottom:"0",left:"0",right:"0",height:"100%",overflow:"clip"},children:i.jsx(IO,{})}),t?i.jsx(Le,{"aria-label":c("parameters.invoke"),type:"submit",icon:i.jsx(PP,{}),isDisabled:!s,onClick:a,flexGrow:1,w:"100%",tooltip:c("parameters.invoke"),tooltipProps:{placement:"bottom"},colorScheme:"accent",id:"invoke-button",_disabled:{background:"none",_hover:{background:"none"}},...n}):i.jsx(Jt,{"aria-label":c("parameters.invoke"),type:"submit",isDisabled:!s,onClick:a,flexGrow:1,w:"100%",colorScheme:"accent",id:"invoke-button",fontWeight:700,_disabled:{background:"none",_hover:{background:"none"}},...n,children:"Invoke"})]})})}function gie(){const{t:e}=ye(),t=te(),n=f.useCallback(()=>{t(VM())},[t]);return i.jsx(Le,{icon:i.jsx(IW,{}),tooltip:e("nodes.reloadSchema"),"aria-label":e("nodes.reloadSchema"),onClick:n})}const vie=()=>{const{t:e}=ye(),t=z(o=>o.nodes.editorInstance),n=z(o=>o.nodes.nodes),r=f.useCallback(()=>{if(t){const o=t.toObject();o.edges=cs(o.edges,c=>UM(c,["style"]));const s=new Blob([JSON.stringify(o)]),a=document.createElement("a");a.href=URL.createObjectURL(s),a.download="MyNodes.json",document.body.appendChild(a),a.click(),a.remove()}},[t]);return i.jsx(Le,{icon:i.jsx(Dm,{}),fontSize:18,tooltip:e("nodes.saveGraph"),"aria-label":e("nodes.saveGraph"),onClick:r,isDisabled:n.length===0})},bie=f.memo(vie),yie=()=>i.jsx(md,{position:"top-center",children:i.jsxs(di,{children:[i.jsx(mie,{}),i.jsx(ng,{}),i.jsx(gie,{}),i.jsx(bie,{}),i.jsx(hie,{}),i.jsx(die,{})]})}),xie=f.memo(yie),wie=fe([Ye],({nodes:e})=>{const t=cs(e.invocationTemplates,n=>({label:n.title,value:n.type,description:n.description}));return t.push({label:"Progress Image",value:"progress_image",description:"Displays the progress image in the Node Editor"}),{data:t}},Ge),Sie=()=>{const e=te(),{data:t}=z(wie),n=Wse(),r=Wc(),o=f.useCallback(a=>{const c=n(a);if(!c){r({status:"error",title:`Unknown Invocation type ${a}`});return}e(GM(c))},[e,n,r]),s=f.useCallback(a=>{a&&o(a)},[o]);return i.jsx(F,{sx:{gap:2,alignItems:"center"},children:i.jsx(ar,{selectOnBlur:!1,placeholder:"Add Node",value:null,data:t,maxDropdownHeight:400,nothingFound:"No matching nodes",itemComponent:a8,filter:(a,c)=>c.label.toLowerCase().includes(a.toLowerCase().trim())||c.value.toLowerCase().includes(a.toLowerCase().trim())||c.description.toLowerCase().includes(a.toLowerCase().trim()),onChange:s,sx:{width:"18rem"}})})},a8=f.forwardRef(({label:e,description:t,...n},r)=>i.jsx("div",{ref:r,...n,children:i.jsxs("div",{children:[i.jsx(qe,{fontWeight:600,children:e}),i.jsx(qe,{size:"xs",sx:{color:"base.600",_dark:{color:"base.500"}},children:t})]})}));a8.displayName="SelectItem";const Cie=()=>i.jsx(md,{position:"top-left",children:i.jsx(Sie,{})}),kie=f.memo(Cie),_ie=()=>i.jsx(F,{sx:{gap:2,flexDir:"column"},children:cs(i5,({title:e,description:t,color:n},r)=>i.jsx(wn,{label:t,children:i.jsx(ml,{colorScheme:n,sx:{userSelect:"none"},textAlign:"center",children:e})},r))}),Pie=f.memo(_ie),jie=()=>{const e=z(n=>n),t=qM(e);return i.jsx(Ee,{as:"pre",sx:{fontFamily:"monospace",position:"absolute",top:2,right:2,opacity:.7,p:2,maxHeight:500,maxWidth:500,overflowY:"scroll",borderRadius:"base",bg:"base.200",_dark:{bg:"base.800"}},children:JSON.stringify(t,null,2)})},Iie=f.memo(jie),Eie=()=>{const e=z(n=>n.nodes.shouldShowGraphOverlay),t=z(n=>n.nodes.shouldShowFieldTypeLegend);return i.jsxs(md,{position:"top-right",children:[t&&i.jsx(Pie,{}),e&&i.jsx(Iie,{})]})},Oie=f.memo(Eie),Rie={invocation:s8,progress_image:rie},Mie=()=>{const e=te(),t=z(p=>p.nodes.nodes),n=z(p=>p.nodes.edges),r=f.useCallback(p=>{e(KM(p))},[e]),o=f.useCallback(p=>{e(XM(p))},[e]),s=f.useCallback((p,h)=>{e(YM(h))},[e]),a=f.useCallback(p=>{e(QM(p))},[e]),c=f.useCallback(()=>{e(JM())},[e]),d=f.useCallback(p=>{e(ZM(p)),p&&p.fitView()},[e]);return i.jsxs(eD,{nodeTypes:Rie,nodes:t,edges:n,onNodesChange:r,onEdgesChange:o,onConnectStart:s,onConnect:a,onConnectEnd:c,onInit:d,defaultEdgeOptions:{style:{strokeWidth:2}},children:[i.jsx(kie,{}),i.jsx(xie,{}),i.jsx(Oie,{}),i.jsx(iie,{}),i.jsx(F9,{}),i.jsx(cie,{})]})},Die=()=>i.jsx(Ee,{layerStyle:"first",sx:{position:"relative",width:"full",height:"full",borderRadius:"base"},children:i.jsx(tD,{children:i.jsx(Mie,{})})}),Aie=f.memo(Die),Tie=()=>i.jsx(Aie,{}),Nie=f.memo(Tie),$ie=fe(Ye,({ui:e,generation:t})=>{const{shouldUseSliders:n}=e,{shouldRandomizeSeed:r}=t;return{shouldUseSliders:n,activeLabel:r?void 0:"Manual Seed"}},Ge),zie=()=>{const{shouldUseSliders:e,activeLabel:t}=z($ie);return i.jsx(Ro,{label:"General",activeLabel:t,defaultIsOpen:!0,children:i.jsx(F,{sx:{flexDirection:"column",gap:3},children:e?i.jsxs(i.Fragment,{children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Oc,{})]}):i.jsxs(i.Fragment,{children:[i.jsxs(F,{gap:3,children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{})]}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Oc,{})]})})})},i8=f.memo(zie),l8=()=>i.jsxs(i.Fragment,{children:[i.jsx(MO,{}),i.jsx(qd,{}),i.jsx(i8,{}),i.jsx(DO,{}),i.jsx(Ud,{}),i.jsx(tg,{})]}),c8=()=>i.jsxs(i.Fragment,{children:[i.jsx(ax,{}),i.jsx(qd,{}),i.jsx(i8,{}),i.jsx(ox,{}),i.jsx(nx,{}),i.jsx(Ud,{}),i.jsx(tg,{}),i.jsx(sx,{}),i.jsx(WO,{}),i.jsx(rx,{})]}),Lie=()=>{const e=z(t=>t.generation.model);return i.jsxs(F,{sx:{gap:4,w:"full",h:"full"},children:[i.jsx(tx,{children:e&&e.base_model==="sdxl"?i.jsx(l8,{}):i.jsx(c8,{})}),i.jsx(FO,{})]})},Bie=f.memo(Lie);var G1={exports:{}};(function(e,t){Object.defineProperty(t,"__esModule",{value:!0}),t.Konva=void 0;var n=pw;Object.defineProperty(t,"Konva",{enumerable:!0,get:function(){return n.Konva}});const r=pw;e.exports=r.Konva})(G1,G1.exports);var Fie=G1.exports;const hd=vd(Fie);var u8={exports:{}};/** + * @license React + * react-reconciler.production.min.js + * + * Copyright (c) Facebook, Inc. and its affiliates. + * + * This source code is licensed under the MIT license found in the + * LICENSE file in the root directory of this source tree. + */var Hie=function(t){var n={},r=f,o=kp,s=Object.assign;function a(l){for(var u="https://reactjs.org/docs/error-decoder.html?invariant="+l,g=1;gZ||C[N]!==P[Z]){var ue=` +`+C[N].replace(" at new "," at ");return l.displayName&&ue.includes("")&&(ue=ue.replace("",l.displayName)),ue}while(1<=N&&0<=Z);break}}}finally{qt=!1,Error.prepareStackTrace=g}return(l=l?l.displayName||l.name:"")?Nt(l):""}var en=Object.prototype.hasOwnProperty,Ut=[],Be=-1;function yt(l){return{current:l}}function Mt(l){0>Be||(l.current=Ut[Be],Ut[Be]=null,Be--)}function Wt(l,u){Be++,Ut[Be]=l.current,l.current=u}var jn={},Gt=yt(jn),un=yt(!1),sn=jn;function Or(l,u){var g=l.type.contextTypes;if(!g)return jn;var x=l.stateNode;if(x&&x.__reactInternalMemoizedUnmaskedChildContext===u)return x.__reactInternalMemoizedMaskedChildContext;var C={},P;for(P in g)C[P]=u[P];return x&&(l=l.stateNode,l.__reactInternalMemoizedUnmaskedChildContext=u,l.__reactInternalMemoizedMaskedChildContext=C),C}function Jn(l){return l=l.childContextTypes,l!=null}function It(){Mt(un),Mt(Gt)}function In(l,u,g){if(Gt.current!==jn)throw Error(a(168));Wt(Gt,u),Wt(un,g)}function Rn(l,u,g){var x=l.stateNode;if(u=u.childContextTypes,typeof x.getChildContext!="function")return g;x=x.getChildContext();for(var C in x)if(!(C in u))throw Error(a(108,M(l)||"Unknown",C));return s({},g,x)}function Zn(l){return l=(l=l.stateNode)&&l.__reactInternalMemoizedMergedChildContext||jn,sn=Gt.current,Wt(Gt,l),Wt(un,un.current),!0}function mr(l,u,g){var x=l.stateNode;if(!x)throw Error(a(169));g?(l=Rn(l,u,sn),x.__reactInternalMemoizedMergedChildContext=l,Mt(un),Mt(Gt),Wt(Gt,l)):Mt(un),Wt(un,g)}var Tn=Math.clz32?Math.clz32:Sn,Nn=Math.log,dn=Math.LN2;function Sn(l){return l>>>=0,l===0?32:31-(Nn(l)/dn|0)|0}var En=64,vn=4194304;function bn(l){switch(l&-l){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 l&4194240;case 4194304:case 8388608:case 16777216:case 33554432:case 67108864:return l&130023424;case 134217728:return 134217728;case 268435456:return 268435456;case 536870912:return 536870912;case 1073741824:return 1073741824;default:return l}}function Xe(l,u){var g=l.pendingLanes;if(g===0)return 0;var x=0,C=l.suspendedLanes,P=l.pingedLanes,N=g&268435455;if(N!==0){var Z=N&~C;Z!==0?x=bn(Z):(P&=N,P!==0&&(x=bn(P)))}else N=g&~C,N!==0?x=bn(N):P!==0&&(x=bn(P));if(x===0)return 0;if(u!==0&&u!==x&&!(u&C)&&(C=x&-x,P=u&-u,C>=P||C===16&&(P&4194240)!==0))return u;if(x&4&&(x|=g&16),u=l.entangledLanes,u!==0)for(l=l.entanglements,u&=x;0g;g++)u.push(l);return u}function mt(l,u,g){l.pendingLanes|=u,u!==536870912&&(l.suspendedLanes=0,l.pingedLanes=0),l=l.eventTimes,u=31-Tn(u),l[u]=g}function ot(l,u){var g=l.pendingLanes&~u;l.pendingLanes=u,l.suspendedLanes=0,l.pingedLanes=0,l.expiredLanes&=u,l.mutableReadLanes&=u,l.entangledLanes&=u,u=l.entanglements;var x=l.eventTimes;for(l=l.expirationTimes;0>=N,C-=N,Ao=1<<32-Tn(u)+C|g<Cn?(Br=Qt,Qt=null):Br=Qt.sibling;var kn=it(ce,Qt,ve[Cn],lt);if(kn===null){Qt===null&&(Qt=Br);break}l&&Qt&&kn.alternate===null&&u(ce,Qt),ne=P(kn,ne,Cn),rn===null?At=kn:rn.sibling=kn,rn=kn,Qt=Br}if(Cn===ve.length)return g(ce,Qt),er&&Ti(ce,Cn),At;if(Qt===null){for(;CnCn?(Br=Qt,Qt=null):Br=Qt.sibling;var Ja=it(ce,Qt,kn.value,lt);if(Ja===null){Qt===null&&(Qt=Br);break}l&&Qt&&Ja.alternate===null&&u(ce,Qt),ne=P(Ja,ne,Cn),rn===null?At=Ja:rn.sibling=Ja,rn=Ja,Qt=Br}if(kn.done)return g(ce,Qt),er&&Ti(ce,Cn),At;if(Qt===null){for(;!kn.done;Cn++,kn=ve.next())kn=Yt(ce,kn.value,lt),kn!==null&&(ne=P(kn,ne,Cn),rn===null?At=kn:rn.sibling=kn,rn=kn);return er&&Ti(ce,Cn),At}for(Qt=x(ce,Qt);!kn.done;Cn++,kn=ve.next())kn=Yn(Qt,ce,Cn,kn.value,lt),kn!==null&&(l&&kn.alternate!==null&&Qt.delete(kn.key===null?Cn:kn.key),ne=P(kn,ne,Cn),rn===null?At=kn:rn.sibling=kn,rn=kn);return l&&Qt.forEach(function(s7){return u(ce,s7)}),er&&Ti(ce,Cn),At}function va(ce,ne,ve,lt){if(typeof ve=="object"&&ve!==null&&ve.type===h&&ve.key===null&&(ve=ve.props.children),typeof ve=="object"&&ve!==null){switch(ve.$$typeof){case d:e:{for(var At=ve.key,rn=ne;rn!==null;){if(rn.key===At){if(At=ve.type,At===h){if(rn.tag===7){g(ce,rn.sibling),ne=C(rn,ve.props.children),ne.return=ce,ce=ne;break e}}else if(rn.elementType===At||typeof At=="object"&&At!==null&&At.$$typeof===j&&Ix(At)===rn.type){g(ce,rn.sibling),ne=C(rn,ve.props),ne.ref=Qc(ce,rn,ve),ne.return=ce,ce=ne;break e}g(ce,rn);break}else u(ce,rn);rn=rn.sibling}ve.type===h?(ne=Hi(ve.props.children,ce.mode,lt,ve.key),ne.return=ce,ce=ne):(lt=Rf(ve.type,ve.key,ve.props,null,ce.mode,lt),lt.ref=Qc(ce,ne,ve),lt.return=ce,ce=lt)}return N(ce);case p:e:{for(rn=ve.key;ne!==null;){if(ne.key===rn)if(ne.tag===4&&ne.stateNode.containerInfo===ve.containerInfo&&ne.stateNode.implementation===ve.implementation){g(ce,ne.sibling),ne=C(ne,ve.children||[]),ne.return=ce,ce=ne;break e}else{g(ce,ne);break}else u(ce,ne);ne=ne.sibling}ne=f0(ve,ce.mode,lt),ne.return=ce,ce=ne}return N(ce);case j:return rn=ve._init,va(ce,ne,rn(ve._payload),lt)}if(q(ve))return zn(ce,ne,ve,lt);if(O(ve))return wo(ce,ne,ve,lt);of(ce,ve)}return typeof ve=="string"&&ve!==""||typeof ve=="number"?(ve=""+ve,ne!==null&&ne.tag===6?(g(ce,ne.sibling),ne=C(ne,ve),ne.return=ce,ce=ne):(g(ce,ne),ne=d0(ve,ce.mode,lt),ne.return=ce,ce=ne),N(ce)):g(ce,ne)}return va}var Pl=Ex(!0),Ox=Ex(!1),Jc={},Uo=yt(Jc),Zc=yt(Jc),jl=yt(Jc);function Fs(l){if(l===Jc)throw Error(a(174));return l}function _g(l,u){Wt(jl,u),Wt(Zc,l),Wt(Uo,Jc),l=D(u),Mt(Uo),Wt(Uo,l)}function Il(){Mt(Uo),Mt(Zc),Mt(jl)}function Rx(l){var u=Fs(jl.current),g=Fs(Uo.current);u=L(g,l.type,u),g!==u&&(Wt(Zc,l),Wt(Uo,u))}function Pg(l){Zc.current===l&&(Mt(Uo),Mt(Zc))}var ur=yt(0);function sf(l){for(var u=l;u!==null;){if(u.tag===13){var g=u.memoizedState;if(g!==null&&(g=g.dehydrated,g===null||$r(g)||$s(g)))return u}else if(u.tag===19&&u.memoizedProps.revealOrder!==void 0){if(u.flags&128)return u}else if(u.child!==null){u.child.return=u,u=u.child;continue}if(u===l)break;for(;u.sibling===null;){if(u.return===null||u.return===l)return null;u=u.return}u.sibling.return=u.return,u=u.sibling}return null}var jg=[];function Ig(){for(var l=0;lg?g:4,l(!0);var x=Eg.transition;Eg.transition={};try{l(!1),u()}finally{Ie=g,Eg.transition=x}}function Xx(){return Go().memoizedState}function M8(l,u,g){var x=Xa(l);if(g={lane:x,action:g,hasEagerState:!1,eagerState:null,next:null},Yx(l))Qx(u,g);else if(g=xx(l,u,g,x),g!==null){var C=eo();qo(g,l,x,C),Jx(g,u,x)}}function D8(l,u,g){var x=Xa(l),C={lane:x,action:g,hasEagerState:!1,eagerState:null,next:null};if(Yx(l))Qx(u,C);else{var P=l.alternate;if(l.lanes===0&&(P===null||P.lanes===0)&&(P=u.lastRenderedReducer,P!==null))try{var N=u.lastRenderedState,Z=P(N,g);if(C.hasEagerState=!0,C.eagerState=Z,fn(Z,N)){var ue=u.interleaved;ue===null?(C.next=C,wg(u)):(C.next=ue.next,ue.next=C),u.interleaved=C;return}}catch{}finally{}g=xx(l,u,C,x),g!==null&&(C=eo(),qo(g,l,x,C),Jx(g,u,x))}}function Yx(l){var u=l.alternate;return l===dr||u!==null&&u===dr}function Qx(l,u){eu=lf=!0;var g=l.pending;g===null?u.next=u:(u.next=g.next,g.next=u),l.pending=u}function Jx(l,u,g){if(g&4194240){var x=u.lanes;x&=l.pendingLanes,g|=x,u.lanes=g,Re(l,g)}}var df={readContext:Vo,useCallback:Qr,useContext:Qr,useEffect:Qr,useImperativeHandle:Qr,useInsertionEffect:Qr,useLayoutEffect:Qr,useMemo:Qr,useReducer:Qr,useRef:Qr,useState:Qr,useDebugValue:Qr,useDeferredValue:Qr,useTransition:Qr,useMutableSource:Qr,useSyncExternalStore:Qr,useId:Qr,unstable_isNewReconciler:!1},A8={readContext:Vo,useCallback:function(l,u){return Hs().memoizedState=[l,u===void 0?null:u],l},useContext:Vo,useEffect:Fx,useImperativeHandle:function(l,u,g){return g=g!=null?g.concat([l]):null,cf(4194308,4,Vx.bind(null,u,l),g)},useLayoutEffect:function(l,u){return cf(4194308,4,l,u)},useInsertionEffect:function(l,u){return cf(4,2,l,u)},useMemo:function(l,u){var g=Hs();return u=u===void 0?null:u,l=l(),g.memoizedState=[l,u],l},useReducer:function(l,u,g){var x=Hs();return u=g!==void 0?g(u):u,x.memoizedState=x.baseState=u,l={pending:null,interleaved:null,lanes:0,dispatch:null,lastRenderedReducer:l,lastRenderedState:u},x.queue=l,l=l.dispatch=M8.bind(null,dr,l),[x.memoizedState,l]},useRef:function(l){var u=Hs();return l={current:l},u.memoizedState=l},useState:Lx,useDebugValue:Ng,useDeferredValue:function(l){return Hs().memoizedState=l},useTransition:function(){var l=Lx(!1),u=l[0];return l=R8.bind(null,l[1]),Hs().memoizedState=l,[u,l]},useMutableSource:function(){},useSyncExternalStore:function(l,u,g){var x=dr,C=Hs();if(er){if(g===void 0)throw Error(a(407));g=g()}else{if(g=u(),Lr===null)throw Error(a(349));$i&30||Ax(x,u,g)}C.memoizedState=g;var P={value:g,getSnapshot:u};return C.queue=P,Fx(Nx.bind(null,x,P,l),[l]),x.flags|=2048,ru(9,Tx.bind(null,x,P,g,u),void 0,null),g},useId:function(){var l=Hs(),u=Lr.identifierPrefix;if(er){var g=Yr,x=Ao;g=(x&~(1<<32-Tn(x)-1)).toString(32)+g,u=":"+u+"R"+g,g=tu++,0r0&&(u.flags|=128,x=!0,au(C,!1),u.lanes=4194304)}else{if(!x)if(l=sf(P),l!==null){if(u.flags|=128,x=!0,l=l.updateQueue,l!==null&&(u.updateQueue=l,u.flags|=4),au(C,!0),C.tail===null&&C.tailMode==="hidden"&&!P.alternate&&!er)return Jr(u),null}else 2*Ve()-C.renderingStartTime>r0&&g!==1073741824&&(u.flags|=128,x=!0,au(C,!1),u.lanes=4194304);C.isBackwards?(P.sibling=u.child,u.child=P):(l=C.last,l!==null?l.sibling=P:u.child=P,C.last=P)}return C.tail!==null?(u=C.tail,C.rendering=u,C.tail=u.sibling,C.renderingStartTime=Ve(),u.sibling=null,l=ur.current,Wt(ur,x?l&1|2:l&1),u):(Jr(u),null);case 22:case 23:return l0(),g=u.memoizedState!==null,l!==null&&l.memoizedState!==null!==g&&(u.flags|=8192),g&&u.mode&1?No&1073741824&&(Jr(u),le&&u.subtreeFlags&6&&(u.flags|=8192)):Jr(u),null;case 24:return null;case 25:return null}throw Error(a(156,u.tag))}function H8(l,u){switch(pg(u),u.tag){case 1:return Jn(u.type)&&It(),l=u.flags,l&65536?(u.flags=l&-65537|128,u):null;case 3:return Il(),Mt(un),Mt(Gt),Ig(),l=u.flags,l&65536&&!(l&128)?(u.flags=l&-65537|128,u):null;case 5:return Pg(u),null;case 13:if(Mt(ur),l=u.memoizedState,l!==null&&l.dehydrated!==null){if(u.alternate===null)throw Error(a(340));Cl()}return l=u.flags,l&65536?(u.flags=l&-65537|128,u):null;case 19:return Mt(ur),null;case 4:return Il(),null;case 10:return yg(u.type._context),null;case 22:case 23:return l0(),null;case 24:return null;default:return null}}var gf=!1,Zr=!1,W8=typeof WeakSet=="function"?WeakSet:Set,pt=null;function Ol(l,u){var g=l.ref;if(g!==null)if(typeof g=="function")try{g(null)}catch(x){tr(l,u,x)}else g.current=null}function Ug(l,u,g){try{g()}catch(x){tr(l,u,x)}}var v2=!1;function V8(l,u){for(W(l.containerInfo),pt=u;pt!==null;)if(l=pt,u=l.child,(l.subtreeFlags&1028)!==0&&u!==null)u.return=l,pt=u;else for(;pt!==null;){l=pt;try{var g=l.alternate;if(l.flags&1024)switch(l.tag){case 0:case 11:case 15:break;case 1:if(g!==null){var x=g.memoizedProps,C=g.memoizedState,P=l.stateNode,N=P.getSnapshotBeforeUpdate(l.elementType===l.type?x:ms(l.type,x),C);P.__reactInternalSnapshotBeforeUpdate=N}break;case 3:le&&ln(l.stateNode.containerInfo);break;case 5:case 6:case 4:case 17:break;default:throw Error(a(163))}}catch(Z){tr(l,l.return,Z)}if(u=l.sibling,u!==null){u.return=l.return,pt=u;break}pt=l.return}return g=v2,v2=!1,g}function iu(l,u,g){var x=u.updateQueue;if(x=x!==null?x.lastEffect:null,x!==null){var C=x=x.next;do{if((C.tag&l)===l){var P=C.destroy;C.destroy=void 0,P!==void 0&&Ug(u,g,P)}C=C.next}while(C!==x)}}function vf(l,u){if(u=u.updateQueue,u=u!==null?u.lastEffect:null,u!==null){var g=u=u.next;do{if((g.tag&l)===l){var x=g.create;g.destroy=x()}g=g.next}while(g!==u)}}function Gg(l){var u=l.ref;if(u!==null){var g=l.stateNode;switch(l.tag){case 5:l=G(g);break;default:l=g}typeof u=="function"?u(l):u.current=l}}function b2(l){var u=l.alternate;u!==null&&(l.alternate=null,b2(u)),l.child=null,l.deletions=null,l.sibling=null,l.tag===5&&(u=l.stateNode,u!==null&&Oe(u)),l.stateNode=null,l.return=null,l.dependencies=null,l.memoizedProps=null,l.memoizedState=null,l.pendingProps=null,l.stateNode=null,l.updateQueue=null}function y2(l){return l.tag===5||l.tag===3||l.tag===4}function x2(l){e:for(;;){for(;l.sibling===null;){if(l.return===null||y2(l.return))return null;l=l.return}for(l.sibling.return=l.return,l=l.sibling;l.tag!==5&&l.tag!==6&&l.tag!==18;){if(l.flags&2||l.child===null||l.tag===4)continue e;l.child.return=l,l=l.child}if(!(l.flags&2))return l.stateNode}}function qg(l,u,g){var x=l.tag;if(x===5||x===6)l=l.stateNode,u?Pn(g,l,u):ht(g,l);else if(x!==4&&(l=l.child,l!==null))for(qg(l,u,g),l=l.sibling;l!==null;)qg(l,u,g),l=l.sibling}function Kg(l,u,g){var x=l.tag;if(x===5||x===6)l=l.stateNode,u?Ke(g,l,u):we(g,l);else if(x!==4&&(l=l.child,l!==null))for(Kg(l,u,g),l=l.sibling;l!==null;)Kg(l,u,g),l=l.sibling}var Gr=null,gs=!1;function Vs(l,u,g){for(g=g.child;g!==null;)Xg(l,u,g),g=g.sibling}function Xg(l,u,g){if(gn&&typeof gn.onCommitFiberUnmount=="function")try{gn.onCommitFiberUnmount(Xn,g)}catch{}switch(g.tag){case 5:Zr||Ol(g,u);case 6:if(le){var x=Gr,C=gs;Gr=null,Vs(l,u,g),Gr=x,gs=C,Gr!==null&&(gs?Ze(Gr,g.stateNode):Pe(Gr,g.stateNode))}else Vs(l,u,g);break;case 18:le&&Gr!==null&&(gs?He(Gr,g.stateNode):xt(Gr,g.stateNode));break;case 4:le?(x=Gr,C=gs,Gr=g.stateNode.containerInfo,gs=!0,Vs(l,u,g),Gr=x,gs=C):(ge&&(x=g.stateNode.containerInfo,C=yr(x),Wn(x,C)),Vs(l,u,g));break;case 0:case 11:case 14:case 15:if(!Zr&&(x=g.updateQueue,x!==null&&(x=x.lastEffect,x!==null))){C=x=x.next;do{var P=C,N=P.destroy;P=P.tag,N!==void 0&&(P&2||P&4)&&Ug(g,u,N),C=C.next}while(C!==x)}Vs(l,u,g);break;case 1:if(!Zr&&(Ol(g,u),x=g.stateNode,typeof x.componentWillUnmount=="function"))try{x.props=g.memoizedProps,x.state=g.memoizedState,x.componentWillUnmount()}catch(Z){tr(g,u,Z)}Vs(l,u,g);break;case 21:Vs(l,u,g);break;case 22:g.mode&1?(Zr=(x=Zr)||g.memoizedState!==null,Vs(l,u,g),Zr=x):Vs(l,u,g);break;default:Vs(l,u,g)}}function w2(l){var u=l.updateQueue;if(u!==null){l.updateQueue=null;var g=l.stateNode;g===null&&(g=l.stateNode=new W8),u.forEach(function(x){var C=Z8.bind(null,l,x);g.has(x)||(g.add(x),x.then(C,C))})}}function vs(l,u){var g=u.deletions;if(g!==null)for(var x=0;x";case yf:return":has("+(Jg(l)||"")+")";case xf:return'[role="'+l.value+'"]';case Sf:return'"'+l.value+'"';case wf:return'[data-testname="'+l.value+'"]';default:throw Error(a(365))}}function j2(l,u){var g=[];l=[l,0];for(var x=0;xC&&(C=N),x&=~P}if(x=C,x=Ve()-x,x=(120>x?120:480>x?480:1080>x?1080:1920>x?1920:3e3>x?3e3:4320>x?4320:1960*G8(x/1960))-x,10l?16:l,Ka===null)var x=!1;else{if(l=Ka,Ka=null,jf=0,an&6)throw Error(a(331));var C=an;for(an|=4,pt=l.current;pt!==null;){var P=pt,N=P.child;if(pt.flags&16){var Z=P.deletions;if(Z!==null){for(var ue=0;ueVe()-n0?Li(l,0):t0|=g),xo(l,u)}function N2(l,u){u===0&&(l.mode&1?(u=vn,vn<<=1,!(vn&130023424)&&(vn=4194304)):u=1);var g=eo();l=Bs(l,u),l!==null&&(mt(l,u,g),xo(l,g))}function J8(l){var u=l.memoizedState,g=0;u!==null&&(g=u.retryLane),N2(l,g)}function Z8(l,u){var g=0;switch(l.tag){case 13:var x=l.stateNode,C=l.memoizedState;C!==null&&(g=C.retryLane);break;case 19:x=l.stateNode;break;default:throw Error(a(314))}x!==null&&x.delete(u),N2(l,g)}var $2;$2=function(l,u,g){if(l!==null)if(l.memoizedProps!==u.pendingProps||un.current)bo=!0;else{if(!(l.lanes&g)&&!(u.flags&128))return bo=!1,B8(l,u,g);bo=!!(l.flags&131072)}else bo=!1,er&&u.flags&1048576&&hx(u,lo,u.index);switch(u.lanes=0,u.tag){case 2:var x=u.type;pf(l,u),l=u.pendingProps;var C=Or(u,Gt.current);_l(u,g),C=Rg(null,u,x,l,C,g);var P=Mg();return u.flags|=1,typeof C=="object"&&C!==null&&typeof C.render=="function"&&C.$$typeof===void 0?(u.tag=1,u.memoizedState=null,u.updateQueue=null,Jn(x)?(P=!0,Zn(u)):P=!1,u.memoizedState=C.state!==null&&C.state!==void 0?C.state:null,Sg(u),C.updater=rf,u.stateNode=C,C._reactInternals=u,kg(u,x,l,g),u=Bg(null,u,x,!0,P,g)):(u.tag=0,er&&P&&fg(u),fo(null,u,C,g),u=u.child),u;case 16:x=u.elementType;e:{switch(pf(l,u),l=u.pendingProps,C=x._init,x=C(x._payload),u.type=x,C=u.tag=t7(x),l=ms(x,l),C){case 0:u=Lg(null,u,x,l,g);break e;case 1:u=c2(null,u,x,l,g);break e;case 11:u=o2(null,u,x,l,g);break e;case 14:u=s2(null,u,x,ms(x.type,l),g);break e}throw Error(a(306,x,""))}return u;case 0:return x=u.type,C=u.pendingProps,C=u.elementType===x?C:ms(x,C),Lg(l,u,x,C,g);case 1:return x=u.type,C=u.pendingProps,C=u.elementType===x?C:ms(x,C),c2(l,u,x,C,g);case 3:e:{if(u2(u),l===null)throw Error(a(387));x=u.pendingProps,P=u.memoizedState,C=P.element,wx(l,u),nf(u,x,null,g);var N=u.memoizedState;if(x=N.element,ke&&P.isDehydrated)if(P={element:x,isDehydrated:!1,cache:N.cache,pendingSuspenseBoundaries:N.pendingSuspenseBoundaries,transitions:N.transitions},u.updateQueue.baseState=P,u.memoizedState=P,u.flags&256){C=El(Error(a(423)),u),u=d2(l,u,x,g,C);break e}else if(x!==C){C=El(Error(a(424)),u),u=d2(l,u,x,g,C);break e}else for(ke&&(Wo=ee(u.stateNode.containerInfo),To=u,er=!0,hs=null,Yc=!1),g=Ox(u,null,x,g),u.child=g;g;)g.flags=g.flags&-3|4096,g=g.sibling;else{if(Cl(),x===C){u=ma(l,u,g);break e}fo(l,u,x,g)}u=u.child}return u;case 5:return Rx(u),l===null&&mg(u),x=u.type,C=u.pendingProps,P=l!==null?l.memoizedProps:null,N=C.children,K(x,C)?N=null:P!==null&&K(x,P)&&(u.flags|=32),l2(l,u),fo(l,u,N,g),u.child;case 6:return l===null&&mg(u),null;case 13:return f2(l,u,g);case 4:return _g(u,u.stateNode.containerInfo),x=u.pendingProps,l===null?u.child=Pl(u,null,x,g):fo(l,u,x,g),u.child;case 11:return x=u.type,C=u.pendingProps,C=u.elementType===x?C:ms(x,C),o2(l,u,x,C,g);case 7:return fo(l,u,u.pendingProps,g),u.child;case 8:return fo(l,u,u.pendingProps.children,g),u.child;case 12:return fo(l,u,u.pendingProps.children,g),u.child;case 10:e:{if(x=u.type._context,C=u.pendingProps,P=u.memoizedProps,N=C.value,yx(u,x,N),P!==null)if(fn(P.value,N)){if(P.children===C.children&&!un.current){u=ma(l,u,g);break e}}else for(P=u.child,P!==null&&(P.return=u);P!==null;){var Z=P.dependencies;if(Z!==null){N=P.child;for(var ue=Z.firstContext;ue!==null;){if(ue.context===x){if(P.tag===1){ue=ha(-1,g&-g),ue.tag=2;var Ne=P.updateQueue;if(Ne!==null){Ne=Ne.shared;var gt=Ne.pending;gt===null?ue.next=ue:(ue.next=gt.next,gt.next=ue),Ne.pending=ue}}P.lanes|=g,ue=P.alternate,ue!==null&&(ue.lanes|=g),xg(P.return,g,u),Z.lanes|=g;break}ue=ue.next}}else if(P.tag===10)N=P.type===u.type?null:P.child;else if(P.tag===18){if(N=P.return,N===null)throw Error(a(341));N.lanes|=g,Z=N.alternate,Z!==null&&(Z.lanes|=g),xg(N,g,u),N=P.sibling}else N=P.child;if(N!==null)N.return=P;else for(N=P;N!==null;){if(N===u){N=null;break}if(P=N.sibling,P!==null){P.return=N.return,N=P;break}N=N.return}P=N}fo(l,u,C.children,g),u=u.child}return u;case 9:return C=u.type,x=u.pendingProps.children,_l(u,g),C=Vo(C),x=x(C),u.flags|=1,fo(l,u,x,g),u.child;case 14:return x=u.type,C=ms(x,u.pendingProps),C=ms(x.type,C),s2(l,u,x,C,g);case 15:return a2(l,u,u.type,u.pendingProps,g);case 17:return x=u.type,C=u.pendingProps,C=u.elementType===x?C:ms(x,C),pf(l,u),u.tag=1,Jn(x)?(l=!0,Zn(u)):l=!1,_l(u,g),Px(u,x,C),kg(u,x,C,g),Bg(null,u,x,!0,l,g);case 19:return h2(l,u,g);case 22:return i2(l,u,g)}throw Error(a(156,u.tag))};function z2(l,u){return We(l,u)}function e7(l,u,g,x){this.tag=l,this.key=g,this.sibling=this.child=this.return=this.stateNode=this.type=this.elementType=null,this.index=0,this.ref=null,this.pendingProps=u,this.dependencies=this.memoizedState=this.updateQueue=this.memoizedProps=null,this.mode=x,this.subtreeFlags=this.flags=0,this.deletions=null,this.childLanes=this.lanes=0,this.alternate=null}function Ko(l,u,g,x){return new e7(l,u,g,x)}function u0(l){return l=l.prototype,!(!l||!l.isReactComponent)}function t7(l){if(typeof l=="function")return u0(l)?1:0;if(l!=null){if(l=l.$$typeof,l===y)return 11;if(l===k)return 14}return 2}function Qa(l,u){var g=l.alternate;return g===null?(g=Ko(l.tag,u,l.key,l.mode),g.elementType=l.elementType,g.type=l.type,g.stateNode=l.stateNode,g.alternate=l,l.alternate=g):(g.pendingProps=u,g.type=l.type,g.flags=0,g.subtreeFlags=0,g.deletions=null),g.flags=l.flags&14680064,g.childLanes=l.childLanes,g.lanes=l.lanes,g.child=l.child,g.memoizedProps=l.memoizedProps,g.memoizedState=l.memoizedState,g.updateQueue=l.updateQueue,u=l.dependencies,g.dependencies=u===null?null:{lanes:u.lanes,firstContext:u.firstContext},g.sibling=l.sibling,g.index=l.index,g.ref=l.ref,g}function Rf(l,u,g,x,C,P){var N=2;if(x=l,typeof l=="function")u0(l)&&(N=1);else if(typeof l=="string")N=5;else e:switch(l){case h:return Hi(g.children,C,P,u);case m:N=8,C|=8;break;case v:return l=Ko(12,g,u,C|2),l.elementType=v,l.lanes=P,l;case S:return l=Ko(13,g,u,C),l.elementType=S,l.lanes=P,l;case _:return l=Ko(19,g,u,C),l.elementType=_,l.lanes=P,l;case I:return Mf(g,C,P,u);default:if(typeof l=="object"&&l!==null)switch(l.$$typeof){case b:N=10;break e;case w:N=9;break e;case y:N=11;break e;case k:N=14;break e;case j:N=16,x=null;break e}throw Error(a(130,l==null?l:typeof l,""))}return u=Ko(N,g,u,C),u.elementType=l,u.type=x,u.lanes=P,u}function Hi(l,u,g,x){return l=Ko(7,l,x,u),l.lanes=g,l}function Mf(l,u,g,x){return l=Ko(22,l,x,u),l.elementType=I,l.lanes=g,l.stateNode={isHidden:!1},l}function d0(l,u,g){return l=Ko(6,l,null,u),l.lanes=g,l}function f0(l,u,g){return u=Ko(4,l.children!==null?l.children:[],l.key,u),u.lanes=g,u.stateNode={containerInfo:l.containerInfo,pendingChildren:null,implementation:l.implementation},u}function n7(l,u,g,x,C){this.tag=u,this.containerInfo=l,this.finishedWork=this.pingCache=this.current=this.pendingChildren=null,this.timeoutHandle=oe,this.callbackNode=this.pendingContext=this.context=null,this.callbackPriority=0,this.eventTimes=Bt(0),this.expirationTimes=Bt(-1),this.entangledLanes=this.finishedLanes=this.mutableReadLanes=this.expiredLanes=this.pingedLanes=this.suspendedLanes=this.pendingLanes=0,this.entanglements=Bt(0),this.identifierPrefix=x,this.onRecoverableError=C,ke&&(this.mutableSourceEagerHydrationData=null)}function L2(l,u,g,x,C,P,N,Z,ue){return l=new n7(l,u,g,Z,ue),u===1?(u=1,P===!0&&(u|=8)):u=0,P=Ko(3,null,null,u),l.current=P,P.stateNode=l,P.memoizedState={element:x,isDehydrated:g,cache:null,transitions:null,pendingSuspenseBoundaries:null},Sg(P),l}function B2(l){if(!l)return jn;l=l._reactInternals;e:{if(A(l)!==l||l.tag!==1)throw Error(a(170));var u=l;do{switch(u.tag){case 3:u=u.stateNode.context;break e;case 1:if(Jn(u.type)){u=u.stateNode.__reactInternalMemoizedMergedChildContext;break e}}u=u.return}while(u!==null);throw Error(a(171))}if(l.tag===1){var g=l.type;if(Jn(g))return Rn(l,g,u)}return u}function F2(l){var u=l._reactInternals;if(u===void 0)throw typeof l.render=="function"?Error(a(188)):(l=Object.keys(l).join(","),Error(a(268,l)));return l=Q(u),l===null?null:l.stateNode}function H2(l,u){if(l=l.memoizedState,l!==null&&l.dehydrated!==null){var g=l.retryLane;l.retryLane=g!==0&&g=Ne&&P>=Yt&&C<=gt&&N<=it){l.splice(u,1);break}else if(x!==Ne||g.width!==ue.width||itN){if(!(P!==Yt||g.height!==ue.height||gtC)){Ne>x&&(ue.width+=Ne-x,ue.x=x),gtP&&(ue.height+=Yt-P,ue.y=P),itg&&(g=N)),N ")+` + +No matching component was found for: + `)+l.join(" > ")}return null},n.getPublicRootInstance=function(l){if(l=l.current,!l.child)return null;switch(l.child.tag){case 5:return G(l.child.stateNode);default:return l.child.stateNode}},n.injectIntoDevTools=function(l){if(l={bundleType:l.bundleType,version:l.version,rendererPackageName:l.rendererPackageName,rendererConfig:l.rendererConfig,overrideHookState:null,overrideHookStateDeletePath:null,overrideHookStateRenamePath:null,overrideProps:null,overridePropsDeletePath:null,overridePropsRenamePath:null,setErrorHandler:null,setSuspenseHandler:null,scheduleUpdate:null,currentDispatcherRef:c.ReactCurrentDispatcher,findHostInstanceByFiber:r7,findFiberByHostInstance:l.findFiberByHostInstance||o7,findHostInstancesForRefresh:null,scheduleRefresh:null,scheduleRoot:null,setRefreshHandler:null,getCurrentFiber:null,reconcilerVersion:"18.2.0"},typeof __REACT_DEVTOOLS_GLOBAL_HOOK__>"u")l=!1;else{var u=__REACT_DEVTOOLS_GLOBAL_HOOK__;if(u.isDisabled||!u.supportsFiber)l=!0;else{try{Xn=u.inject(l),gn=u}catch{}l=!!u.checkDCE}}return l},n.isAlreadyRendering=function(){return!1},n.observeVisibleRects=function(l,u,g,x){if(!ct)throw Error(a(363));l=Zg(l,u);var C=Tt(l,g,x).disconnect;return{disconnect:function(){C()}}},n.registerMutableSourceForHydration=function(l,u){var g=u._getVersion;g=g(u._source),l.mutableSourceEagerHydrationData==null?l.mutableSourceEagerHydrationData=[u,g]:l.mutableSourceEagerHydrationData.push(u,g)},n.runWithPriority=function(l,u){var g=Ie;try{return Ie=l,u()}finally{Ie=g}},n.shouldError=function(){return null},n.shouldSuspend=function(){return!1},n.updateContainer=function(l,u,g,x){var C=u.current,P=eo(),N=Xa(C);return g=B2(g),u.context===null?u.context=g:u.pendingContext=g,u=ha(P,N),u.payload={element:l},x=x===void 0?null:x,x!==null&&(u.callback=x),l=Ga(C,u,N),l!==null&&(qo(l,C,N,P),tf(l,C,N)),N},n};u8.exports=Hie;var Wie=u8.exports;const Vie=vd(Wie);var d8={exports:{}},Sl={};/** + * @license React + * react-reconciler-constants.production.min.js + * + * Copyright (c) Facebook, Inc. and its affiliates. + * + * This source code is licensed under the MIT license found in the + * LICENSE file in the root directory of this source tree. + */Sl.ConcurrentRoot=1;Sl.ContinuousEventPriority=4;Sl.DefaultEventPriority=16;Sl.DiscreteEventPriority=1;Sl.IdleEventPriority=536870912;Sl.LegacyRoot=0;d8.exports=Sl;var f8=d8.exports;const l_={children:!0,ref:!0,key:!0,style:!0,forwardedRef:!0,unstable_applyCache:!0,unstable_applyDrawHitFromCache:!0};let c_=!1,u_=!1;const dx=".react-konva-event",Uie=`ReactKonva: You have a Konva node with draggable = true and position defined but no onDragMove or onDragEnd events are handled. +Position of a node will be changed during drag&drop, so you should update state of the react app as well. +Consider to add onDragMove or onDragEnd events. +For more info see: https://github.com/konvajs/react-konva/issues/256 +`,Gie=`ReactKonva: You are using "zIndex" attribute for a Konva node. +react-konva may get confused with ordering. Just define correct order of elements in your render function of a component. +For more info see: https://github.com/konvajs/react-konva/issues/194 +`,qie={};function dg(e,t,n=qie){if(!c_&&"zIndex"in t&&(console.warn(Gie),c_=!0),!u_&&t.draggable){var r=t.x!==void 0||t.y!==void 0,o=t.onDragEnd||t.onDragMove;r&&!o&&(console.warn(Uie),u_=!0)}for(var s in n)if(!l_[s]){var a=s.slice(0,2)==="on",c=n[s]!==t[s];if(a&&c){var d=s.substr(2).toLowerCase();d.substr(0,7)==="content"&&(d="content"+d.substr(7,1).toUpperCase()+d.substr(8)),e.off(d,n[s])}var p=!t.hasOwnProperty(s);p&&e.setAttr(s,void 0)}var h=t._useStrictMode,m={},v=!1;const b={};for(var s in t)if(!l_[s]){var a=s.slice(0,2)==="on",w=n[s]!==t[s];if(a&&w){var d=s.substr(2).toLowerCase();d.substr(0,7)==="content"&&(d="content"+d.substr(7,1).toUpperCase()+d.substr(8)),t[s]&&(b[d]=t[s])}!a&&(t[s]!==n[s]||h&&t[s]!==e.getAttr(s))&&(v=!0,m[s]=t[s])}v&&(e.setAttrs(m),Ai(e));for(var d in b)e.on(d+dx,b[d])}function Ai(e){if(!nD.Konva.autoDrawEnabled){var t=e.getLayer()||e.getStage();t&&t.batchDraw()}}const p8={},Kie={};hd.Node.prototype._applyProps=dg;function Xie(e,t){if(typeof t=="string"){console.error(`Do not use plain text as child of Konva.Node. You are using text: ${t}`);return}e.add(t),Ai(e)}function Yie(e,t,n){let r=hd[e];r||(console.error(`Konva has no node with the type ${e}. Group will be used instead. If you use minimal version of react-konva, just import required nodes into Konva: "import "konva/lib/shapes/${e}" If you want to render DOM elements as part of canvas tree take a look into this demo: https://konvajs.github.io/docs/react/DOM_Portal.html`),r=hd.Group);const o={},s={};for(var a in t){var c=a.slice(0,2)==="on";c?s[a]=t[a]:o[a]=t[a]}const d=new r(o);return dg(d,s),d}function Qie(e,t,n){console.error(`Text components are not supported for now in ReactKonva. Your text is: "${e}"`)}function Jie(e,t,n){return!1}function Zie(e){return e}function ele(){return null}function tle(){return null}function nle(e,t,n,r){return Kie}function rle(){}function ole(e){}function sle(e,t){return!1}function ale(){return p8}function ile(){return p8}const lle=setTimeout,cle=clearTimeout,ule=-1;function dle(e,t){return!1}const fle=!1,ple=!0,hle=!0;function mle(e,t){t.parent===e?t.moveToTop():e.add(t),Ai(e)}function gle(e,t){t.parent===e?t.moveToTop():e.add(t),Ai(e)}function h8(e,t,n){t._remove(),e.add(t),t.setZIndex(n.getZIndex()),Ai(e)}function vle(e,t,n){h8(e,t,n)}function ble(e,t){t.destroy(),t.off(dx),Ai(e)}function yle(e,t){t.destroy(),t.off(dx),Ai(e)}function xle(e,t,n){console.error(`Text components are not yet supported in ReactKonva. You text is: "${n}"`)}function wle(e,t,n){}function Sle(e,t,n,r,o){dg(e,o,r)}function Cle(e){e.hide(),Ai(e)}function kle(e){}function _le(e,t){(t.visible==null||t.visible)&&e.show()}function Ple(e,t){}function jle(e){}function Ile(){}const Ele=()=>f8.DefaultEventPriority,Ole=Object.freeze(Object.defineProperty({__proto__:null,appendChild:mle,appendChildToContainer:gle,appendInitialChild:Xie,cancelTimeout:cle,clearContainer:jle,commitMount:wle,commitTextUpdate:xle,commitUpdate:Sle,createInstance:Yie,createTextInstance:Qie,detachDeletedInstance:Ile,finalizeInitialChildren:Jie,getChildHostContext:ile,getCurrentEventPriority:Ele,getPublicInstance:Zie,getRootHostContext:ale,hideInstance:Cle,hideTextInstance:kle,idlePriority:kp.unstable_IdlePriority,insertBefore:h8,insertInContainerBefore:vle,isPrimaryRenderer:fle,noTimeout:ule,now:kp.unstable_now,prepareForCommit:ele,preparePortalMount:tle,prepareUpdate:nle,removeChild:ble,removeChildFromContainer:yle,resetAfterCommit:rle,resetTextContent:ole,run:kp.unstable_runWithPriority,scheduleTimeout:lle,shouldDeprioritizeSubtree:sle,shouldSetTextContent:dle,supportsMutation:hle,unhideInstance:_le,unhideTextInstance:Ple,warnsIfNotActing:ple},Symbol.toStringTag,{value:"Module"}));var Rle=Object.defineProperty,Mle=Object.defineProperties,Dle=Object.getOwnPropertyDescriptors,d_=Object.getOwnPropertySymbols,Ale=Object.prototype.hasOwnProperty,Tle=Object.prototype.propertyIsEnumerable,f_=(e,t,n)=>t in e?Rle(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,p_=(e,t)=>{for(var n in t||(t={}))Ale.call(t,n)&&f_(e,n,t[n]);if(d_)for(var n of d_(t))Tle.call(t,n)&&f_(e,n,t[n]);return e},Nle=(e,t)=>Mle(e,Dle(t));function m8(e,t,n){if(!e)return;if(n(e)===!0)return e;let r=t?e.return:e.child;for(;r;){const o=m8(r,t,n);if(o)return o;r=t?null:r.sibling}}function g8(e){try{return Object.defineProperties(e,{_currentRenderer:{get(){return null},set(){}},_currentRenderer2:{get(){return null},set(){}}})}catch{return e}}const fx=g8(f.createContext(null));class v8 extends f.Component{render(){return f.createElement(fx.Provider,{value:this._reactInternals},this.props.children)}}const{ReactCurrentOwner:h_,ReactCurrentDispatcher:m_}=f.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED;function $le(){const e=f.useContext(fx);if(e===null)throw new Error("its-fine: useFiber must be called within a !");const t=f.useId();return f.useMemo(()=>{for(const r of[h_==null?void 0:h_.current,e,e==null?void 0:e.alternate]){if(!r)continue;const o=m8(r,!1,s=>{let a=s.memoizedState;for(;a;){if(a.memoizedState===t)return!0;a=a.next}});if(o)return o}},[e,t])}function zle(){var e,t;const n=$le(),[r]=f.useState(()=>new Map);r.clear();let o=n;for(;o;){const s=(e=o.type)==null?void 0:e._context;s&&s!==fx&&!r.has(s)&&r.set(s,(t=m_==null?void 0:m_.current)==null?void 0:t.readContext(g8(s))),o=o.return}return r}function Lle(){const e=zle();return f.useMemo(()=>Array.from(e.keys()).reduce((t,n)=>r=>f.createElement(t,null,f.createElement(n.Provider,Nle(p_({},r),{value:e.get(n)}))),t=>f.createElement(v8,p_({},t))),[e])}function Ble(e){const t=H.useRef({});return H.useLayoutEffect(()=>{t.current=e}),H.useLayoutEffect(()=>()=>{t.current={}},[]),t.current}const Fle=e=>{const t=H.useRef(),n=H.useRef(),r=H.useRef(),o=Ble(e),s=Lle(),a=c=>{const{forwardedRef:d}=e;d&&(typeof d=="function"?d(c):d.current=c)};return H.useLayoutEffect(()=>(n.current=new hd.Stage({width:e.width,height:e.height,container:t.current}),a(n.current),r.current=Nu.createContainer(n.current,f8.LegacyRoot,!1,null),Nu.updateContainer(H.createElement(s,{},e.children),r.current),()=>{hd.isBrowser&&(a(null),Nu.updateContainer(null,r.current,null),n.current.destroy())}),[]),H.useLayoutEffect(()=>{a(n.current),dg(n.current,e,o),Nu.updateContainer(H.createElement(s,{},e.children),r.current,null)}),H.createElement("div",{ref:t,id:e.id,accessKey:e.accessKey,className:e.className,role:e.role,style:e.style,tabIndex:e.tabIndex,title:e.title})},_u="Layer",$a="Group",aa="Rect",Wi="Circle",nm="Line",b8="Image",Hle="Transformer",Nu=Vie(Ole);Nu.injectIntoDevTools({findHostInstanceByFiber:()=>null,bundleType:0,version:H.version,rendererPackageName:"react-konva"});const Wle=H.forwardRef((e,t)=>H.createElement(v8,{},H.createElement(Fle,{...e,forwardedRef:t}))),Vle=fe([mn,lr],(e,t)=>{const{tool:n,isMovingBoundingBox:r}=e;return{tool:n,isStaging:t,isMovingBoundingBox:r}},{memoizeOptions:{resultEqualityCheck:Zt}}),Ule=()=>{const e=te(),{tool:t,isStaging:n,isMovingBoundingBox:r}=z(Vle);return{handleDragStart:f.useCallback(()=>{(t==="move"||n)&&!r&&e(Hp(!0))},[e,r,n,t]),handleDragMove:f.useCallback(o=>{if(!((t==="move"||n)&&!r))return;const s={x:o.target.x(),y:o.target.y()};e(c5(s))},[e,r,n,t]),handleDragEnd:f.useCallback(()=>{(t==="move"||n)&&!r&&e(Hp(!1))},[e,r,n,t])}},Gle=fe([mn,Kn,lr],(e,t,n)=>{const{cursorPosition:r,shouldLockBoundingBox:o,shouldShowBoundingBox:s,tool:a,isMaskEnabled:c,shouldSnapToGrid:d}=e;return{activeTabName:t,isCursorOnCanvas:!!r,shouldLockBoundingBox:o,shouldShowBoundingBox:s,tool:a,isStaging:n,isMaskEnabled:c,shouldSnapToGrid:d}},{memoizeOptions:{resultEqualityCheck:Zt}}),qle=()=>{const e=te(),{activeTabName:t,shouldShowBoundingBox:n,tool:r,isStaging:o,isMaskEnabled:s,shouldSnapToGrid:a}=z(Gle),c=f.useRef(null),d=u5(),p=()=>e(lb());rt(["shift+c"],()=>{p()},{enabled:()=>!o,preventDefault:!0},[]);const h=()=>e(wd(!s));rt(["h"],()=>{h()},{enabled:()=>!o,preventDefault:!0},[s]),rt(["n"],()=>{e(Qu(!a))},{enabled:!0,preventDefault:!0},[a]),rt("esc",()=>{e(rD())},{enabled:()=>!0,preventDefault:!0}),rt("shift+h",()=>{e(oD(!n))},{enabled:()=>!o,preventDefault:!0},[t,n]),rt(["space"],m=>{m.repeat||(d==null||d.container().focus(),r!=="move"&&(c.current=r,e(ea("move"))),r==="move"&&c.current&&c.current!=="move"&&(e(ea(c.current)),c.current="move"))},{keyup:!0,keydown:!0,preventDefault:!0},[r,c])},px=e=>{const t=e.getPointerPosition(),n=e.getAbsoluteTransform().copy();if(!t||!n)return;const r=n.invert().point(t);return{x:r.x,y:r.y}},y8=()=>{const e=te(),t=Ea(),n=u5();return{updateColorUnderCursor:()=>{if(!n||!t)return;const r=n.getPointerPosition();if(!r)return;const o=sD.pixelRatio,[s,a,c,d]=t.getContext().getImageData(r.x*o,r.y*o,1,1).data;e(aD({r:s,g:a,b:c,a:d}))},commitColorUnderCursor:()=>{e(iD())}}},Kle=fe([Kn,mn,lr],(e,t,n)=>{const{tool:r}=t;return{tool:r,activeTabName:e,isStaging:n}},{memoizeOptions:{resultEqualityCheck:Zt}}),Xle=e=>{const t=te(),{tool:n,isStaging:r}=z(Kle),{commitColorUnderCursor:o}=y8();return f.useCallback(s=>{if(!e.current)return;if(e.current.container().focus(),n==="move"||r){t(Hp(!0));return}if(n==="colorPicker"){o();return}const a=px(e.current);a&&(s.evt.preventDefault(),t(d5(!0)),t(lD([a.x,a.y])))},[e,n,r,t,o])},Yle=fe([Kn,mn,lr],(e,t,n)=>{const{tool:r,isDrawing:o}=t;return{tool:r,isDrawing:o,activeTabName:e,isStaging:n}},{memoizeOptions:{resultEqualityCheck:Zt}}),Qle=(e,t,n)=>{const r=te(),{isDrawing:o,tool:s,isStaging:a}=z(Yle),{updateColorUnderCursor:c}=y8();return f.useCallback(()=>{if(!e.current)return;const d=px(e.current);if(d){if(r(cD(d)),n.current=d,s==="colorPicker"){c();return}!o||s==="move"||a||(t.current=!0,r(f5([d.x,d.y])))}},[t,r,o,a,n,e,s,c])},Jle=()=>{const e=te();return f.useCallback(()=>{e(uD())},[e])},Zle=fe([Kn,mn,lr],(e,t,n)=>{const{tool:r,isDrawing:o}=t;return{tool:r,isDrawing:o,activeTabName:e,isStaging:n}},{memoizeOptions:{resultEqualityCheck:Zt}}),ece=(e,t)=>{const n=te(),{tool:r,isDrawing:o,isStaging:s}=z(Zle);return f.useCallback(()=>{if(r==="move"||s){n(Hp(!1));return}if(!t.current&&o&&e.current){const a=px(e.current);if(!a)return;n(f5([a.x,a.y]))}else t.current=!1;n(d5(!1))},[t,n,o,s,e,r])},tce=fe([mn],e=>{const{isMoveStageKeyHeld:t,stageScale:n}=e;return{isMoveStageKeyHeld:t,stageScale:n}},{memoizeOptions:{resultEqualityCheck:Zt}}),nce=e=>{const t=te(),{isMoveStageKeyHeld:n,stageScale:r}=z(tce);return f.useCallback(o=>{if(!e.current||n)return;o.evt.preventDefault();const s=e.current.getPointerPosition();if(!s)return;const a={x:(s.x-e.current.x())/r,y:(s.y-e.current.y())/r};let c=o.evt.deltaY;o.evt.ctrlKey&&(c=-c);const d=Es(r*pD**c,fD,dD),p={x:s.x-a.x*d,y:s.y-a.y*d};t(hD(d)),t(c5(p))},[e,n,r,t])},rce=fe(mn,e=>{const{boundingBoxCoordinates:t,boundingBoxDimensions:n,stageDimensions:r,stageScale:o,shouldDarkenOutsideBoundingBox:s,stageCoordinates:a}=e;return{boundingBoxCoordinates:t,boundingBoxDimensions:n,shouldDarkenOutsideBoundingBox:s,stageCoordinates:a,stageDimensions:r,stageScale:o}},{memoizeOptions:{resultEqualityCheck:Zt}}),oce=()=>{const{boundingBoxCoordinates:e,boundingBoxDimensions:t,shouldDarkenOutsideBoundingBox:n,stageCoordinates:r,stageDimensions:o,stageScale:s}=z(rce);return i.jsxs($a,{children:[i.jsx(aa,{offsetX:r.x/s,offsetY:r.y/s,height:o.height/s,width:o.width/s,fill:"rgba(0,0,0,0.4)",listening:!1,visible:n}),i.jsx(aa,{x:e.x,y:e.y,width:t.width,height:t.height,fill:"rgb(255,255,255)",listening:!1,visible:n,globalCompositeOperation:"destination-out"})]})},sce=fe([mn],e=>{const{stageScale:t,stageCoordinates:n,stageDimensions:r}=e;return{stageScale:t,stageCoordinates:n,stageDimensions:r}},{memoizeOptions:{resultEqualityCheck:Zt}}),ace=()=>{const{stageScale:e,stageCoordinates:t,stageDimensions:n}=z(sce),{colorMode:r}=Ds(),[o,s]=f.useState([]),[a,c]=Tc("colors",["base.800","base.200"]),d=f.useCallback(p=>p/e,[e]);return f.useLayoutEffect(()=>{const{width:p,height:h}=n,{x:m,y:v}=t,b={x1:0,y1:0,x2:p,y2:h,offset:{x:d(m),y:d(v)}},w={x:Math.ceil(d(m)/64)*64,y:Math.ceil(d(v)/64)*64},y={x1:-w.x,y1:-w.y,x2:d(p)-w.x+64,y2:d(h)-w.y+64},_={x1:Math.min(b.x1,y.x1),y1:Math.min(b.y1,y.y1),x2:Math.max(b.x2,y.x2),y2:Math.max(b.y2,y.y2)},k=_.x2-_.x1,j=_.y2-_.y1,I=Math.round(k/64)+1,E=Math.round(j/64)+1,O=kw(0,I).map(M=>i.jsx(nm,{x:_.x1+M*64,y:_.y1,points:[0,0,0,j],stroke:r==="dark"?a:c,strokeWidth:1},`x_${M}`)),R=kw(0,E).map(M=>i.jsx(nm,{x:_.x1,y:_.y1+M*64,points:[0,0,k,0],stroke:r==="dark"?a:c,strokeWidth:1},`y_${M}`));s(O.concat(R))},[e,t,n,d,r,a,c]),i.jsx($a,{children:o})},ice=fe([vo,mn],(e,t)=>{const{progressImage:n,sessionId:r}=e,{sessionId:o,boundingBox:s}=t.layerState.stagingArea;return{boundingBox:s,progressImage:r===o?n:void 0}},{memoizeOptions:{resultEqualityCheck:Zt}}),lce=e=>{const{...t}=e,{progressImage:n,boundingBox:r}=z(ice),[o,s]=f.useState(null);return f.useEffect(()=>{if(!n)return;const a=new Image;a.onload=()=>{s(a)},a.src=n.dataURL},[n]),n&&r&&o?i.jsx(b8,{x:r.x,y:r.y,width:r.width,height:r.height,image:o,listening:!1,...t}):null},rl=e=>{const{r:t,g:n,b:r,a:o}=e;return`rgba(${t}, ${n}, ${r}, ${o})`},cce=fe(mn,e=>{const{maskColor:t,stageCoordinates:n,stageDimensions:r,stageScale:o}=e;return{stageCoordinates:n,stageDimensions:r,stageScale:o,maskColorString:rl(t)}}),g_=e=>`data:image/svg+xml;utf8, + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +`.replaceAll("black",e),uce=e=>{const{...t}=e,{maskColorString:n,stageCoordinates:r,stageDimensions:o,stageScale:s}=z(cce),[a,c]=f.useState(null),[d,p]=f.useState(0),h=f.useRef(null),m=f.useCallback(()=>{p(d+1),setTimeout(m,500)},[d]);return f.useEffect(()=>{if(a)return;const v=new Image;v.onload=()=>{c(v)},v.src=g_(n)},[a,n]),f.useEffect(()=>{a&&(a.src=g_(n))},[a,n]),f.useEffect(()=>{const v=setInterval(()=>p(b=>(b+1)%5),50);return()=>clearInterval(v)},[]),!a||!Al(r.x)||!Al(r.y)||!Al(s)||!Al(o.width)||!Al(o.height)?null:i.jsx(aa,{ref:h,offsetX:r.x/s,offsetY:r.y/s,height:o.height/s,width:o.width/s,fillPatternImage:a,fillPatternOffsetY:Al(d)?d:0,fillPatternRepeat:"repeat",fillPatternScale:{x:1/s,y:1/s},listening:!0,globalCompositeOperation:"source-in",...t})},dce=fe([mn],e=>({objects:e.layerState.objects}),{memoizeOptions:{resultEqualityCheck:Zt}}),fce=e=>{const{...t}=e,{objects:n}=z(dce);return i.jsx($a,{listening:!1,...t,children:n.filter(mD).map((r,o)=>i.jsx(nm,{points:r.points,stroke:"rgb(0,0,0)",strokeWidth:r.strokeWidth*2,tension:0,lineCap:"round",lineJoin:"round",shadowForStrokeEnabled:!1,listening:!1,globalCompositeOperation:r.tool==="brush"?"source-over":"destination-out"},o))})};var Vi=f,pce=function(t,n,r){const o=Vi.useRef("loading"),s=Vi.useRef(),[a,c]=Vi.useState(0),d=Vi.useRef(),p=Vi.useRef(),h=Vi.useRef();return(d.current!==t||p.current!==n||h.current!==r)&&(o.current="loading",s.current=void 0,d.current=t,p.current=n,h.current=r),Vi.useLayoutEffect(function(){if(!t)return;var m=document.createElement("img");function v(){o.current="loaded",s.current=m,c(Math.random())}function b(){o.current="failed",s.current=void 0,c(Math.random())}return m.addEventListener("load",v),m.addEventListener("error",b),n&&(m.crossOrigin=n),r&&(m.referrerPolicy=r),m.src=t,function(){m.removeEventListener("load",v),m.removeEventListener("error",b)}},[t,n,r]),[s.current,o.current]};const hce=vd(pce),x8=e=>{const{width:t,height:n,x:r,y:o,imageName:s}=e.canvasImage,{currentData:a,isError:c}=os(s??oo.skipToken),[d]=hce((a==null?void 0:a.image_url)??"",gD.get()?"use-credentials":"anonymous");return c?i.jsx(aa,{x:r,y:o,width:t,height:n,fill:"red"}):i.jsx(b8,{x:r,y:o,image:d,listening:!1})},mce=fe([mn],e=>{const{layerState:{objects:t}}=e;return{objects:t}},{memoizeOptions:{resultEqualityCheck:Zt}}),gce=()=>{const{objects:e}=z(mce);return e?i.jsx($a,{name:"outpainting-objects",listening:!1,children:e.map((t,n)=>{if(A_(t))return i.jsx(x8,{canvasImage:t},n);if(vD(t)){const r=i.jsx(nm,{points:t.points,stroke:t.color?rl(t.color):"rgb(0,0,0)",strokeWidth:t.strokeWidth*2,tension:0,lineCap:"round",lineJoin:"round",shadowForStrokeEnabled:!1,listening:!1,globalCompositeOperation:t.tool==="brush"?"source-over":"destination-out"},n);return t.clip?i.jsx($a,{clipX:t.clip.x,clipY:t.clip.y,clipWidth:t.clip.width,clipHeight:t.clip.height,children:r},n):r}else{if(bD(t))return i.jsx(aa,{x:t.x,y:t.y,width:t.width,height:t.height,fill:rl(t.color)},n);if(yD(t))return i.jsx(aa,{x:t.x,y:t.y,width:t.width,height:t.height,fill:"rgb(255, 255, 255)",globalCompositeOperation:"destination-out"},n)}})}):null},vce=fe([mn],e=>{const{layerState:t,shouldShowStagingImage:n,shouldShowStagingOutline:r,boundingBoxCoordinates:{x:o,y:s},boundingBoxDimensions:{width:a,height:c}}=e,{selectedImageIndex:d,images:p}=t.stagingArea;return{currentStagingAreaImage:p.length>0&&d!==void 0?p[d]:void 0,isOnFirstImage:d===0,isOnLastImage:d===p.length-1,shouldShowStagingImage:n,shouldShowStagingOutline:r,x:o,y:s,width:a,height:c}},{memoizeOptions:{resultEqualityCheck:Zt}}),bce=e=>{const{...t}=e,{currentStagingAreaImage:n,shouldShowStagingImage:r,shouldShowStagingOutline:o,x:s,y:a,width:c,height:d}=z(vce);return i.jsxs($a,{...t,children:[r&&n&&i.jsx(x8,{canvasImage:n}),o&&i.jsxs($a,{children:[i.jsx(aa,{x:s,y:a,width:c,height:d,strokeWidth:1,stroke:"white",strokeScaleEnabled:!1}),i.jsx(aa,{x:s,y:a,width:c,height:d,dash:[4,4],strokeWidth:1,stroke:"black",strokeScaleEnabled:!1})]})]})},yce=fe([mn],e=>{const{layerState:{stagingArea:{images:t,selectedImageIndex:n,sessionId:r}},shouldShowStagingOutline:o,shouldShowStagingImage:s}=e;return{currentStagingAreaImage:t.length>0?t[n]:void 0,isOnFirstImage:n===0,isOnLastImage:n===t.length-1,shouldShowStagingImage:s,shouldShowStagingOutline:o,sessionId:r}},{memoizeOptions:{resultEqualityCheck:Zt}}),xce=()=>{const e=te(),{isOnFirstImage:t,isOnLastImage:n,currentStagingAreaImage:r,shouldShowStagingImage:o,sessionId:s}=z(yce),{t:a}=ye(),c=f.useCallback(()=>{e(hw(!0))},[e]),d=f.useCallback(()=>{e(hw(!1))},[e]);rt(["left"],()=>{p()},{enabled:()=>!0,preventDefault:!0}),rt(["right"],()=>{h()},{enabled:()=>!0,preventDefault:!0}),rt(["enter"],()=>{m()},{enabled:()=>!0,preventDefault:!0});const p=f.useCallback(()=>e(xD()),[e]),h=f.useCallback(()=>e(wD()),[e]),m=f.useCallback(()=>e(SD(s)),[e,s]),{data:v}=os((r==null?void 0:r.imageName)??oo.skipToken);return r?i.jsx(F,{pos:"absolute",bottom:4,w:"100%",align:"center",justify:"center",filter:"drop-shadow(0 0.5rem 1rem rgba(0,0,0))",onMouseOver:c,onMouseOut:d,children:i.jsxs(rr,{isAttached:!0,children:[i.jsx(Le,{tooltip:`${a("unifiedCanvas.previous")} (Left)`,"aria-label":`${a("unifiedCanvas.previous")} (Left)`,icon:i.jsx(ZH,{}),onClick:p,colorScheme:"accent",isDisabled:t}),i.jsx(Le,{tooltip:`${a("unifiedCanvas.next")} (Right)`,"aria-label":`${a("unifiedCanvas.next")} (Right)`,icon:i.jsx(eW,{}),onClick:h,colorScheme:"accent",isDisabled:n}),i.jsx(Le,{tooltip:`${a("unifiedCanvas.accept")} (Enter)`,"aria-label":`${a("unifiedCanvas.accept")} (Enter)`,icon:i.jsx(rW,{}),onClick:m,colorScheme:"accent"}),i.jsx(Le,{tooltip:a("unifiedCanvas.showHide"),"aria-label":a("unifiedCanvas.showHide"),"data-alert":!o,icon:o?i.jsx(fW,{}):i.jsx(dW,{}),onClick:()=>e(CD(!o)),colorScheme:"accent"}),i.jsx(Le,{tooltip:a("unifiedCanvas.saveToGallery"),"aria-label":a("unifiedCanvas.saveToGallery"),isDisabled:!v||!v.is_intermediate,icon:i.jsx(Dm,{}),onClick:()=>{v&&e(kD({imageDTO:v}))},colorScheme:"accent"}),i.jsx(Le,{tooltip:a("unifiedCanvas.discardAll"),"aria-label":a("unifiedCanvas.discardAll"),icon:i.jsx(gl,{style:{transform:"rotate(45deg)"}}),onClick:()=>e(_D()),colorScheme:"error",fontSize:20})]})}):null},wce=()=>{const e=z(c=>c.canvas.layerState),t=z(c=>c.canvas.boundingBoxCoordinates),n=z(c=>c.canvas.boundingBoxDimensions),r=z(c=>c.canvas.isMaskEnabled),o=z(c=>c.canvas.shouldPreserveMaskedArea),[s,a]=f.useState();return f.useEffect(()=>{a(void 0)},[e,t,n,r,o]),bee(async()=>{const c=await PD(e,t,n,r,o);if(!c)return;const{baseImageData:d,maskImageData:p}=c,h=jD(d,p);a(h)},1e3,[e,t,n,r,o]),s},Sce={txt2img:"Text to Image",img2img:"Image to Image",inpaint:"Inpaint",outpaint:"Inpaint"},Cce=()=>{const e=wce();return i.jsxs(Ee,{children:["Mode: ",e?Sce[e]:"..."]})},ec=e=>Math.round(e*100)/100,kce=fe([mn],e=>{const{cursorPosition:t}=e,{cursorX:n,cursorY:r}=t?{cursorX:t.x,cursorY:t.y}:{cursorX:-1,cursorY:-1};return{cursorCoordinatesString:`(${ec(n)}, ${ec(r)})`}},{memoizeOptions:{resultEqualityCheck:Zt}});function _ce(){const{cursorCoordinatesString:e}=z(kce),{t}=ye();return i.jsx(Ee,{children:`${t("unifiedCanvas.cursorPosition")}: ${e}`})}const q1="var(--invokeai-colors-warning-500)",Pce=fe([mn],e=>{const{stageDimensions:{width:t,height:n},stageCoordinates:{x:r,y:o},boundingBoxDimensions:{width:s,height:a},scaledBoundingBoxDimensions:{width:c,height:d},boundingBoxCoordinates:{x:p,y:h},stageScale:m,shouldShowCanvasDebugInfo:v,layer:b,boundingBoxScaleMethod:w,shouldPreserveMaskedArea:y}=e;let S="inherit";return(w==="none"&&(s<512||a<512)||w==="manual"&&c*d<512*512)&&(S=q1),{activeLayerColor:b==="mask"?q1:"inherit",activeLayerString:b.charAt(0).toUpperCase()+b.slice(1),boundingBoxColor:S,boundingBoxCoordinatesString:`(${ec(p)}, ${ec(h)})`,boundingBoxDimensionsString:`${s}×${a}`,scaledBoundingBoxDimensionsString:`${c}×${d}`,canvasCoordinatesString:`${ec(r)}×${ec(o)}`,canvasDimensionsString:`${t}×${n}`,canvasScaleString:Math.round(m*100),shouldShowCanvasDebugInfo:v,shouldShowBoundingBox:w!=="auto",shouldShowScaledBoundingBox:w!=="none",shouldPreserveMaskedArea:y}},{memoizeOptions:{resultEqualityCheck:Zt}}),jce=()=>{const{activeLayerColor:e,activeLayerString:t,boundingBoxColor:n,boundingBoxCoordinatesString:r,boundingBoxDimensionsString:o,scaledBoundingBoxDimensionsString:s,shouldShowScaledBoundingBox:a,canvasCoordinatesString:c,canvasDimensionsString:d,canvasScaleString:p,shouldShowCanvasDebugInfo:h,shouldShowBoundingBox:m,shouldPreserveMaskedArea:v}=z(Pce),{t:b}=ye();return i.jsxs(F,{sx:{flexDirection:"column",position:"absolute",top:0,insetInlineStart:0,opacity:.65,display:"flex",fontSize:"sm",padding:1,px:2,minWidth:48,margin:1,borderRadius:"base",pointerEvents:"none",bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsx(Cce,{}),i.jsx(Ee,{style:{color:e},children:`${b("unifiedCanvas.activeLayer")}: ${t}`}),i.jsx(Ee,{children:`${b("unifiedCanvas.canvasScale")}: ${p}%`}),v&&i.jsx(Ee,{style:{color:q1},children:"Preserve Masked Area: On"}),m&&i.jsx(Ee,{style:{color:n},children:`${b("unifiedCanvas.boundingBox")}: ${o}`}),a&&i.jsx(Ee,{style:{color:n},children:`${b("unifiedCanvas.scaledBoundingBox")}: ${s}`}),h&&i.jsxs(i.Fragment,{children:[i.jsx(Ee,{children:`${b("unifiedCanvas.boundingBoxPosition")}: ${r}`}),i.jsx(Ee,{children:`${b("unifiedCanvas.canvasDimensions")}: ${d}`}),i.jsx(Ee,{children:`${b("unifiedCanvas.canvasPosition")}: ${c}`}),i.jsx(_ce,{})]})]})},Ice=fe([Ye],({canvas:e,generation:t})=>{const{boundingBoxCoordinates:n,boundingBoxDimensions:r,stageScale:o,isDrawing:s,isTransformingBoundingBox:a,isMovingBoundingBox:c,tool:d,shouldSnapToGrid:p}=e,{aspectRatio:h}=t;return{boundingBoxCoordinates:n,boundingBoxDimensions:r,isDrawing:s,isMovingBoundingBox:c,isTransformingBoundingBox:a,stageScale:o,shouldSnapToGrid:p,tool:d,hitStrokeWidth:20/o,aspectRatio:h}},{memoizeOptions:{resultEqualityCheck:Zt}}),Ece=e=>{const{...t}=e,n=te(),{boundingBoxCoordinates:r,boundingBoxDimensions:o,isDrawing:s,isMovingBoundingBox:a,isTransformingBoundingBox:c,stageScale:d,shouldSnapToGrid:p,tool:h,hitStrokeWidth:m,aspectRatio:v}=z(Ice),b=f.useRef(null),w=f.useRef(null),[y,S]=f.useState(!1);f.useEffect(()=>{var B;!b.current||!w.current||(b.current.nodes([w.current]),(B=b.current.getLayer())==null||B.batchDraw())},[]);const _=64*d;rt("N",()=>{n(Qu(!p))});const k=f.useCallback(B=>{if(!p){n(b0({x:Math.floor(B.target.x()),y:Math.floor(B.target.y())}));return}const V=B.target.x(),q=B.target.y(),G=Ss(V,64),D=Ss(q,64);B.target.x(G),B.target.y(D),n(b0({x:G,y:D}))},[n,p]),j=f.useCallback(()=>{if(!w.current)return;const B=w.current,V=B.scaleX(),q=B.scaleY(),G=Math.round(B.width()*V),D=Math.round(B.height()*q),L=Math.round(B.x()),W=Math.round(B.y());if(v){const Y=Ss(G/v,64);n(Js({width:G,height:Y}))}else n(Js({width:G,height:D}));n(b0({x:p?ju(L,64):L,y:p?ju(W,64):W})),B.scaleX(1),B.scaleY(1)},[n,p,v]),I=f.useCallback((B,V,q)=>{const G=B.x%_,D=B.y%_;return{x:ju(V.x,_)+G,y:ju(V.y,_)+D}},[_]),E=()=>{n(y0(!0))},O=()=>{n(y0(!1)),n(x0(!1)),n($f(!1)),S(!1)},R=()=>{n(x0(!0))},M=()=>{n(y0(!1)),n(x0(!1)),n($f(!1)),S(!1)},A=()=>{S(!0)},T=()=>{!c&&!a&&S(!1)},$=()=>{n($f(!0))},Q=()=>{n($f(!1))};return i.jsxs($a,{...t,children:[i.jsx(aa,{height:o.height,width:o.width,x:r.x,y:r.y,onMouseEnter:$,onMouseOver:$,onMouseLeave:Q,onMouseOut:Q}),i.jsx(aa,{draggable:!0,fillEnabled:!1,height:o.height,hitStrokeWidth:m,listening:!s&&h==="move",onDragStart:R,onDragEnd:M,onDragMove:k,onMouseDown:R,onMouseOut:T,onMouseOver:A,onMouseEnter:A,onMouseUp:M,onTransform:j,onTransformEnd:O,ref:w,stroke:y?"rgba(255,255,255,0.7)":"white",strokeWidth:(y?8:1)/d,width:o.width,x:r.x,y:r.y}),i.jsx(Hle,{anchorCornerRadius:3,anchorDragBoundFunc:I,anchorFill:"rgba(212,216,234,1)",anchorSize:15,anchorStroke:"rgb(42,42,42)",borderDash:[4,4],borderEnabled:!0,borderStroke:"black",draggable:!1,enabledAnchors:h==="move"?void 0:[],flipEnabled:!1,ignoreStroke:!0,keepRatio:!1,listening:!s&&h==="move",onDragStart:R,onDragEnd:M,onMouseDown:E,onMouseUp:O,onTransformEnd:O,ref:b,rotateEnabled:!1})]})},Oce=fe(mn,e=>{const{cursorPosition:t,brushSize:n,colorPickerColor:r,maskColor:o,brushColor:s,tool:a,layer:c,shouldShowBrush:d,isMovingBoundingBox:p,isTransformingBoundingBox:h,stageScale:m,stageDimensions:v,boundingBoxCoordinates:b,boundingBoxDimensions:w,shouldRestrictStrokesToBox:y}=e,S=y?{clipX:b.x,clipY:b.y,clipWidth:w.width,clipHeight:w.height}:{};return{cursorPosition:t,brushX:t?t.x:v.width/2,brushY:t?t.y:v.height/2,radius:n/2,colorPickerOuterRadius:mw/m,colorPickerInnerRadius:(mw-Av+1)/m,maskColorString:rl({...o,a:.5}),brushColorString:rl(s),colorPickerColorString:rl(r),tool:a,layer:c,shouldShowBrush:d,shouldDrawBrushPreview:!(p||h||!t)&&d,strokeWidth:1.5/m,dotRadius:1.5/m,clip:S}},{memoizeOptions:{resultEqualityCheck:Zt}}),Rce=e=>{const{...t}=e,{brushX:n,brushY:r,radius:o,maskColorString:s,tool:a,layer:c,shouldDrawBrushPreview:d,dotRadius:p,strokeWidth:h,brushColorString:m,colorPickerColorString:v,colorPickerInnerRadius:b,colorPickerOuterRadius:w,clip:y}=z(Oce);return d?i.jsxs($a,{listening:!1,...y,...t,children:[a==="colorPicker"?i.jsxs(i.Fragment,{children:[i.jsx(Wi,{x:n,y:r,radius:w,stroke:m,strokeWidth:Av,strokeScaleEnabled:!1}),i.jsx(Wi,{x:n,y:r,radius:b,stroke:v,strokeWidth:Av,strokeScaleEnabled:!1})]}):i.jsxs(i.Fragment,{children:[i.jsx(Wi,{x:n,y:r,radius:o,fill:c==="mask"?s:m,globalCompositeOperation:a==="eraser"?"destination-out":"source-out"}),i.jsx(Wi,{x:n,y:r,radius:o,stroke:"rgba(255,255,255,0.4)",strokeWidth:h*2,strokeEnabled:!0,listening:!1}),i.jsx(Wi,{x:n,y:r,radius:o,stroke:"rgba(0,0,0,1)",strokeWidth:h,strokeEnabled:!0,listening:!1})]}),i.jsx(Wi,{x:n,y:r,radius:p*2,fill:"rgba(255,255,255,0.4)",listening:!1}),i.jsx(Wi,{x:n,y:r,radius:p,fill:"rgba(0,0,0,1)",listening:!1})]}):null},Mce=fe([mn,lr],(e,t)=>{const{isMaskEnabled:n,stageScale:r,shouldShowBoundingBox:o,isTransformingBoundingBox:s,isMouseOverBoundingBox:a,isMovingBoundingBox:c,stageDimensions:d,stageCoordinates:p,tool:h,isMovingStage:m,shouldShowIntermediates:v,shouldShowGrid:b,shouldRestrictStrokesToBox:w,shouldAntialias:y}=e;let S="none";return h==="move"||t?m?S="grabbing":S="grab":s?S=void 0:w&&!a&&(S="default"),{isMaskEnabled:n,isModifyingBoundingBox:s||c,shouldShowBoundingBox:o,shouldShowGrid:b,stageCoordinates:p,stageCursor:S,stageDimensions:d,stageScale:r,tool:h,isStaging:t,shouldShowIntermediates:v,shouldAntialias:y}},Ge),Dce=je(Wle,{shouldForwardProp:e=>!["sx"].includes(e)}),v_=()=>{const{isMaskEnabled:e,isModifyingBoundingBox:t,shouldShowBoundingBox:n,shouldShowGrid:r,stageCoordinates:o,stageCursor:s,stageDimensions:a,stageScale:c,tool:d,isStaging:p,shouldShowIntermediates:h,shouldAntialias:m}=z(Mce);qle();const v=f.useRef(null),b=f.useRef(null),w=f.useCallback(T=>{ED(T),v.current=T},[]),y=f.useCallback(T=>{ID(T),b.current=T},[]),S=f.useRef({x:0,y:0}),_=f.useRef(!1),k=nce(v),j=Xle(v),I=ece(v,_),E=Qle(v,_,S),O=Jle(),{handleDragStart:R,handleDragMove:M,handleDragEnd:A}=Ule();return i.jsx(F,{sx:{position:"relative",height:"100%",width:"100%",borderRadius:"base"},children:i.jsxs(Ee,{sx:{position:"relative"},children:[i.jsxs(Dce,{tabIndex:-1,ref:w,sx:{outline:"none",overflow:"hidden",cursor:s||void 0,canvas:{outline:"none"}},x:o.x,y:o.y,width:a.width,height:a.height,scale:{x:c,y:c},onTouchStart:j,onTouchMove:E,onTouchEnd:I,onMouseDown:j,onMouseLeave:O,onMouseMove:E,onMouseUp:I,onDragStart:R,onDragMove:M,onDragEnd:A,onContextMenu:T=>T.evt.preventDefault(),onWheel:k,draggable:(d==="move"||p)&&!t,children:[i.jsx(_u,{id:"grid",visible:r,children:i.jsx(ace,{})}),i.jsx(_u,{id:"base",ref:y,listening:!1,imageSmoothingEnabled:m,children:i.jsx(gce,{})}),i.jsxs(_u,{id:"mask",visible:e,listening:!1,children:[i.jsx(fce,{visible:!0,listening:!1}),i.jsx(uce,{listening:!1})]}),i.jsx(_u,{children:i.jsx(oce,{})}),i.jsxs(_u,{id:"preview",imageSmoothingEnabled:m,children:[!p&&i.jsx(Rce,{visible:d!=="move",listening:!1}),i.jsx(bce,{visible:p}),h&&i.jsx(lce,{}),i.jsx(Ece,{visible:n&&!p})]})]}),i.jsx(jce,{}),i.jsx(xce,{})]})})},Ace=fe(mn,IH,Kn,(e,t,n)=>{const{doesCanvasNeedScaling:r,isCanvasInitialized:o}=e;return{doesCanvasNeedScaling:r,activeTabName:n,initialCanvasImage:t,isCanvasInitialized:o}}),b_=()=>{const e=te(),{doesCanvasNeedScaling:t,activeTabName:n,initialCanvasImage:r,isCanvasInitialized:o}=z(Ace),s=f.useRef(null);return f.useLayoutEffect(()=>{window.setTimeout(()=>{if(!s.current)return;const{clientWidth:a,clientHeight:c}=s.current;e(OD({width:a,height:c})),e(o?RD():im()),e(T_(!1))},0)},[e,r,t,n,o]),i.jsx(F,{ref:s,sx:{flexDirection:"column",alignItems:"center",justifyContent:"center",gap:4,width:"100%",height:"100%"},children:i.jsx(pl,{thickness:"2px",size:"xl"})})};function w8(e,t,n=250){const[r,o]=f.useState(0);return f.useEffect(()=>{const s=setTimeout(()=>{r===1&&e(),o(0)},n);return r===2&&t(),()=>clearTimeout(s)},[r,e,t,n]),()=>o(s=>s+1)}const Tce=je(o8,{baseStyle:{paddingInline:4},shouldForwardProp:e=>!["pickerColor"].includes(e)}),vv={width:6,height:6,borderColor:"base.100"},Nce=e=>{const{styleClass:t="",...n}=e;return i.jsx(Tce,{sx:{".react-colorful__hue-pointer":vv,".react-colorful__saturation-pointer":vv,".react-colorful__alpha-pointer":vv},className:t,...n})},rm=f.memo(Nce),$ce=fe([mn,lr],(e,t)=>{const{maskColor:n,layer:r,isMaskEnabled:o,shouldPreserveMaskedArea:s}=e;return{layer:r,maskColor:n,maskColorString:rl(n),isMaskEnabled:o,shouldPreserveMaskedArea:s,isStaging:t}},{memoizeOptions:{resultEqualityCheck:Zt}}),zce=()=>{const e=te(),{t}=ye(),{layer:n,maskColor:r,isMaskEnabled:o,shouldPreserveMaskedArea:s,isStaging:a}=z($ce);rt(["q"],()=>{c()},{enabled:()=>!a,preventDefault:!0},[n]),rt(["shift+c"],()=>{d()},{enabled:()=>!a,preventDefault:!0},[]),rt(["h"],()=>{p()},{enabled:()=>!a,preventDefault:!0},[o]);const c=()=>{e(Wp(n==="mask"?"base":"mask"))},d=()=>e(lb()),p=()=>e(wd(!o));return i.jsx(vl,{triggerComponent:i.jsx(rr,{children:i.jsx(Le,{"aria-label":t("unifiedCanvas.maskingOptions"),tooltip:t("unifiedCanvas.maskingOptions"),icon:i.jsx(wW,{}),isChecked:n==="mask",isDisabled:a})}),children:i.jsxs(F,{direction:"column",gap:2,children:[i.jsx(Gn,{label:`${t("unifiedCanvas.enableMask")} (H)`,isChecked:o,onChange:p}),i.jsx(Gn,{label:t("unifiedCanvas.preserveMaskedArea"),isChecked:s,onChange:h=>e(p5(h.target.checked))}),i.jsx(rm,{sx:{paddingTop:2,paddingBottom:2},pickerColor:r,onChange:h=>e(h5(h))}),i.jsxs(Jt,{size:"sm",leftIcon:i.jsx(us,{}),onClick:d,children:[t("unifiedCanvas.clearMask")," (Shift+C)"]})]})})},Lce=fe([mn,Kn,vo],(e,t,n)=>{const{futureLayerStates:r}=e;return{canRedo:r.length>0&&!n.isProcessing,activeTabName:t}},{memoizeOptions:{resultEqualityCheck:Zt}});function S8(){const e=te(),{canRedo:t,activeTabName:n}=z(Lce),{t:r}=ye(),o=()=>{e(MD())};return rt(["meta+shift+z","ctrl+shift+z","control+y","meta+y"],()=>{o()},{enabled:()=>t,preventDefault:!0},[n,t]),i.jsx(Le,{"aria-label":`${r("unifiedCanvas.redo")} (Ctrl+Shift+Z)`,tooltip:`${r("unifiedCanvas.redo")} (Ctrl+Shift+Z)`,icon:i.jsx(kW,{}),onClick:o,isDisabled:!t})}const C8=()=>{const e=z(lr),t=te(),{t:n}=ye();return i.jsxs(ix,{title:n("unifiedCanvas.clearCanvasHistory"),acceptCallback:()=>t(DD()),acceptButtonText:n("unifiedCanvas.clearHistory"),triggerComponent:i.jsx(Jt,{size:"sm",leftIcon:i.jsx(us,{}),isDisabled:e,children:n("unifiedCanvas.clearCanvasHistory")}),children:[i.jsx("p",{children:n("unifiedCanvas.clearCanvasHistoryMessage")}),i.jsx("br",{}),i.jsx("p",{children:n("unifiedCanvas.clearCanvasHistoryConfirm")})]})},Bce=fe([mn],e=>{const{shouldAutoSave:t,shouldCropToBoundingBoxOnSave:n,shouldDarkenOutsideBoundingBox:r,shouldShowCanvasDebugInfo:o,shouldShowGrid:s,shouldShowIntermediates:a,shouldSnapToGrid:c,shouldRestrictStrokesToBox:d,shouldAntialias:p}=e;return{shouldAutoSave:t,shouldCropToBoundingBoxOnSave:n,shouldDarkenOutsideBoundingBox:r,shouldShowCanvasDebugInfo:o,shouldShowGrid:s,shouldShowIntermediates:a,shouldSnapToGrid:c,shouldRestrictStrokesToBox:d,shouldAntialias:p}},{memoizeOptions:{resultEqualityCheck:Zt}}),Fce=()=>{const e=te(),{t}=ye(),{shouldAutoSave:n,shouldCropToBoundingBoxOnSave:r,shouldDarkenOutsideBoundingBox:o,shouldShowCanvasDebugInfo:s,shouldShowGrid:a,shouldShowIntermediates:c,shouldSnapToGrid:d,shouldRestrictStrokesToBox:p,shouldAntialias:h}=z(Bce);rt(["n"],()=>{e(Qu(!d))},{enabled:!0,preventDefault:!0},[d]);const m=v=>e(Qu(v.target.checked));return i.jsx(vl,{isLazy:!1,triggerComponent:i.jsx(Le,{tooltip:t("unifiedCanvas.canvasSettings"),"aria-label":t("unifiedCanvas.canvasSettings"),icon:i.jsx(sy,{})}),children:i.jsxs(F,{direction:"column",gap:2,children:[i.jsx(Gn,{label:t("unifiedCanvas.showIntermediates"),isChecked:c,onChange:v=>e(m5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.showGrid"),isChecked:a,onChange:v=>e(g5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.snapToGrid"),isChecked:d,onChange:m}),i.jsx(Gn,{label:t("unifiedCanvas.darkenOutsideSelection"),isChecked:o,onChange:v=>e(v5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.autoSaveToGallery"),isChecked:n,onChange:v=>e(b5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.saveBoxRegionOnly"),isChecked:r,onChange:v=>e(y5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.limitStrokesToBox"),isChecked:p,onChange:v=>e(x5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.showCanvasDebugInfo"),isChecked:s,onChange:v=>e(w5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.antialiasing"),isChecked:h,onChange:v=>e(S5(v.target.checked))}),i.jsx(C8,{})]})})},Hce=fe([mn,lr,vo],(e,t,n)=>{const{isProcessing:r}=n,{tool:o,brushColor:s,brushSize:a}=e;return{tool:o,isStaging:t,isProcessing:r,brushColor:s,brushSize:a}},{memoizeOptions:{resultEqualityCheck:Zt}}),Wce=()=>{const e=te(),{tool:t,brushColor:n,brushSize:r,isStaging:o}=z(Hce),{t:s}=ye();rt(["b"],()=>{a()},{enabled:()=>!o,preventDefault:!0},[]),rt(["e"],()=>{c()},{enabled:()=>!o,preventDefault:!0},[t]),rt(["c"],()=>{d()},{enabled:()=>!o,preventDefault:!0},[t]),rt(["shift+f"],()=>{p()},{enabled:()=>!o,preventDefault:!0}),rt(["delete","backspace"],()=>{h()},{enabled:()=>!o,preventDefault:!0}),rt(["BracketLeft"],()=>{e(nc(Math.max(r-5,5)))},{enabled:()=>!o,preventDefault:!0},[r]),rt(["BracketRight"],()=>{e(nc(Math.min(r+5,500)))},{enabled:()=>!o,preventDefault:!0},[r]),rt(["Shift+BracketLeft"],()=>{e(rc({...n,a:Es(n.a-.05,.05,1)}))},{enabled:()=>!o,preventDefault:!0},[n]),rt(["Shift+BracketRight"],()=>{e(rc({...n,a:Es(n.a+.05,.05,1)}))},{enabled:()=>!o,preventDefault:!0},[n]);const a=()=>e(ea("brush")),c=()=>e(ea("eraser")),d=()=>e(ea("colorPicker")),p=()=>e(C5()),h=()=>e(k5());return i.jsxs(rr,{isAttached:!0,children:[i.jsx(Le,{"aria-label":`${s("unifiedCanvas.brush")} (B)`,tooltip:`${s("unifiedCanvas.brush")} (B)`,icon:i.jsx(_P,{}),isChecked:t==="brush"&&!o,onClick:a,isDisabled:o}),i.jsx(Le,{"aria-label":`${s("unifiedCanvas.eraser")} (E)`,tooltip:`${s("unifiedCanvas.eraser")} (E)`,icon:i.jsx(yP,{}),isChecked:t==="eraser"&&!o,isDisabled:o,onClick:c}),i.jsx(Le,{"aria-label":`${s("unifiedCanvas.fillBoundingBox")} (Shift+F)`,tooltip:`${s("unifiedCanvas.fillBoundingBox")} (Shift+F)`,icon:i.jsx(SP,{}),isDisabled:o,onClick:p}),i.jsx(Le,{"aria-label":`${s("unifiedCanvas.eraseBoundingBox")} (Del/Backspace)`,tooltip:`${s("unifiedCanvas.eraseBoundingBox")} (Del/Backspace)`,icon:i.jsx(gl,{style:{transform:"rotate(45deg)"}}),isDisabled:o,onClick:h}),i.jsx(Le,{"aria-label":`${s("unifiedCanvas.colorPicker")} (C)`,tooltip:`${s("unifiedCanvas.colorPicker")} (C)`,icon:i.jsx(wP,{}),isChecked:t==="colorPicker"&&!o,isDisabled:o,onClick:d}),i.jsx(vl,{triggerComponent:i.jsx(Le,{"aria-label":s("unifiedCanvas.brushOptions"),tooltip:s("unifiedCanvas.brushOptions"),icon:i.jsx(ry,{})}),children:i.jsxs(F,{minWidth:60,direction:"column",gap:4,width:"100%",children:[i.jsx(F,{gap:4,justifyContent:"space-between",children:i.jsx(_t,{label:s("unifiedCanvas.brushSize"),value:r,withInput:!0,onChange:m=>e(nc(m)),sliderNumberInputProps:{max:500}})}),i.jsx(rm,{sx:{width:"100%",paddingTop:2,paddingBottom:2},pickerColor:n,onChange:m=>e(rc(m))})]})})]})},Vce=fe([mn,Kn,vo],(e,t,n)=>{const{pastLayerStates:r}=e;return{canUndo:r.length>0&&!n.isProcessing,activeTabName:t}},{memoizeOptions:{resultEqualityCheck:Zt}});function k8(){const e=te(),{t}=ye(),{canUndo:n,activeTabName:r}=z(Vce),o=()=>{e(AD())};return rt(["meta+z","ctrl+z"],()=>{o()},{enabled:()=>n,preventDefault:!0},[r,n]),i.jsx(Le,{"aria-label":`${t("unifiedCanvas.undo")} (Ctrl+Z)`,tooltip:`${t("unifiedCanvas.undo")} (Ctrl+Z)`,icon:i.jsx(oy,{}),onClick:o,isDisabled:!n})}const Uce=fe([vo,mn,lr],(e,t,n)=>{const{isProcessing:r}=e,{tool:o,shouldCropToBoundingBoxOnSave:s,layer:a,isMaskEnabled:c}=t;return{isProcessing:r,isStaging:n,isMaskEnabled:c,tool:o,layer:a,shouldCropToBoundingBoxOnSave:s}},{memoizeOptions:{resultEqualityCheck:Zt}}),Gce=()=>{const e=te(),{isProcessing:t,isStaging:n,isMaskEnabled:r,layer:o,tool:s}=z(Uce),a=Ea(),{t:c}=ye(),{isClipboardAPIAvailable:d}=Gy(),{getUploadButtonProps:p,getUploadInputProps:h}=Jm({postUploadAction:{type:"SET_CANVAS_INITIAL_IMAGE"}});rt(["v"],()=>{m()},{enabled:()=>!n,preventDefault:!0},[]),rt(["r"],()=>{b()},{enabled:()=>!0,preventDefault:!0},[a]),rt(["shift+m"],()=>{y()},{enabled:()=>!n,preventDefault:!0},[a,t]),rt(["shift+s"],()=>{S()},{enabled:()=>!n,preventDefault:!0},[a,t]),rt(["meta+c","ctrl+c"],()=>{_()},{enabled:()=>!n&&d,preventDefault:!0},[a,t,d]),rt(["shift+d"],()=>{k()},{enabled:()=>!n,preventDefault:!0},[a,t]);const m=()=>e(ea("move")),v=w8(()=>b(!1),()=>b(!0)),b=(I=!1)=>{const E=Ea();if(!E)return;const O=E.getClientRect({skipTransform:!0});e(_5({contentRect:O,shouldScaleTo1:I}))},w=()=>{e(rb()),e(im())},y=()=>{e(P5())},S=()=>{e(j5())},_=()=>{d&&e(I5())},k=()=>{e(E5())},j=I=>{const E=I;e(Wp(E)),E==="mask"&&!r&&e(wd(!0))};return i.jsxs(F,{sx:{alignItems:"center",gap:2,flexWrap:"wrap"},children:[i.jsx(Ee,{w:24,children:i.jsx(Xr,{tooltip:`${c("unifiedCanvas.layer")} (Q)`,value:o,data:O5,onChange:j,disabled:n})}),i.jsx(zce,{}),i.jsx(Wce,{}),i.jsxs(rr,{isAttached:!0,children:[i.jsx(Le,{"aria-label":`${c("unifiedCanvas.move")} (V)`,tooltip:`${c("unifiedCanvas.move")} (V)`,icon:i.jsx(gP,{}),isChecked:s==="move"||n,onClick:m}),i.jsx(Le,{"aria-label":`${c("unifiedCanvas.resetView")} (R)`,tooltip:`${c("unifiedCanvas.resetView")} (R)`,icon:i.jsx(bP,{}),onClick:v})]}),i.jsxs(rr,{isAttached:!0,children:[i.jsx(Le,{"aria-label":`${c("unifiedCanvas.mergeVisible")} (Shift+M)`,tooltip:`${c("unifiedCanvas.mergeVisible")} (Shift+M)`,icon:i.jsx(CP,{}),onClick:y,isDisabled:n}),i.jsx(Le,{"aria-label":`${c("unifiedCanvas.saveToGallery")} (Shift+S)`,tooltip:`${c("unifiedCanvas.saveToGallery")} (Shift+S)`,icon:i.jsx(Dm,{}),onClick:S,isDisabled:n}),d&&i.jsx(Le,{"aria-label":`${c("unifiedCanvas.copyToClipboard")} (Cmd/Ctrl+C)`,tooltip:`${c("unifiedCanvas.copyToClipboard")} (Cmd/Ctrl+C)`,icon:i.jsx(Vc,{}),onClick:_,isDisabled:n}),i.jsx(Le,{"aria-label":`${c("unifiedCanvas.downloadAsImage")} (Shift+D)`,tooltip:`${c("unifiedCanvas.downloadAsImage")} (Shift+D)`,icon:i.jsx(ny,{}),onClick:k,isDisabled:n})]}),i.jsxs(rr,{isAttached:!0,children:[i.jsx(k8,{}),i.jsx(S8,{})]}),i.jsxs(rr,{isAttached:!0,children:[i.jsx(Le,{"aria-label":`${c("common.upload")}`,tooltip:`${c("common.upload")}`,icon:i.jsx(zd,{}),isDisabled:n,...p()}),i.jsx("input",{...h()}),i.jsx(Le,{"aria-label":`${c("unifiedCanvas.clearCanvas")}`,tooltip:`${c("unifiedCanvas.clearCanvas")}`,icon:i.jsx(us,{}),onClick:w,colorScheme:"error",isDisabled:n})]}),i.jsx(rr,{isAttached:!0,children:i.jsx(Fce,{})})]})};function qce(){const e=te(),t=z(o=>o.canvas.brushSize),{t:n}=ye(),r=z(lr);return rt(["BracketLeft"],()=>{e(nc(Math.max(t-5,5)))},{enabled:()=>!r,preventDefault:!0},[t]),rt(["BracketRight"],()=>{e(nc(Math.min(t+5,500)))},{enabled:()=>!r,preventDefault:!0},[t]),i.jsx(_t,{label:n("unifiedCanvas.brushSize"),value:t,withInput:!0,onChange:o=>e(nc(o)),sliderNumberInputProps:{max:500},isCompact:!0})}const Kce=fe([mn,lr],(e,t)=>{const{brushColor:n,maskColor:r,layer:o}=e;return{brushColor:n,maskColor:r,layer:o,isStaging:t}},{memoizeOptions:{resultEqualityCheck:Zt}});function Xce(){const e=te(),{brushColor:t,maskColor:n,layer:r,isStaging:o}=z(Kce),s=()=>{if(r==="base")return`rgba(${t.r},${t.g},${t.b},${t.a})`;if(r==="mask")return`rgba(${n.r},${n.g},${n.b},${n.a})`};return rt(["shift+BracketLeft"],()=>{e(rc({...t,a:Es(t.a-.05,.05,1)}))},{enabled:()=>!o,preventDefault:!0},[t]),rt(["shift+BracketRight"],()=>{e(rc({...t,a:Es(t.a+.05,.05,1)}))},{enabled:()=>!o,preventDefault:!0},[t]),i.jsx(vl,{triggerComponent:i.jsx(Ee,{sx:{width:7,height:7,minWidth:7,minHeight:7,borderRadius:"full",bg:s(),cursor:"pointer"}}),children:i.jsxs(F,{minWidth:60,direction:"column",gap:4,width:"100%",children:[r==="base"&&i.jsx(rm,{sx:{width:"100%",paddingTop:2,paddingBottom:2},pickerColor:t,onChange:a=>e(rc(a))}),r==="mask"&&i.jsx(rm,{sx:{width:"100%",paddingTop:2,paddingBottom:2},pickerColor:n,onChange:a=>e(h5(a))})]})})}function _8(){return i.jsxs(F,{columnGap:4,alignItems:"center",children:[i.jsx(qce,{}),i.jsx(Xce,{})]})}function Yce(){const e=te(),t=z(r=>r.canvas.shouldRestrictStrokesToBox),{t:n}=ye();return i.jsx(Gn,{label:n("unifiedCanvas.betaLimitToBox"),isChecked:t,onChange:r=>e(x5(r.target.checked))})}function Qce(){return i.jsxs(F,{gap:4,alignItems:"center",children:[i.jsx(_8,{}),i.jsx(Yce,{})]})}function Jce(){const e=te(),{t}=ye(),n=()=>e(lb());return i.jsx(Jt,{size:"sm",leftIcon:i.jsx(us,{}),onClick:n,tooltip:`${t("unifiedCanvas.clearMask")} (Shift+C)`,children:t("unifiedCanvas.betaClear")})}function Zce(){const e=z(o=>o.canvas.isMaskEnabled),t=te(),{t:n}=ye(),r=()=>t(wd(!e));return i.jsx(Gn,{label:`${n("unifiedCanvas.enableMask")} (H)`,isChecked:e,onChange:r})}function eue(){const e=te(),{t}=ye(),n=z(r=>r.canvas.shouldPreserveMaskedArea);return i.jsx(Gn,{label:t("unifiedCanvas.betaPreserveMasked"),isChecked:n,onChange:r=>e(p5(r.target.checked))})}function tue(){return i.jsxs(F,{gap:4,alignItems:"center",children:[i.jsx(_8,{}),i.jsx(Zce,{}),i.jsx(eue,{}),i.jsx(Jce,{})]})}function nue(){const e=z(r=>r.canvas.shouldDarkenOutsideBoundingBox),t=te(),{t:n}=ye();return i.jsx(Gn,{label:n("unifiedCanvas.betaDarkenOutside"),isChecked:e,onChange:r=>t(v5(r.target.checked))})}function rue(){const e=z(r=>r.canvas.shouldShowGrid),t=te(),{t:n}=ye();return i.jsx(Gn,{label:n("unifiedCanvas.showGrid"),isChecked:e,onChange:r=>t(g5(r.target.checked))})}function oue(){const e=z(o=>o.canvas.shouldSnapToGrid),t=te(),{t:n}=ye(),r=o=>t(Qu(o.target.checked));return i.jsx(Gn,{label:`${n("unifiedCanvas.snapToGrid")} (N)`,isChecked:e,onChange:r})}function sue(){return i.jsxs(F,{alignItems:"center",gap:4,children:[i.jsx(rue,{}),i.jsx(oue,{}),i.jsx(nue,{})]})}const aue=fe([mn],e=>{const{tool:t,layer:n}=e;return{tool:t,layer:n}},{memoizeOptions:{resultEqualityCheck:Zt}});function iue(){const{tool:e,layer:t}=z(aue);return i.jsxs(F,{height:8,minHeight:8,maxHeight:8,alignItems:"center",children:[t=="base"&&["brush","eraser","colorPicker"].includes(e)&&i.jsx(Qce,{}),t=="mask"&&["brush","eraser","colorPicker"].includes(e)&&i.jsx(tue,{}),e=="move"&&i.jsx(sue,{})]})}const lue=fe([mn],e=>{const{shouldAutoSave:t,shouldCropToBoundingBoxOnSave:n,shouldShowCanvasDebugInfo:r,shouldShowIntermediates:o,shouldAntialias:s}=e;return{shouldAutoSave:t,shouldCropToBoundingBoxOnSave:n,shouldShowCanvasDebugInfo:r,shouldShowIntermediates:o,shouldAntialias:s}},{memoizeOptions:{resultEqualityCheck:Zt}}),cue=()=>{const e=te(),{t}=ye(),{shouldAutoSave:n,shouldCropToBoundingBoxOnSave:r,shouldShowCanvasDebugInfo:o,shouldShowIntermediates:s,shouldAntialias:a}=z(lue);return i.jsx(vl,{isLazy:!1,triggerComponent:i.jsx(Le,{tooltip:t("unifiedCanvas.canvasSettings"),tooltipProps:{placement:"bottom"},"aria-label":t("unifiedCanvas.canvasSettings"),icon:i.jsx(sy,{})}),children:i.jsxs(F,{direction:"column",gap:2,children:[i.jsx(Gn,{label:t("unifiedCanvas.showIntermediates"),isChecked:s,onChange:c=>e(m5(c.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.autoSaveToGallery"),isChecked:n,onChange:c=>e(b5(c.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.saveBoxRegionOnly"),isChecked:r,onChange:c=>e(y5(c.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.showCanvasDebugInfo"),isChecked:o,onChange:c=>e(w5(c.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.antialiasing"),isChecked:a,onChange:c=>e(S5(c.target.checked))}),i.jsx(C8,{})]})})};function uue(){const e=z(lr),t=Ea(),{isClipboardAPIAvailable:n}=Gy(),r=z(c=>c.system.isProcessing),o=te(),{t:s}=ye();rt(["meta+c","ctrl+c"],()=>{a()},{enabled:()=>!e&&n,preventDefault:!0},[t,r,n]);const a=f.useCallback(()=>{n&&o(I5())},[o,n]);return n?i.jsx(Le,{"aria-label":`${s("unifiedCanvas.copyToClipboard")} (Cmd/Ctrl+C)`,tooltip:`${s("unifiedCanvas.copyToClipboard")} (Cmd/Ctrl+C)`,icon:i.jsx(Vc,{}),onClick:a,isDisabled:e}):null}function due(){const e=te(),{t}=ye(),n=Ea(),r=z(lr);rt(["shift+d"],()=>{o()},{enabled:()=>!r,preventDefault:!0},[n]);const o=()=>{e(E5())};return i.jsx(Le,{"aria-label":`${t("unifiedCanvas.downloadAsImage")} (Shift+D)`,tooltip:`${t("unifiedCanvas.downloadAsImage")} (Shift+D)`,icon:i.jsx(ny,{}),onClick:o,isDisabled:r})}function fue(){const e=z(lr),{getUploadButtonProps:t,getUploadInputProps:n}=Jm({postUploadAction:{type:"SET_CANVAS_INITIAL_IMAGE"}}),{t:r}=ye();return i.jsxs(i.Fragment,{children:[i.jsx(Le,{"aria-label":r("common.upload"),tooltip:r("common.upload"),icon:i.jsx(zd,{}),isDisabled:e,...t()}),i.jsx("input",{...n()})]})}const pue=fe([mn,lr],(e,t)=>{const{layer:n,isMaskEnabled:r}=e;return{layer:n,isMaskEnabled:r,isStaging:t}},{memoizeOptions:{resultEqualityCheck:Zt}});function hue(){const e=te(),{t}=ye(),{layer:n,isMaskEnabled:r,isStaging:o}=z(pue),s=()=>{e(Wp(n==="mask"?"base":"mask"))};rt(["q"],()=>{s()},{enabled:()=>!o,preventDefault:!0},[n]);const a=c=>{const d=c;e(Wp(d)),d==="mask"&&!r&&e(wd(!0))};return i.jsx(Xr,{tooltip:`${t("unifiedCanvas.layer")} (Q)`,"aria-label":`${t("unifiedCanvas.layer")} (Q)`,value:n,data:O5,onChange:a,disabled:o,w:"full"})}function mue(){const e=te(),{t}=ye(),n=Ea(),r=z(lr),o=z(a=>a.system.isProcessing);rt(["shift+m"],()=>{s()},{enabled:()=>!r,preventDefault:!0},[n,o]);const s=()=>{e(P5())};return i.jsx(Le,{"aria-label":`${t("unifiedCanvas.mergeVisible")} (Shift+M)`,tooltip:`${t("unifiedCanvas.mergeVisible")} (Shift+M)`,icon:i.jsx(CP,{}),onClick:s,isDisabled:r})}function gue(){const e=z(s=>s.canvas.tool),t=z(lr),n=te(),{t:r}=ye();rt(["v"],()=>{o()},{enabled:()=>!t,preventDefault:!0},[]);const o=()=>n(ea("move"));return i.jsx(Le,{"aria-label":`${r("unifiedCanvas.move")} (V)`,tooltip:`${r("unifiedCanvas.move")} (V)`,icon:i.jsx(gP,{}),isChecked:e==="move"||t,onClick:o})}function vue(){const e=z(s=>s.ui.shouldPinParametersPanel),t=z(s=>s.ui.shouldShowParametersPanel),n=te(),{t:r}=ye(),o=()=>{n(cb(!0)),e&&n(ko())};return!e||!t?i.jsxs(F,{flexDirection:"column",gap:2,children:[i.jsx(Le,{tooltip:`${r("parameters.showOptionsPanel")} (O)`,tooltipProps:{placement:"top"},"aria-label":r("parameters.showOptionsPanel"),onClick:o,children:i.jsx(ry,{})}),i.jsx(F,{children:i.jsx(Jy,{iconButton:!0})}),i.jsx(F,{children:i.jsx(ng,{width:"100%",height:"40px",btnGroupWidth:"100%"})})]}):null}function bue(){const e=te(),{t}=ye(),n=z(lr),r=()=>{e(rb()),e(im())};return i.jsx(Le,{"aria-label":t("unifiedCanvas.clearCanvas"),tooltip:t("unifiedCanvas.clearCanvas"),icon:i.jsx(us,{}),onClick:r,isDisabled:n,colorScheme:"error"})}function yue(){const e=Ea(),t=te(),{t:n}=ye();rt(["r"],()=>{o()},{enabled:()=>!0,preventDefault:!0},[e]);const r=w8(()=>o(!1),()=>o(!0)),o=(s=!1)=>{const a=Ea();if(!a)return;const c=a.getClientRect({skipTransform:!0});t(_5({contentRect:c,shouldScaleTo1:s}))};return i.jsx(Le,{"aria-label":`${n("unifiedCanvas.resetView")} (R)`,tooltip:`${n("unifiedCanvas.resetView")} (R)`,icon:i.jsx(bP,{}),onClick:r})}function xue(){const e=z(lr),t=Ea(),n=z(a=>a.system.isProcessing),r=te(),{t:o}=ye();rt(["shift+s"],()=>{s()},{enabled:()=>!e,preventDefault:!0},[t,n]);const s=()=>{r(j5())};return i.jsx(Le,{"aria-label":`${o("unifiedCanvas.saveToGallery")} (Shift+S)`,tooltip:`${o("unifiedCanvas.saveToGallery")} (Shift+S)`,icon:i.jsx(Dm,{}),onClick:s,isDisabled:e})}const wue=fe([mn,lr,vo],(e,t,n)=>{const{isProcessing:r}=n,{tool:o}=e;return{tool:o,isStaging:t,isProcessing:r}},{memoizeOptions:{resultEqualityCheck:Zt}}),Sue=()=>{const e=te(),{t}=ye(),{tool:n,isStaging:r}=z(wue);rt(["b"],()=>{o()},{enabled:()=>!r,preventDefault:!0},[]),rt(["e"],()=>{s()},{enabled:()=>!r,preventDefault:!0},[n]),rt(["c"],()=>{a()},{enabled:()=>!r,preventDefault:!0},[n]),rt(["shift+f"],()=>{c()},{enabled:()=>!r,preventDefault:!0}),rt(["delete","backspace"],()=>{d()},{enabled:()=>!r,preventDefault:!0});const o=()=>e(ea("brush")),s=()=>e(ea("eraser")),a=()=>e(ea("colorPicker")),c=()=>e(C5()),d=()=>e(k5());return i.jsxs(F,{flexDirection:"column",gap:2,children:[i.jsxs(rr,{children:[i.jsx(Le,{"aria-label":`${t("unifiedCanvas.brush")} (B)`,tooltip:`${t("unifiedCanvas.brush")} (B)`,icon:i.jsx(_P,{}),isChecked:n==="brush"&&!r,onClick:o,isDisabled:r}),i.jsx(Le,{"aria-label":`${t("unifiedCanvas.eraser")} (E)`,tooltip:`${t("unifiedCanvas.eraser")} (B)`,icon:i.jsx(yP,{}),isChecked:n==="eraser"&&!r,isDisabled:r,onClick:s})]}),i.jsxs(rr,{children:[i.jsx(Le,{"aria-label":`${t("unifiedCanvas.fillBoundingBox")} (Shift+F)`,tooltip:`${t("unifiedCanvas.fillBoundingBox")} (Shift+F)`,icon:i.jsx(SP,{}),isDisabled:r,onClick:c}),i.jsx(Le,{"aria-label":`${t("unifiedCanvas.eraseBoundingBox")} (Del/Backspace)`,tooltip:`${t("unifiedCanvas.eraseBoundingBox")} (Del/Backspace)`,icon:i.jsx(gl,{style:{transform:"rotate(45deg)"}}),isDisabled:r,onClick:d})]}),i.jsx(Le,{"aria-label":`${t("unifiedCanvas.colorPicker")} (C)`,tooltip:`${t("unifiedCanvas.colorPicker")} (C)`,icon:i.jsx(wP,{}),isChecked:n==="colorPicker"&&!r,isDisabled:r,onClick:a,width:"max-content"})]})},Cue=()=>i.jsxs(F,{flexDirection:"column",rowGap:2,width:"min-content",children:[i.jsx(hue,{}),i.jsx(Sue,{}),i.jsxs(F,{gap:2,children:[i.jsx(gue,{}),i.jsx(yue,{})]}),i.jsxs(F,{columnGap:2,children:[i.jsx(mue,{}),i.jsx(xue,{})]}),i.jsxs(F,{columnGap:2,children:[i.jsx(uue,{}),i.jsx(due,{})]}),i.jsxs(F,{gap:2,children:[i.jsx(k8,{}),i.jsx(S8,{})]}),i.jsxs(F,{gap:2,children:[i.jsx(fue,{}),i.jsx(bue,{})]}),i.jsx(cue,{}),i.jsx(vue,{})]}),kue=fe([mn,La],(e,t)=>{const{doesCanvasNeedScaling:n}=e,{shouldUseCanvasBetaLayout:r}=t;return{doesCanvasNeedScaling:n,shouldUseCanvasBetaLayout:r}},Ge),bv={id:"canvas-intial-image",actionType:"SET_CANVAS_INITIAL_IMAGE"},_ue=()=>{const e=te(),{doesCanvasNeedScaling:t,shouldUseCanvasBetaLayout:n}=z(kue),{isOver:r,setNodeRef:o,active:s}=Q1({id:"unifiedCanvas",data:bv});return f.useLayoutEffect(()=>{const a=()=>{e(ko())};return window.addEventListener("resize",a),()=>window.removeEventListener("resize",a)},[e]),n?i.jsx(Ee,{layerStyle:"first",ref:o,tabIndex:0,sx:{w:"full",h:"full",p:4,borderRadius:"base"},children:i.jsxs(F,{sx:{w:"full",h:"full",gap:4},children:[i.jsx(Cue,{}),i.jsxs(F,{sx:{flexDir:"column",w:"full",h:"full",gap:4,position:"relative"},children:[i.jsx(iue,{}),i.jsxs(Ee,{sx:{w:"full",h:"full",position:"relative"},children:[t?i.jsx(b_,{}):i.jsx(v_,{}),Tp(bv,s)&&i.jsx(ch,{isOver:r,label:"Set Canvas Initial Image"})]})]})]})}):i.jsx(Ee,{ref:o,tabIndex:-1,sx:{layerStyle:"first",w:"full",h:"full",p:4,borderRadius:"base"},children:i.jsxs(F,{sx:{flexDirection:"column",alignItems:"center",gap:4,w:"full",h:"full"},children:[i.jsx(Gce,{}),i.jsx(F,{sx:{flexDirection:"column",alignItems:"center",justifyContent:"center",gap:4,w:"full",h:"full"},children:i.jsxs(Ee,{sx:{w:"full",h:"full",position:"relative"},children:[t?i.jsx(b_,{}):i.jsx(v_,{}),Tp(bv,s)&&i.jsx(ch,{isOver:r,label:"Set Canvas Initial Image"})]})})]})})},Pue=f.memo(_ue),jue=fe([Ye],({generation:e})=>{const{infillMethod:t}=e;return{infillMethod:t}},Ge),Iue=()=>{const e=te(),{infillMethod:t}=z(jue),{data:n,isLoading:r}=q_(),o=n==null?void 0:n.infill_methods,{t:s}=ye(),a=f.useCallback(c=>{e(TD(c))},[e]);return i.jsx(Xr,{disabled:(o==null?void 0:o.length)===0,placeholder:r?"Loading...":void 0,label:s("parameters.infillMethod"),value:t,data:o??[],onChange:a})},Eue=f.memo(Iue),Oue=fe([Di],e=>{const{tileSize:t,infillMethod:n}=e;return{tileSize:t,infillMethod:n}},Ge),Rue=()=>{const e=te(),{tileSize:t,infillMethod:n}=z(Oue),{t:r}=ye(),o=f.useCallback(a=>{e(gw(a))},[e]),s=f.useCallback(()=>{e(gw(32))},[e]);return i.jsx(_t,{isDisabled:n!=="tile",label:r("parameters.tileSize"),min:16,max:64,sliderNumberInputProps:{max:256},value:t,onChange:o,withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:s})},Mue=f.memo(Rue),Due=fe([mn],e=>{const{boundingBoxScaleMethod:t}=e;return{boundingBoxScale:t}},Ge),Aue=()=>{const e=te(),{boundingBoxScale:t}=z(Due),{t:n}=ye(),r=o=>{e($D(o))};return i.jsx(ar,{label:n("parameters.scaleBeforeProcessing"),data:ND,value:t,onChange:r})},Tue=f.memo(Aue),Nue=fe([Di,vo,mn],(e,t,n)=>{const{scaledBoundingBoxDimensions:r,boundingBoxScaleMethod:o}=n;return{scaledBoundingBoxDimensions:r,isManual:o==="manual"}},Ge),$ue=()=>{const e=te(),{isManual:t,scaledBoundingBoxDimensions:n}=z(Nue),{t:r}=ye(),o=a=>{e(Vp({...n,height:Math.floor(a)}))},s=()=>{e(Vp({...n,height:Math.floor(512)}))};return i.jsx(_t,{isDisabled:!t,label:r("parameters.scaledHeight"),min:64,max:1024,step:64,value:n.height,onChange:o,sliderNumberInputProps:{max:4096},withSliderMarks:!0,withInput:!0,withReset:!0,handleReset:s})},zue=f.memo($ue),Lue=fe([mn],e=>{const{boundingBoxScaleMethod:t,scaledBoundingBoxDimensions:n}=e;return{scaledBoundingBoxDimensions:n,isManual:t==="manual"}},Ge),Bue=()=>{const e=te(),{isManual:t,scaledBoundingBoxDimensions:n}=z(Lue),{t:r}=ye(),o=a=>{e(Vp({...n,width:Math.floor(a)}))},s=()=>{e(Vp({...n,width:Math.floor(512)}))};return i.jsx(_t,{isDisabled:!t,label:r("parameters.scaledWidth"),min:64,max:1024,step:64,value:n.width,onChange:o,sliderNumberInputProps:{max:4096},withSliderMarks:!0,withInput:!0,withReset:!0,handleReset:s})},Fue=f.memo(Bue),Hue=()=>{const{t:e}=ye();return i.jsx(Ro,{label:e("parameters.infillScalingHeader"),children:i.jsxs(F,{sx:{gap:2,flexDirection:"column"},children:[i.jsx(Eue,{}),i.jsx(Mue,{}),i.jsx(Tue,{}),i.jsx(Fue,{}),i.jsx(zue,{})]})})},Wue=f.memo(Hue);function Vue(){const e=te(),t=z(r=>r.generation.seamBlur),{t:n}=ye();return i.jsx(_t,{label:n("parameters.seamBlur"),min:0,max:64,sliderNumberInputProps:{max:512},value:t,onChange:r=>{e(vw(r))},withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>{e(vw(16))}})}function Uue(){const e=te(),{t}=ye(),n=z(r=>r.generation.seamSize);return i.jsx(_t,{label:t("parameters.seamSize"),min:1,max:256,sliderNumberInputProps:{max:512},value:n,onChange:r=>{e(bw(r))},withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>e(bw(96))})}function Gue(){const{t:e}=ye(),t=z(r=>r.generation.seamSteps),n=te();return i.jsx(_t,{label:e("parameters.seamSteps"),min:1,max:100,sliderNumberInputProps:{max:999},value:t,onChange:r=>{n(yw(r))},withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>{n(yw(30))}})}function que(){const e=te(),{t}=ye(),n=z(r=>r.generation.seamStrength);return i.jsx(_t,{label:t("parameters.seamStrength"),min:.01,max:.99,step:.01,value:n,onChange:r=>{e(xw(r))},withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>{e(xw(.7))}})}const Kue=()=>{const{t:e}=ye();return i.jsxs(Ro,{label:e("parameters.seamCorrectionHeader"),children:[i.jsx(Uue,{}),i.jsx(Vue,{}),i.jsx(que,{}),i.jsx(Gue,{})]})},Xue=f.memo(Kue),Yue=fe([Ye,lr],({canvas:e,generation:t},n)=>{const{boundingBoxDimensions:r}=e,{aspectRatio:o}=t;return{boundingBoxDimensions:r,isStaging:n,aspectRatio:o}},Ge),Que=()=>{const e=te(),{boundingBoxDimensions:t,isStaging:n,aspectRatio:r}=z(Yue),{t:o}=ye(),s=c=>{if(e(Js({...t,height:Math.floor(c)})),r){const d=Ss(c*r,64);e(Js({width:d,height:Math.floor(c)}))}},a=()=>{if(e(Js({...t,height:Math.floor(512)})),r){const c=Ss(512*r,64);e(Js({width:c,height:Math.floor(512)}))}};return i.jsx(_t,{label:o("parameters.boundingBoxHeight"),min:64,max:1024,step:64,value:t.height,onChange:s,isDisabled:n,sliderNumberInputProps:{max:4096},withSliderMarks:!0,withInput:!0,withReset:!0,handleReset:a})},Jue=f.memo(Que),Zue=fe([Ye,lr],({canvas:e,generation:t},n)=>{const{boundingBoxDimensions:r}=e,{aspectRatio:o}=t;return{boundingBoxDimensions:r,isStaging:n,aspectRatio:o}},Ge),ede=()=>{const e=te(),{boundingBoxDimensions:t,isStaging:n,aspectRatio:r}=z(Zue),{t:o}=ye(),s=c=>{if(e(Js({...t,width:Math.floor(c)})),r){const d=Ss(c/r,64);e(Js({width:Math.floor(c),height:d}))}},a=()=>{if(e(Js({...t,width:Math.floor(512)})),r){const c=Ss(512/r,64);e(Js({width:Math.floor(512),height:c}))}};return i.jsx(_t,{label:o("parameters.boundingBoxWidth"),min:64,max:1024,step:64,value:t.width,onChange:s,isDisabled:n,sliderNumberInputProps:{max:4096},withSliderMarks:!0,withInput:!0,withReset:!0,handleReset:a})},tde=f.memo(ede);function y_(){const e=te(),{t}=ye();return i.jsxs(F,{sx:{gap:2,p:4,borderRadius:4,flexDirection:"column",w:"full",bg:"base.150",_dark:{bg:"base.750"}},children:[i.jsxs(F,{alignItems:"center",gap:2,children:[i.jsx(qe,{sx:{fontSize:"sm",width:"full",color:"base.700",_dark:{color:"base.300"}},children:t("parameters.aspectRatio")}),i.jsx(hl,{}),i.jsx(TO,{}),i.jsx(Le,{tooltip:t("ui.swapSizes"),"aria-label":t("ui.swapSizes"),size:"sm",icon:i.jsx(pO,{}),fontSize:20,onClick:()=>e(zD())})]}),i.jsx(tde,{}),i.jsx(Jue,{})]})}const nde=fe(Ye,({ui:e,generation:t})=>{const{shouldUseSliders:n}=e,{shouldRandomizeSeed:r}=t;return{shouldUseSliders:n,activeLabel:r?void 0:"Manual Seed"}},Ge),rde=()=>{const{shouldUseSliders:e,activeLabel:t}=z(nde);return i.jsx(Ro,{label:"General",activeLabel:t,defaultIsOpen:!0,children:i.jsxs(F,{sx:{flexDirection:"column",gap:3},children:[e?i.jsxs(i.Fragment,{children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(y_,{})]}):i.jsxs(i.Fragment,{children:[i.jsxs(F,{gap:3,children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{})]}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(y_,{})]}),i.jsx(VO,{})]})})},ode=f.memo(rde),P8=()=>i.jsxs(i.Fragment,{children:[i.jsx(ax,{}),i.jsx(qd,{}),i.jsx(ode,{}),i.jsx(ox,{}),i.jsx(nx,{}),i.jsx(Ud,{}),i.jsx(sx,{}),i.jsx(Xue,{}),i.jsx(Wue,{}),i.jsx(rx,{})]}),sde=()=>i.jsxs(F,{sx:{gap:4,w:"full",h:"full"},children:[i.jsx(tx,{children:i.jsx(P8,{})}),i.jsx(Pue,{})]}),ade=f.memo(sde),ide=[{id:"txt2img",translationKey:"common.txt2img",icon:i.jsx(no,{as:pW,sx:{boxSize:6,pointerEvents:"none"}}),content:i.jsx(Bie,{})},{id:"img2img",translationKey:"common.img2img",icon:i.jsx(no,{as:ll,sx:{boxSize:6,pointerEvents:"none"}}),content:i.jsx(Boe,{})},{id:"unifiedCanvas",translationKey:"common.unifiedCanvas",icon:i.jsx(no,{as:Nee,sx:{boxSize:6,pointerEvents:"none"}}),content:i.jsx(ade,{})},{id:"nodes",translationKey:"common.nodes",icon:i.jsx(no,{as:Tee,sx:{boxSize:6,pointerEvents:"none"}}),content:i.jsx(Nie,{})},{id:"modelManager",translationKey:"modelManager.modelManager",icon:i.jsx(no,{as:aW,sx:{boxSize:6,pointerEvents:"none"}}),content:i.jsx(Lse,{})}],lde=fe([hO,vo],(e,t)=>{const{disabledTabs:n}=e,{isNodesEnabled:r}=t;return ide.filter(s=>s.id==="nodes"?r&&!n.includes(s.id):!n.includes(s.id))},{memoizeOptions:{resultEqualityCheck:Zt}}),cde=350,yv=20,j8=["modelManager"],ude=()=>{const e=z(LD),t=z(Kn),n=z(lde),{shouldPinGallery:r,shouldPinParametersPanel:o,shouldShowGallery:s}=z(y=>y.ui),{t:a}=ye(),c=te();rt("f",()=>{c(BD()),(r||o)&&c(ko())},[r,o]);const d=f.useCallback(()=>{t==="unifiedCanvas"&&c(ko())},[c,t]),p=f.useCallback(y=>{y.target instanceof HTMLElement&&y.target.blur()},[]),h=f.useMemo(()=>n.map(y=>i.jsx(wn,{hasArrow:!0,label:String(a(y.translationKey)),placement:"end",children:i.jsxs(Cc,{onClick:p,children:[i.jsx(G5,{children:String(a(y.translationKey))}),y.icon]})},y.id)),[n,a,p]),m=f.useMemo(()=>n.map(y=>i.jsx(Rm,{children:y.content},y.id)),[n]),{ref:v,minSizePct:b}=ste(cde,yv,"app"),w=f.useCallback(y=>{const S=FD[y];S&&c(Xl(S))},[c]);return i.jsxs(Td,{defaultIndex:e,index:e,onChange:w,sx:{flexGrow:1,gap:4},isLazy:!0,children:[i.jsxs(Nd,{sx:{pt:2,gap:4,flexDir:"column"},children:[h,i.jsx(hl,{}),i.jsx(Fee,{})]}),i.jsxs(Qy,{id:"app",autoSaveId:"app",direction:"horizontal",style:{height:"100%",width:"100%"},children:[i.jsx(pd,{id:"main",children:i.jsx(Mm,{style:{height:"100%",width:"100%"},children:m})}),r&&s&&!j8.includes(t)&&i.jsxs(i.Fragment,{children:[i.jsx(LO,{}),i.jsx(pd,{ref:v,onResize:d,id:"gallery",order:3,defaultSize:b>yv&&b<100?b:yv,minSize:b,maxSize:50,children:i.jsx(uO,{})})]})]})]})},dde=f.memo(ude),fde=fe([Kn,La],(e,t)=>{const{shouldPinGallery:n,shouldShowGallery:r}=t;return{shouldPinGallery:n,shouldShowGalleryButton:j8.includes(e)?!1:!r}},{memoizeOptions:{resultEqualityCheck:Zt}}),pde=()=>{const{t:e}=ye(),{shouldPinGallery:t,shouldShowGalleryButton:n}=z(fde),r=te(),o=()=>{r(Dv(!0)),t&&r(ko())};return n?i.jsx(Le,{tooltip:"Show Gallery (G)",tooltipProps:{placement:"top"},"aria-label":e("accessibility.showGallery"),onClick:o,sx:{pos:"absolute",top:"50%",transform:"translate(0, -50%)",p:0,insetInlineEnd:0,px:3,h:48,w:8,borderStartEndRadius:0,borderEndEndRadius:0,shadow:"2xl"},children:i.jsx($ee,{})}):null},hde=f.memo(pde),xv={borderStartStartRadius:0,borderEndStartRadius:0,shadow:"2xl"},mde=fe([La,Kn],(e,t)=>{const{shouldPinParametersPanel:n,shouldUseCanvasBetaLayout:r,shouldShowParametersPanel:o}=e,s=r&&t==="unifiedCanvas",a=!s&&(!n||!o),c=!s&&!o&&["txt2img","img2img","unifiedCanvas"].includes(t);return{shouldPinParametersPanel:n,shouldShowParametersPanelButton:c,shouldShowProcessButtons:a}},{memoizeOptions:{resultEqualityCheck:Zt}}),gde=()=>{const e=te(),{t}=ye(),{shouldShowProcessButtons:n,shouldShowParametersPanelButton:r,shouldPinParametersPanel:o}=z(mde),s=()=>{e(cb(!0)),o&&e(ko())};return r?i.jsxs(F,{pos:"absolute",transform:"translate(0, -50%)",minW:8,top:"50%",insetInlineStart:"4.5rem",direction:"column",gap:2,children:[i.jsx(Le,{tooltip:"Show Options Panel (O)",tooltipProps:{placement:"top"},"aria-label":t("accessibility.showOptionsPanel"),onClick:s,sx:xv,children:i.jsx(ry,{})}),n&&i.jsxs(i.Fragment,{children:[i.jsx(Jy,{iconButton:!0,sx:xv}),i.jsx(ng,{sx:xv})]})]}):null},vde=f.memo(gde),bde=fe([La,Kn],(e,t)=>{const{shouldPinParametersPanel:n,shouldShowParametersPanel:r}=e;return{activeTabName:t,shouldPinParametersPanel:n,shouldShowParametersPanel:r}},Ge),yde=()=>{const e=te(),{shouldPinParametersPanel:t,shouldShowParametersPanel:n,activeTabName:r}=z(bde),o=()=>{e(cb(!1))},s=z(c=>c.generation.model),a=f.useMemo(()=>r==="txt2img"?s&&s.base_model==="sdxl"?i.jsx(l8,{}):i.jsx(c8,{}):r==="img2img"?s&&s.base_model==="sdxl"?i.jsx($O,{}):i.jsx(UO,{}):r==="unifiedCanvas"?i.jsx(P8,{}):null,[r,s]);return t?null:i.jsx(pP,{direction:"left",isResizable:!1,isOpen:n,onClose:o,children:i.jsxs(F,{sx:{flexDir:"column",h:"full",w:ex,gap:2,position:"relative",flexShrink:0,overflowY:"auto"},children:[i.jsxs(F,{paddingBottom:4,justifyContent:"space-between",alignItems:"center",children:[i.jsx(fO,{}),i.jsx(zO,{})]}),i.jsx(F,{sx:{gap:2,flexDirection:"column",h:"full",w:"full"},children:a})]})})},xde=f.memo(yde),wde=()=>{const{data:e,isFetching:t}=am(),{isOpen:n,onClose:r,handleAddToBoard:o,image:s}=f.useContext(H_),[a,c]=f.useState(),d=f.useRef(null),p=e==null?void 0:e.find(h=>h.board_id===(s==null?void 0:s.board_id));return i.jsx(Md,{isOpen:n,leastDestructiveRef:d,onClose:r,isCentered:!0,children:i.jsx(Da,{children:i.jsxs(Dd,{children:[i.jsx(Ma,{fontSize:"lg",fontWeight:"bold",children:p?"Move Image to Board":"Add Image to Board"}),i.jsx(Aa,{children:i.jsx(Ee,{children:i.jsxs(F,{direction:"column",gap:3,children:[p&&i.jsxs(qe,{children:["Moving this image from"," ",i.jsx("strong",{children:p.board_name})," to"]}),t?i.jsx(pl,{}):i.jsx(ar,{placeholder:"Select Board",onChange:h=>c(h),value:a,data:(e??[]).map(h=>({label:h.board_name,value:h.board_id}))})]})})}),i.jsxs(Ra,{children:[i.jsx(Jt,{onClick:r,children:"Cancel"}),i.jsx(Jt,{isDisabled:!a,colorScheme:"accent",onClick:()=>{a&&o(a)},ml:3,children:p?"Move":"Add"})]})]})})})},Sde=f.memo(wde),Cde=fe([e=>e.hotkeys,e=>e.ui],(e,t)=>{const{shift:n}=e,{shouldPinParametersPanel:r,shouldPinGallery:o}=t;return{shift:n,shouldPinGallery:o,shouldPinParametersPanel:r}},{memoizeOptions:{resultEqualityCheck:Zt}}),kde=()=>{const e=te(),{shift:t,shouldPinParametersPanel:n,shouldPinGallery:r}=z(Cde),o=z(Kn);return rt("*",()=>{lP("shift")?!t&&e(jo(!0)):t&&e(jo(!1))},{keyup:!0,keydown:!0},[t]),rt("o",()=>{e(HD()),o==="unifiedCanvas"&&n&&e(ko())}),rt(["shift+o"],()=>{e(WD()),o==="unifiedCanvas"&&e(ko())}),rt("g",()=>{e(VD()),o==="unifiedCanvas"&&r&&e(ko())}),rt(["shift+g"],()=>{e(L_()),o==="unifiedCanvas"&&e(ko())}),rt("1",()=>{e(Xl("txt2img"))}),rt("2",()=>{e(Xl("img2img"))}),rt("3",()=>{e(Xl("unifiedCanvas"))}),rt("4",()=>{e(Xl("nodes"))}),null},_de=f.memo(kde),Pde={},jde=({config:e=Pde,headerComponent:t})=>{const n=z(Y6),r=gF(),o=te();return f.useEffect(()=>{Bn.changeLanguage(n)},[n]),f.useEffect(()=>{Z_(e)&&(r.info({namespace:"App",config:e},"Received config"),o(UD(e)))},[o,e,r]),f.useEffect(()=>{o(GD())},[o]),i.jsxs(i.Fragment,{children:[i.jsxs(sl,{w:"100vw",h:"100vh",position:"relative",overflow:"hidden",children:[i.jsx(jH,{children:i.jsxs(sl,{sx:{gap:4,p:4,gridAutoRows:"min-content auto",w:"full",h:"full"},children:[t||i.jsx(Dee,{}),i.jsx(F,{sx:{gap:4,w:"full",h:"full"},children:i.jsx(dde,{})})]})}),i.jsx(iee,{}),i.jsx(xde,{}),i.jsx(Ju,{children:i.jsx(vde,{})}),i.jsx(Ju,{children:i.jsx(hde,{})})]}),i.jsx(dee,{}),i.jsx(Sde,{}),i.jsx(vF,{}),i.jsx(_de,{})]})},Dde=f.memo(jde);export{Dde as default}; diff --git a/invokeai/frontend/web/dist/assets/App-ea7b7298.js b/invokeai/frontend/web/dist/assets/App-ea7b7298.js deleted file mode 100644 index 7ee60151eea..00000000000 --- a/invokeai/frontend/web/dist/assets/App-ea7b7298.js +++ /dev/null @@ -1,169 +0,0 @@ -import{t as yv,r as s7,i as xv,a as Mc,b as y_,S as x_,c as w_,d as S_,e as wv,f as C_,g as Sv,h as a7,j as i7,k as l7,l as c7,m as k_,n as u7,o as d7,p as f7,q as __,s as p7,u as h7,v as m7,w as g7,x as v7,y as b7,z as f,A as i,B as Zh,C as Op,D as y7,E as P_,F as j_,G as x7,P as dd,H as G1,I as w7,J as S7,K as C7,L as k7,M as _7,N as P7,O as j7,Q as H2,R as I7,T as Ae,U as je,V as Ct,W as nt,X as fd,Y as ho,Z as Ir,_ as Fr,$ as qn,a0 as fl,a1 as ia,a2 as Ft,a3 as ns,a4 as ec,a5 as za,a6 as em,a7 as q1,a8 as pd,a9 as or,aa as E7,ab as H,ac as I_,ad as W2,ae as E_,af as Cv,ag as Dc,ah as O7,ai as O_,aj as R_,ak as Ac,al as R7,am as fe,an as Ge,ao as Jt,ap as z,aq as M7,ar as V2,as as D7,at as A7,au as U2,av as te,aw as T7,ax as On,ay as Mn,az as Ee,aA as F,aB as Ys,aC as Xe,aD as Kn,aE as M_,aF as D_,aG as A_,aH as _i,aI as Ds,aJ as K1,aK as N7,aL as $7,aM as z7,aN as Ml,aO as Su,aP as L7,aQ as B7,aR as F7,aS as H7,aT as W7,aU as G2,aV as ui,aW as X1,aX as Rp,aY as tm,aZ as T_,a_ as os,a$ as N_,b0 as V7,b1 as Tc,b2 as $_,b3 as z_,b4 as Es,b5 as Po,b6 as Cu,b7 as U7,b8 as G7,b9 as q7,ba as K7,bb as Y1,bc as Mp,bd as X7,be as Y7,bf as Of,bg as Rf,bh as du,bi as l0,bj as Du,bk as Au,bl as Tu,bm as Nu,bn as q2,bo as Dp,bp as c0,bq as Ap,br as u0,bs as kv,bt as d0,bu as _v,bv as f0,bw as Tp,bx as K2,by as mc,bz as X2,bA as gc,bB as Y2,bC as Np,bD as Q1,bE as L_,bF as Pv,bG as jv,bH as B_,bI as Q7,bJ as Iv,bK as J7,bL as Ev,bM as J1,bN as F_,bO as Z1,bP as eb,bQ as Z7,bR as eR,bS as nm,bT as Kl,bU as tR,bV as nR,bW as yp,bX as rR,bY as oR,bZ as sR,b_ as Ov,b$ as H_,c0 as aR,c1 as W_,c2 as V_,c3 as ss,c4 as Q2,c5 as La,c6 as iR,c7 as Rv,c8 as lR,c9 as U_,ca as J2,cb as cR,cc as uR,cd as dR,ce as fR,cf as pR,cg as hR,ch as tb,ci as nb,cj as mR,ck as Bn,cl as Z2,cm as G_,cn as gR,co as vR,cp as bR,cq as yR,cr as xR,cs as wR,ct as SR,cu as CR,cv as kR,cw as q_,cx as _R,cy as PR,cz as jR,cA as IR,cB as ER,cC as OR,cD as RR,cE as MR,cF as DR,cG as AR,cH as ew,cI as TR,cJ as tw,cK as NR,cL as $R,cM as zR,cN as LR,cO as rb,cP as Io,cQ as hd,cR as md,cS as BR,cT as hr,cU as FR,cV as na,cW as ob,cX as rm,cY as HR,cZ as WR,c_ as VR,c$ as nw,d0 as UR,d1 as K_,d2 as rw,d3 as GR,d4 as qR,d5 as Ss,d6 as KR,d7 as XR,d8 as X_,d9 as Y_,da as YR,db as ow,dc as QR,dd as JR,de as Q_,df as ZR,dg as eM,dh as tM,di as nM,dj as rM,dk as oM,dl as sM,dm as om,dn as aM,dp as J_,dq as sw,dr as Mf,ds as iM,dt as sb,du as Z_,dv as lM,dw as cM,dx as uM,dy as ls,dz as dM,dA as fM,dB as pM,dC as hM,dD as mM,dE as gM,dF as vM,dG as bM,dH as yM,dI as xM,dJ as wM,dK as SM,dL as CM,dM as kM,dN as aw,dO as iw,dP as _M,dQ as e5,dR as t5,dS as gd,dT as n5,dU as Gu,dV as r5,dW as lw,dX as PM,dY as jM,dZ as o5,d_ as IM,d$ as EM,e0 as OM,e1 as RM,e2 as MM,e3 as ab,e4 as cw,e5 as s5,e6 as DM,e7 as uw,e8 as a5,e9 as As,ea as AM,eb as i5,ec as dw,ed as TM,ee as NM,ef as $M,eg as zM,eh as LM,ei as BM,ej as FM,ek as HM,el as WM,em as VM,en as UM,eo as GM,ep as qM,eq as KM,er as XM,es as YM,et as QM,eu as JM,ev as ZM,ew as eD,ex as fw,ey as xp,ez as tD,eA as $p,eB as l5,eC as qu,eD as nD,eE as rD,eF as ea,eG as c5,eH as ib,eI as vd,eJ as oD,eK as sD,eL as aD,eM as Ea,eN as u5,eO as iD,eP as lD,eQ as d5,eR as cD,eS as uD,eT as dD,eU as fD,eV as pD,eW as hD,eX as mD,eY as gD,eZ as vD,e_ as bD,e$ as pw,f0 as yD,f1 as xD,f2 as wD,f3 as SD,f4 as CD,f5 as kD,f6 as _D,f7 as PD,f8 as p0,f9 as Js,fa as h0,fb as m0,fc as Df,fd as hw,fe as Mv,ff as jD,fg as ID,fh as ED,fi as OD,fj as zp,fk as f5,fl as p5,fm as RD,fn as MD,fo as h5,fp as m5,fq as g5,fr as v5,fs as b5,ft as y5,fu as x5,fv as w5,fw as tc,fx as nc,fy as S5,fz as C5,fA as DD,fB as k5,fC as _5,fD as P5,fE as j5,fF as I5,fG as E5,fH as lb,fI as AD,fJ as mw,fK as TD,fL as ND,fM as Lp,fN as gw,fO as vw,fP as bw,fQ as yw,fR as $D,fS as zD,fT as LD,fU as BD,fV as FD,fW as HD,fX as WD,fY as VD,fZ as UD}from"./index-9bb68e3a.js";import{u as GD,c as qD,a as Dn,b as rr,I as no,d as Ba,P as Ku,C as KD,e as ye,m as sm,f as O5,g as Fa,h as XD,r as Ue,i as YD,j as xw,k as Vt,l as Sr}from"./MantineProvider-ae002ae6.js";function QD(e,t){if(e==null)return{};var n={},r=Object.keys(e),o,s;for(s=0;s=0)&&(n[o]=e[o]);return n}var ww=1/0,JD=17976931348623157e292;function g0(e){if(!e)return e===0?e:0;if(e=yv(e),e===ww||e===-ww){var t=e<0?-1:1;return t*JD}return e===e?e:0}var ZD=function(){return s7.Date.now()};const v0=ZD;var e9="Expected a function",t9=Math.max,n9=Math.min;function r9(e,t,n){var r,o,s,a,c,d,p=0,h=!1,m=!1,v=!0;if(typeof e!="function")throw new TypeError(e9);t=yv(t)||0,xv(n)&&(h=!!n.leading,m="maxWait"in n,s=m?t9(yv(n.maxWait)||0,t):s,v="trailing"in n?!!n.trailing:v);function b(O){var R=r,M=o;return r=o=void 0,p=O,a=e.apply(M,R),a}function w(O){return p=O,c=setTimeout(_,t),h?b(O):a}function y(O){var R=O-d,M=O-p,A=t-R;return m?n9(A,s-M):A}function S(O){var R=O-d,M=O-p;return d===void 0||R>=t||R<0||m&&M>=s}function _(){var O=v0();if(S(O))return k(O);c=setTimeout(_,y(O))}function k(O){return c=void 0,v&&r?b(O):(r=o=void 0,a)}function j(){c!==void 0&&clearTimeout(c),p=0,r=d=o=c=void 0}function I(){return c===void 0?a:k(v0())}function E(){var O=v0(),R=S(O);if(r=arguments,o=this,d=O,R){if(c===void 0)return w(d);if(m)return clearTimeout(c),c=setTimeout(_,t),b(d)}return c===void 0&&(c=setTimeout(_,t)),a}return E.cancel=j,E.flush=I,E}var o9=200;function s9(e,t,n,r){var o=-1,s=w_,a=!0,c=e.length,d=[],p=t.length;if(!c)return d;n&&(t=Mc(t,y_(n))),r?(s=S_,a=!1):t.length>=o9&&(s=wv,a=!1,t=new x_(t));e:for(;++o=120&&h.length>=120)?new x_(a&&h):void 0}h=e[0];var m=-1,v=c[0];e:for(;++m{r.has(s)&&n(o,s)})}const R5=({id:e,x:t,y:n,width:r,height:o,style:s,color:a,strokeColor:c,strokeWidth:d,className:p,borderRadius:h,shapeRendering:m,onClick:v})=>{const{background:b,backgroundColor:w}=s||{},y=a||b||w;return i.jsx("rect",{className:Zh(["react-flow__minimap-node",p]),x:t,y:n,rx:h,ry:h,width:r,height:o,fill:y,stroke:c,strokeWidth:d,shapeRendering:m,onClick:v?S=>v(S,e):void 0})};R5.displayName="MiniMapNode";var _9=f.memo(R5);const P9=e=>e.nodeOrigin,j9=e=>e.getNodes().filter(t=>!t.hidden&&t.width&&t.height),b0=e=>e instanceof Function?e:()=>e;function I9({nodeStrokeColor:e="transparent",nodeColor:t="#e2e2e2",nodeClassName:n="",nodeBorderRadius:r=5,nodeStrokeWidth:o=2,nodeComponent:s=_9,onClick:a}){const c=Op(j9,G1),d=Op(P9),p=b0(t),h=b0(e),m=b0(n),v=typeof window>"u"||window.chrome?"crispEdges":"geometricPrecision";return i.jsx(i.Fragment,{children:c.map(b=>{const{x:w,y}=y7(b,d).positionAbsolute;return i.jsx(s,{x:w,y,width:b.width,height:b.height,style:b.style,className:m(b),color:p(b),borderRadius:r,strokeColor:h(b),strokeWidth:o,shapeRendering:v,onClick:a,id:b.id},b.id)})})}var E9=f.memo(I9);const O9=200,R9=150,M9=e=>{const t=e.getNodes(),n={x:-e.transform[0]/e.transform[2],y:-e.transform[1]/e.transform[2],width:e.width/e.transform[2],height:e.height/e.transform[2]};return{viewBB:n,boundingRect:t.length>0?C7(k7(t,e.nodeOrigin),n):n,rfId:e.rfId}},D9="react-flow__minimap-desc";function M5({style:e,className:t,nodeStrokeColor:n="transparent",nodeColor:r="#e2e2e2",nodeClassName:o="",nodeBorderRadius:s=5,nodeStrokeWidth:a=2,nodeComponent:c,maskColor:d="rgb(240, 240, 240, 0.6)",maskStrokeColor:p="none",maskStrokeWidth:h=1,position:m="bottom-right",onClick:v,onNodeClick:b,pannable:w=!1,zoomable:y=!1,ariaLabel:S="React Flow mini map",inversePan:_=!1,zoomStep:k=10}){const j=P_(),I=f.useRef(null),{boundingRect:E,viewBB:O,rfId:R}=Op(M9,G1),M=(e==null?void 0:e.width)??O9,A=(e==null?void 0:e.height)??R9,T=E.width/M,$=E.height/A,Q=Math.max(T,$),B=Q*M,V=Q*A,q=5*Q,G=E.x-(B-E.width)/2-q,D=E.y-(V-E.height)/2-q,L=B+q*2,W=V+q*2,Y=`${D9}-${R}`,ae=f.useRef(0);ae.current=Q,f.useEffect(()=>{if(I.current){const X=j_(I.current),K=re=>{const{transform:oe,d3Selection:pe,d3Zoom:le}=j.getState();if(re.sourceEvent.type!=="wheel"||!pe||!le)return;const ge=-re.sourceEvent.deltaY*(re.sourceEvent.deltaMode===1?.05:re.sourceEvent.deltaMode?1:.002)*k,ke=oe[2]*Math.pow(2,ge);le.scaleTo(pe,ke)},U=re=>{const{transform:oe,d3Selection:pe,d3Zoom:le,translateExtent:ge,width:ke,height:xe}=j.getState();if(re.sourceEvent.type!=="mousemove"||!pe||!le)return;const de=ae.current*Math.max(1,oe[2])*(_?-1:1),Te={x:oe[0]-re.sourceEvent.movementX*de,y:oe[1]-re.sourceEvent.movementY*de},Oe=[[0,0],[ke,xe]],$e=w7.translate(Te.x,Te.y).scale(oe[2]),kt=le.constrain()($e,Oe,ge);le.transform(pe,kt)},se=x7().on("zoom",w?U:null).on("zoom.wheel",y?K:null);return X.call(se),()=>{X.on("zoom",null)}}},[w,y,_,k]);const be=v?X=>{const K=S7(X);v(X,{x:K[0],y:K[1]})}:void 0,ie=b?(X,K)=>{const U=j.getState().nodeInternals.get(K);b(X,U)}:void 0;return i.jsx(dd,{position:m,style:e,className:Zh(["react-flow__minimap",t]),"data-testid":"rf__minimap",children:i.jsxs("svg",{width:M,height:A,viewBox:`${G} ${D} ${L} ${W}`,role:"img","aria-labelledby":Y,ref:I,onClick:be,children:[S&&i.jsx("title",{id:Y,children:S}),i.jsx(E9,{onClick:ie,nodeColor:r,nodeStrokeColor:n,nodeBorderRadius:s,nodeClassName:o,nodeStrokeWidth:a,nodeComponent:c}),i.jsx("path",{className:"react-flow__minimap-mask",d:`M${G-q},${D-q}h${L+q*2}v${W+q*2}h${-L-q*2}z - M${O.x},${O.y}h${O.width}v${O.height}h${-O.width}z`,fill:d,fillRule:"evenodd",stroke:p,strokeWidth:h,pointerEvents:"none"})]})})}M5.displayName="MiniMap";var A9=f.memo(M5),Cs;(function(e){e.Lines="lines",e.Dots="dots",e.Cross="cross"})(Cs||(Cs={}));function T9({color:e,dimensions:t,lineWidth:n}){return i.jsx("path",{stroke:e,strokeWidth:n,d:`M${t[0]/2} 0 V${t[1]} M0 ${t[1]/2} H${t[0]}`})}function N9({color:e,radius:t}){return i.jsx("circle",{cx:t,cy:t,r:t,fill:e})}const $9={[Cs.Dots]:"#91919a",[Cs.Lines]:"#eee",[Cs.Cross]:"#e2e2e2"},z9={[Cs.Dots]:1,[Cs.Lines]:1,[Cs.Cross]:6},L9=e=>({transform:e.transform,patternId:`pattern-${e.rfId}`});function D5({id:e,variant:t=Cs.Dots,gap:n=20,size:r,lineWidth:o=1,offset:s=2,color:a,style:c,className:d}){const p=f.useRef(null),{transform:h,patternId:m}=Op(L9,G1),v=a||$9[t],b=r||z9[t],w=t===Cs.Dots,y=t===Cs.Cross,S=Array.isArray(n)?n:[n,n],_=[S[0]*h[2]||1,S[1]*h[2]||1],k=b*h[2],j=y?[k,k]:_,I=w?[k/s,k/s]:[j[0]/s,j[1]/s];return i.jsxs("svg",{className:Zh(["react-flow__background",d]),style:{...c,position:"absolute",width:"100%",height:"100%",top:0,left:0},ref:p,"data-testid":"rf__background",children:[i.jsx("pattern",{id:m+e,x:h[0]%_[0],y:h[1]%_[1],width:_[0],height:_[1],patternUnits:"userSpaceOnUse",patternTransform:`translate(-${I[0]},-${I[1]})`,children:w?i.jsx(N9,{color:v,radius:k/s}):i.jsx(T9,{dimensions:j,color:v,lineWidth:o})}),i.jsx("rect",{x:"0",y:"0",width:"100%",height:"100%",fill:`url(#${m+e})`})]})}D5.displayName="Background";var B9=f.memo(D5),$u;(function(e){e.Line="line",e.Handle="handle"})($u||($u={}));function F9({width:e,prevWidth:t,height:n,prevHeight:r,invertX:o,invertY:s}){const a=e-t,c=n-r,d=[a>0?1:a<0?-1:0,c>0?1:c<0?-1:0];return a&&o&&(d[0]=d[0]*-1),c&&s&&(d[1]=d[1]*-1),d}const A5={width:0,height:0,x:0,y:0},H9={...A5,pointerX:0,pointerY:0,aspectRatio:1};function W9({nodeId:e,position:t,variant:n=$u.Handle,className:r,style:o={},children:s,color:a,minWidth:c=10,minHeight:d=10,maxWidth:p=Number.MAX_VALUE,maxHeight:h=Number.MAX_VALUE,keepAspectRatio:m=!1,shouldResize:v,onResizeStart:b,onResize:w,onResizeEnd:y}){const S=_7(),_=typeof e=="string"?e:S,k=P_(),j=f.useRef(null),I=f.useRef(H9),E=f.useRef(A5),O=P7(),R=n===$u.Line?"right":"bottom-right",M=t??R;f.useEffect(()=>{if(!j.current||!_)return;const Q=j_(j.current),B=M.includes("right")||M.includes("left"),V=M.includes("bottom")||M.includes("top"),q=M.includes("left"),G=M.includes("top"),D=j7().on("start",L=>{const W=k.getState().nodeInternals.get(_),{xSnapped:Y,ySnapped:ae}=O(L);E.current={width:(W==null?void 0:W.width)??0,height:(W==null?void 0:W.height)??0,x:(W==null?void 0:W.position.x)??0,y:(W==null?void 0:W.position.y)??0},I.current={...E.current,pointerX:Y,pointerY:ae,aspectRatio:E.current.width/E.current.height},b==null||b(L,{...E.current})}).on("drag",L=>{const{nodeInternals:W,triggerNodeChanges:Y}=k.getState(),{xSnapped:ae,ySnapped:be}=O(L),ie=W.get(_);if(ie){const X=[],{pointerX:K,pointerY:U,width:se,height:re,x:oe,y:pe,aspectRatio:le}=I.current,{x:ge,y:ke,width:xe,height:de}=E.current,Te=Math.floor(B?ae-K:0),Oe=Math.floor(V?be-U:0);let $e=H2(se+(q?-Te:Te),c,p),kt=H2(re+(G?-Oe:Oe),d,h);if(m){const Me=$e/kt,Pt=B&&V,Tt=B&&!V,we=V&&!B;$e=Me<=le&&Pt||we?kt*le:$e,kt=Me>le&&Pt||Tt?$e/le:kt,$e>=p?($e=p,kt=p/le):$e<=c&&($e=c,kt=c/le),kt>=h?(kt=h,$e=h*le):kt<=d&&(kt=d,$e=d*le)}const ct=$e!==xe,on=kt!==de;if(q||G){const Me=q?oe-($e-se):oe,Pt=G?pe-(kt-re):pe,Tt=Me!==ge&&ct,we=Pt!==ke&&on;if(Tt||we){const ht={id:ie.id,type:"position",position:{x:Tt?Me:ge,y:we?Pt:ke}};X.push(ht),E.current.x=ht.position.x,E.current.y=ht.position.y}}if(ct||on){const Me={id:_,type:"dimensions",updateStyle:!0,resizing:!0,dimensions:{width:$e,height:kt}};X.push(Me),E.current.width=$e,E.current.height=kt}if(X.length===0)return;const vt=F9({width:E.current.width,prevWidth:xe,height:E.current.height,prevHeight:de,invertX:q,invertY:G}),bt={...E.current,direction:vt};if((v==null?void 0:v(L,bt))===!1)return;w==null||w(L,bt),Y(X)}}).on("end",L=>{const W={id:_,type:"dimensions",resizing:!1};y==null||y(L,{...E.current}),k.getState().triggerNodeChanges([W])});return Q.call(D),()=>{Q.on(".drag",null)}},[_,M,c,d,p,h,m,O,b,w,y]);const A=M.split("-"),T=n===$u.Line?"borderColor":"backgroundColor",$=a?{...o,[T]:a}:o;return i.jsx("div",{className:Zh(["react-flow__resize-control","nodrag",...A,n,r]),ref:j,style:$,children:s})}var V9=f.memo(W9);const T5=1/60*1e3,U9=typeof performance<"u"?()=>performance.now():()=>Date.now(),N5=typeof window<"u"?e=>window.requestAnimationFrame(e):e=>setTimeout(()=>e(U9()),T5);function G9(e){let t=[],n=[],r=0,o=!1,s=!1;const a=new WeakSet,c={schedule:(d,p=!1,h=!1)=>{const m=h&&o,v=m?t:n;return p&&a.add(d),v.indexOf(d)===-1&&(v.push(d),m&&o&&(r=t.length)),d},cancel:d=>{const p=n.indexOf(d);p!==-1&&n.splice(p,1),a.delete(d)},process:d=>{if(o){s=!0;return}if(o=!0,[t,n]=[n,t],n.length=0,r=t.length,r)for(let p=0;p(e[t]=G9(()=>Xu=!0),e),{}),K9=bd.reduce((e,t)=>{const n=am[t];return e[t]=(r,o=!1,s=!1)=>(Xu||Q9(),n.schedule(r,o,s)),e},{}),X9=bd.reduce((e,t)=>(e[t]=am[t].cancel,e),{});bd.reduce((e,t)=>(e[t]=()=>am[t].process(rc),e),{});const Y9=e=>am[e].process(rc),$5=e=>{Xu=!1,rc.delta=Dv?T5:Math.max(Math.min(e-rc.timestamp,q9),1),rc.timestamp=e,Av=!0,bd.forEach(Y9),Av=!1,Xu&&(Dv=!1,N5($5))},Q9=()=>{Xu=!0,Dv=!0,Av||N5($5)},kw=()=>rc;function cb(e){const t=Object.assign({},e);for(let n in t)t[n]===void 0&&delete t[n];return t}function J9(e){const{theme:t}=I7(),n=GD();return f.useMemo(()=>qD(t.direction,{...n,...e}),[e,t.direction,n])}var Z9=Object.defineProperty,eA=(e,t,n)=>t in e?Z9(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,vr=(e,t,n)=>(eA(e,typeof t!="symbol"?t+"":t,n),n);function _w(e){return e.sort((t,n)=>{const r=t.compareDocumentPosition(n);if(r&Node.DOCUMENT_POSITION_FOLLOWING||r&Node.DOCUMENT_POSITION_CONTAINED_BY)return-1;if(r&Node.DOCUMENT_POSITION_PRECEDING||r&Node.DOCUMENT_POSITION_CONTAINS)return 1;if(r&Node.DOCUMENT_POSITION_DISCONNECTED||r&Node.DOCUMENT_POSITION_IMPLEMENTATION_SPECIFIC)throw Error("Cannot sort the given nodes.");return 0})}var tA=e=>typeof e=="object"&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE;function Pw(e,t,n){let r=e+1;return n&&r>=t&&(r=0),r}function jw(e,t,n){let r=e-1;return n&&r<0&&(r=t),r}var Tv=typeof window<"u"?f.useLayoutEffect:f.useEffect,Bp=e=>e,nA=class{constructor(){vr(this,"descendants",new Map),vr(this,"register",e=>{if(e!=null)return tA(e)?this.registerNode(e):t=>{this.registerNode(t,e)}}),vr(this,"unregister",e=>{this.descendants.delete(e);const t=_w(Array.from(this.descendants.keys()));this.assignIndex(t)}),vr(this,"destroy",()=>{this.descendants.clear()}),vr(this,"assignIndex",e=>{this.descendants.forEach(t=>{const n=e.indexOf(t.node);t.index=n,t.node.dataset.index=t.index.toString()})}),vr(this,"count",()=>this.descendants.size),vr(this,"enabledCount",()=>this.enabledValues().length),vr(this,"values",()=>Array.from(this.descendants.values()).sort((t,n)=>t.index-n.index)),vr(this,"enabledValues",()=>this.values().filter(e=>!e.disabled)),vr(this,"item",e=>{if(this.count()!==0)return this.values()[e]}),vr(this,"enabledItem",e=>{if(this.enabledCount()!==0)return this.enabledValues()[e]}),vr(this,"first",()=>this.item(0)),vr(this,"firstEnabled",()=>this.enabledItem(0)),vr(this,"last",()=>this.item(this.descendants.size-1)),vr(this,"lastEnabled",()=>{const e=this.enabledValues().length-1;return this.enabledItem(e)}),vr(this,"indexOf",e=>{var t,n;return e&&(n=(t=this.descendants.get(e))==null?void 0:t.index)!=null?n:-1}),vr(this,"enabledIndexOf",e=>e==null?-1:this.enabledValues().findIndex(t=>t.node.isSameNode(e))),vr(this,"next",(e,t=!0)=>{const n=Pw(e,this.count(),t);return this.item(n)}),vr(this,"nextEnabled",(e,t=!0)=>{const n=this.item(e);if(!n)return;const r=this.enabledIndexOf(n.node),o=Pw(r,this.enabledCount(),t);return this.enabledItem(o)}),vr(this,"prev",(e,t=!0)=>{const n=jw(e,this.count()-1,t);return this.item(n)}),vr(this,"prevEnabled",(e,t=!0)=>{const n=this.item(e);if(!n)return;const r=this.enabledIndexOf(n.node),o=jw(r,this.enabledCount()-1,t);return this.enabledItem(o)}),vr(this,"registerNode",(e,t)=>{if(!e||this.descendants.has(e))return;const n=Array.from(this.descendants.keys()).concat(e),r=_w(n);t!=null&&t.disabled&&(t.disabled=!!t.disabled);const o={node:e,index:-1,...t};this.descendants.set(e,o),this.assignIndex(r)})}};function rA(e,t){if(e!=null){if(typeof e=="function"){e(t);return}try{e.current=t}catch{throw new Error(`Cannot assign value '${t}' to ref '${e}'`)}}}function cn(...e){return t=>{e.forEach(n=>{rA(n,t)})}}function oA(...e){return f.useMemo(()=>cn(...e),e)}function sA(){const e=f.useRef(new nA);return Tv(()=>()=>e.current.destroy()),e.current}var[aA,z5]=Dn({name:"DescendantsProvider",errorMessage:"useDescendantsContext must be used within DescendantsProvider"});function iA(e){const t=z5(),[n,r]=f.useState(-1),o=f.useRef(null);Tv(()=>()=>{o.current&&t.unregister(o.current)},[]),Tv(()=>{if(!o.current)return;const a=Number(o.current.dataset.index);n!=a&&!Number.isNaN(a)&&r(a)});const s=Bp(e?t.register(e):t.register);return{descendants:t,index:n,enabledIndex:t.enabledIndexOf(o.current),register:cn(s,o)}}function ub(){return[Bp(aA),()=>Bp(z5()),()=>sA(),o=>iA(o)]}var[lA,im]=Dn({name:"AccordionStylesContext",hookName:"useAccordionStyles",providerName:""}),[cA,db]=Dn({name:"AccordionItemContext",hookName:"useAccordionItemContext",providerName:""}),[uA,Ede,dA,fA]=ub(),ku=Ae(function(t,n){const{getButtonProps:r}=db(),o=r(t,n),a={display:"flex",alignItems:"center",width:"100%",outline:0,...im().button};return i.jsx(je.button,{...o,className:Ct("chakra-accordion__button",t.className),__css:a})});ku.displayName="AccordionButton";function Nc(e){const{value:t,defaultValue:n,onChange:r,shouldUpdate:o=(v,b)=>v!==b}=e,s=rr(r),a=rr(o),[c,d]=f.useState(n),p=t!==void 0,h=p?t:c,m=rr(v=>{const w=typeof v=="function"?v(h):v;a(h,w)&&(p||d(w),s(w))},[p,s,h,a]);return[h,m]}function pA(e){const{onChange:t,defaultIndex:n,index:r,allowMultiple:o,allowToggle:s,...a}=e;gA(e),vA(e);const c=dA(),[d,p]=f.useState(-1);f.useEffect(()=>()=>{p(-1)},[]);const[h,m]=Nc({value:r,defaultValue(){return o?n??[]:n??-1},onChange:t});return{index:h,setIndex:m,htmlProps:a,getAccordionItemProps:b=>{let w=!1;return b!==null&&(w=Array.isArray(h)?h.includes(b):h===b),{isOpen:w,onChange:S=>{if(b!==null)if(o&&Array.isArray(h)){const _=S?h.concat(b):h.filter(k=>k!==b);m(_)}else S?m(b):s&&m(-1)}}},focusedIndex:d,setFocusedIndex:p,descendants:c}}var[hA,fb]=Dn({name:"AccordionContext",hookName:"useAccordionContext",providerName:"Accordion"});function mA(e){const{isDisabled:t,isFocusable:n,id:r,...o}=e,{getAccordionItemProps:s,setFocusedIndex:a}=fb(),c=f.useRef(null),d=f.useId(),p=r??d,h=`accordion-button-${p}`,m=`accordion-panel-${p}`;bA(e);const{register:v,index:b,descendants:w}=fA({disabled:t&&!n}),{isOpen:y,onChange:S}=s(b===-1?null:b);yA({isOpen:y,isDisabled:t});const _=()=>{S==null||S(!0)},k=()=>{S==null||S(!1)},j=f.useCallback(()=>{S==null||S(!y),a(b)},[b,a,y,S]),I=f.useCallback(M=>{const T={ArrowDown:()=>{const $=w.nextEnabled(b);$==null||$.node.focus()},ArrowUp:()=>{const $=w.prevEnabled(b);$==null||$.node.focus()},Home:()=>{const $=w.firstEnabled();$==null||$.node.focus()},End:()=>{const $=w.lastEnabled();$==null||$.node.focus()}}[M.key];T&&(M.preventDefault(),T(M))},[w,b]),E=f.useCallback(()=>{a(b)},[a,b]),O=f.useCallback(function(A={},T=null){return{...A,type:"button",ref:cn(v,c,T),id:h,disabled:!!t,"aria-expanded":!!y,"aria-controls":m,onClick:nt(A.onClick,j),onFocus:nt(A.onFocus,E),onKeyDown:nt(A.onKeyDown,I)}},[h,t,y,j,E,I,m,v]),R=f.useCallback(function(A={},T=null){return{...A,ref:T,role:"region",id:m,"aria-labelledby":h,hidden:!y}},[h,y,m]);return{isOpen:y,isDisabled:t,isFocusable:n,onOpen:_,onClose:k,getButtonProps:O,getPanelProps:R,htmlProps:o}}function gA(e){const t=e.index||e.defaultIndex,n=t!=null&&!Array.isArray(t)&&e.allowMultiple;fd({condition:!!n,message:`If 'allowMultiple' is passed, then 'index' or 'defaultIndex' must be an array. You passed: ${typeof t},`})}function vA(e){fd({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"})}function bA(e){fd({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. - `})}function yA(e){fd({condition:e.isOpen&&!!e.isDisabled,message:"Cannot open a disabled accordion item"})}function _u(e){const{isOpen:t,isDisabled:n}=db(),{reduceMotion:r}=fb(),o=Ct("chakra-accordion__icon",e.className),s=im(),a={opacity:n?.4:1,transform:t?"rotate(-180deg)":void 0,transition:r?void 0:"transform 0.2s",transformOrigin:"center",...s.icon};return i.jsx(no,{viewBox:"0 0 24 24","aria-hidden":!0,className:o,__css:a,...e,children:i.jsx("path",{fill:"currentColor",d:"M16.59 8.59L12 13.17 7.41 8.59 6 10l6 6 6-6z"})})}_u.displayName="AccordionIcon";var Pu=Ae(function(t,n){const{children:r,className:o}=t,{htmlProps:s,...a}=mA(t),d={...im().container,overflowAnchor:"none"},p=f.useMemo(()=>a,[a]);return i.jsx(cA,{value:p,children:i.jsx(je.div,{ref:n,...s,className:Ct("chakra-accordion__item",o),__css:d,children:typeof r=="function"?r({isExpanded:!!a.isOpen,isDisabled:!!a.isDisabled}):r})})});Pu.displayName="AccordionItem";var qi={ease:[.25,.1,.25,1],easeIn:[.4,0,1,1],easeOut:[0,0,.2,1],easeInOut:[.4,0,.2,1]},fu={scale:{enter:{scale:1},exit:{scale:.95}},fade:{enter:{opacity:1},exit:{opacity:0}},pushLeft:{enter:{x:"100%"},exit:{x:"-30%"}},pushRight:{enter:{x:"-100%"},exit:{x:"30%"}},pushUp:{enter:{y:"100%"},exit:{y:"-30%"}},pushDown:{enter:{y:"-100%"},exit:{y:"30%"}},slideLeft:{position:{left:0,top:0,bottom:0,width:"100%"},enter:{x:0,y:0},exit:{x:"-100%",y:0}},slideRight:{position:{right:0,top:0,bottom:0,width:"100%"},enter:{x:0,y:0},exit:{x:"100%",y:0}},slideUp:{position:{top:0,left:0,right:0,maxWidth:"100vw"},enter:{x:0,y:0},exit:{x:0,y:"-100%"}},slideDown:{position:{bottom:0,left:0,right:0,maxWidth:"100vw"},enter:{x:0,y:0},exit:{x:0,y:"100%"}}};function Nv(e){var t;switch((t=e==null?void 0:e.direction)!=null?t:"right"){case"right":return fu.slideRight;case"left":return fu.slideLeft;case"bottom":return fu.slideDown;case"top":return fu.slideUp;default:return fu.slideRight}}var Xi={enter:{duration:.2,ease:qi.easeOut},exit:{duration:.1,ease:qi.easeIn}},ks={enter:(e,t)=>({...e,delay:typeof t=="number"?t:t==null?void 0:t.enter}),exit:(e,t)=>({...e,delay:typeof t=="number"?t:t==null?void 0:t.exit})},xA=e=>e!=null&&parseInt(e.toString(),10)>0,Iw={exit:{height:{duration:.2,ease:qi.ease},opacity:{duration:.3,ease:qi.ease}},enter:{height:{duration:.3,ease:qi.ease},opacity:{duration:.4,ease:qi.ease}}},wA={exit:({animateOpacity:e,startingHeight:t,transition:n,transitionEnd:r,delay:o})=>{var s;return{...e&&{opacity:xA(t)?1:0},height:t,transitionEnd:r==null?void 0:r.exit,transition:(s=n==null?void 0:n.exit)!=null?s:ks.exit(Iw.exit,o)}},enter:({animateOpacity:e,endingHeight:t,transition:n,transitionEnd:r,delay:o})=>{var s;return{...e&&{opacity:1},height:t,transitionEnd:r==null?void 0:r.enter,transition:(s=n==null?void 0:n.enter)!=null?s:ks.enter(Iw.enter,o)}}},lm=f.forwardRef((e,t)=>{const{in:n,unmountOnExit:r,animateOpacity:o=!0,startingHeight:s=0,endingHeight:a="auto",style:c,className:d,transition:p,transitionEnd:h,...m}=e,[v,b]=f.useState(!1);f.useEffect(()=>{const k=setTimeout(()=>{b(!0)});return()=>clearTimeout(k)},[]),fd({condition:Number(s)>0&&!!r,message:"startingHeight and unmountOnExit are mutually exclusive. You can't use them together"});const w=parseFloat(s.toString())>0,y={startingHeight:s,endingHeight:a,animateOpacity:o,transition:v?p:{enter:{duration:0}},transitionEnd:{enter:h==null?void 0:h.enter,exit:r?h==null?void 0:h.exit:{...h==null?void 0:h.exit,display:w?"block":"none"}}},S=r?n:!0,_=n||r?"enter":"exit";return i.jsx(ho,{initial:!1,custom:y,children:S&&i.jsx(Ir.div,{ref:t,...m,className:Ct("chakra-collapse",d),style:{overflow:"hidden",display:"block",...c},custom:y,variants:wA,initial:r?"exit":!1,animate:_,exit:"exit"})})});lm.displayName="Collapse";var SA={enter:({transition:e,transitionEnd:t,delay:n}={})=>{var r;return{opacity:1,transition:(r=e==null?void 0:e.enter)!=null?r:ks.enter(Xi.enter,n),transitionEnd:t==null?void 0:t.enter}},exit:({transition:e,transitionEnd:t,delay:n}={})=>{var r;return{opacity:0,transition:(r=e==null?void 0:e.exit)!=null?r:ks.exit(Xi.exit,n),transitionEnd:t==null?void 0:t.exit}}},L5={initial:"exit",animate:"enter",exit:"exit",variants:SA},CA=f.forwardRef(function(t,n){const{unmountOnExit:r,in:o,className:s,transition:a,transitionEnd:c,delay:d,...p}=t,h=o||r?"enter":"exit",m=r?o&&r:!0,v={transition:a,transitionEnd:c,delay:d};return i.jsx(ho,{custom:v,children:m&&i.jsx(Ir.div,{ref:n,className:Ct("chakra-fade",s),custom:v,...L5,animate:h,...p})})});CA.displayName="Fade";var kA={exit:({reverse:e,initialScale:t,transition:n,transitionEnd:r,delay:o})=>{var s;return{opacity:0,...e?{scale:t,transitionEnd:r==null?void 0:r.exit}:{transitionEnd:{scale:t,...r==null?void 0:r.exit}},transition:(s=n==null?void 0:n.exit)!=null?s:ks.exit(Xi.exit,o)}},enter:({transitionEnd:e,transition:t,delay:n})=>{var r;return{opacity:1,scale:1,transition:(r=t==null?void 0:t.enter)!=null?r:ks.enter(Xi.enter,n),transitionEnd:e==null?void 0:e.enter}}},B5={initial:"exit",animate:"enter",exit:"exit",variants:kA},_A=f.forwardRef(function(t,n){const{unmountOnExit:r,in:o,reverse:s=!0,initialScale:a=.95,className:c,transition:d,transitionEnd:p,delay:h,...m}=t,v=r?o&&r:!0,b=o||r?"enter":"exit",w={initialScale:a,reverse:s,transition:d,transitionEnd:p,delay:h};return i.jsx(ho,{custom:w,children:v&&i.jsx(Ir.div,{ref:n,className:Ct("chakra-offset-slide",c),...B5,animate:b,custom:w,...m})})});_A.displayName="ScaleFade";var PA={initial:({offsetX:e,offsetY:t,transition:n,transitionEnd:r,delay:o})=>{var s;return{opacity:0,x:e,y:t,transition:(s=n==null?void 0:n.exit)!=null?s:ks.exit(Xi.exit,o),transitionEnd:r==null?void 0:r.exit}},enter:({transition:e,transitionEnd:t,delay:n})=>{var r;return{opacity:1,x:0,y:0,transition:(r=e==null?void 0:e.enter)!=null?r:ks.enter(Xi.enter,n),transitionEnd:t==null?void 0:t.enter}},exit:({offsetY:e,offsetX:t,transition:n,transitionEnd:r,reverse:o,delay:s})=>{var a;const c={x:t,y:e};return{opacity:0,transition:(a=n==null?void 0:n.exit)!=null?a:ks.exit(Xi.exit,s),...o?{...c,transitionEnd:r==null?void 0:r.exit}:{transitionEnd:{...c,...r==null?void 0:r.exit}}}}},$v={initial:"initial",animate:"enter",exit:"exit",variants:PA},jA=f.forwardRef(function(t,n){const{unmountOnExit:r,in:o,reverse:s=!0,className:a,offsetX:c=0,offsetY:d=8,transition:p,transitionEnd:h,delay:m,...v}=t,b=r?o&&r:!0,w=o||r?"enter":"exit",y={offsetX:c,offsetY:d,reverse:s,transition:p,transitionEnd:h,delay:m};return i.jsx(ho,{custom:y,children:b&&i.jsx(Ir.div,{ref:n,className:Ct("chakra-offset-slide",a),custom:y,...$v,animate:w,...v})})});jA.displayName="SlideFade";var Ew={exit:{duration:.15,ease:qi.easeInOut},enter:{type:"spring",damping:25,stiffness:180}},IA={exit:({direction:e,transition:t,transitionEnd:n,delay:r})=>{var o;const{exit:s}=Nv({direction:e});return{...s,transition:(o=t==null?void 0:t.exit)!=null?o:ks.exit(Ew.exit,r),transitionEnd:n==null?void 0:n.exit}},enter:({direction:e,transitionEnd:t,transition:n,delay:r})=>{var o;const{enter:s}=Nv({direction:e});return{...s,transition:(o=n==null?void 0:n.enter)!=null?o:ks.enter(Ew.enter,r),transitionEnd:t==null?void 0:t.enter}}},F5=f.forwardRef(function(t,n){const{direction:r="right",style:o,unmountOnExit:s,in:a,className:c,transition:d,transitionEnd:p,delay:h,motionProps:m,...v}=t,b=Nv({direction:r}),w=Object.assign({position:"fixed"},b.position,o),y=s?a&&s:!0,S=a||s?"enter":"exit",_={transitionEnd:p,transition:d,direction:r,delay:h};return i.jsx(ho,{custom:_,children:y&&i.jsx(Ir.div,{...v,ref:n,initial:"exit",className:Ct("chakra-slide",c),animate:S,exit:"exit",custom:_,variants:IA,style:w,...m})})});F5.displayName="Slide";var ju=Ae(function(t,n){const{className:r,motionProps:o,...s}=t,{reduceMotion:a}=fb(),{getPanelProps:c,isOpen:d}=db(),p=c(s,n),h=Ct("chakra-accordion__panel",r),m=im();a||delete p.hidden;const v=i.jsx(je.div,{...p,__css:m.panel,className:h});return a?v:i.jsx(lm,{in:d,...o,children:v})});ju.displayName="AccordionPanel";var H5=Ae(function({children:t,reduceMotion:n,...r},o){const s=Fr("Accordion",r),a=qn(r),{htmlProps:c,descendants:d,...p}=pA(a),h=f.useMemo(()=>({...p,reduceMotion:!!n}),[p,n]);return i.jsx(uA,{value:d,children:i.jsx(hA,{value:h,children:i.jsx(lA,{value:s,children:i.jsx(je.div,{ref:o,...c,className:Ct("chakra-accordion",r.className),__css:s.root,children:t})})})})});H5.displayName="Accordion";function yd(e){return f.Children.toArray(e).filter(t=>f.isValidElement(t))}var[EA,OA]=Dn({strict:!1,name:"ButtonGroupContext"}),RA={horizontal:{"> *: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}},vertical:{"> *:first-of-type:not(:last-of-type)":{borderBottomRadius:0},"> *:not(:first-of-type):not(:last-of-type)":{borderRadius:0},"> *:not(:first-of-type):last-of-type":{borderTopRadius:0}}},MA={horizontal:e=>({"& > *:not(style) ~ *:not(style)":{marginStart:e}}),vertical:e=>({"& > *:not(style) ~ *:not(style)":{marginTop:e}})},nr=Ae(function(t,n){const{size:r,colorScheme:o,variant:s,className:a,spacing:c="0.5rem",isAttached:d,isDisabled:p,orientation:h="horizontal",...m}=t,v=Ct("chakra-button__group",a),b=f.useMemo(()=>({size:r,colorScheme:o,variant:s,isDisabled:p}),[r,o,s,p]);let w={display:"inline-flex",...d?RA[h]:MA[h](c)};const y=h==="vertical";return i.jsx(EA,{value:b,children:i.jsx(je.div,{ref:n,role:"group",__css:w,className:v,"data-attached":d?"":void 0,"data-orientation":h,flexDir:y?"column":void 0,...m})})});nr.displayName="ButtonGroup";function DA(e){const[t,n]=f.useState(!e);return{ref:f.useCallback(s=>{s&&n(s.tagName==="BUTTON")},[]),type:t?"button":void 0}}function zv(e){const{children:t,className:n,...r}=e,o=f.isValidElement(t)?f.cloneElement(t,{"aria-hidden":!0,focusable:!1}):t,s=Ct("chakra-button__icon",n);return i.jsx(je.span,{display:"inline-flex",alignSelf:"center",flexShrink:0,...r,className:s,children:o})}zv.displayName="ButtonIcon";function Fp(e){const{label:t,placement:n,spacing:r="0.5rem",children:o=i.jsx(fl,{color:"currentColor",width:"1em",height:"1em"}),className:s,__css:a,...c}=e,d=Ct("chakra-button__spinner",s),p=n==="start"?"marginEnd":"marginStart",h=f.useMemo(()=>({display:"flex",alignItems:"center",position:t?"relative":"absolute",[p]:t?r:0,fontSize:"1em",lineHeight:"normal",...a}),[a,t,p,r]);return i.jsx(je.div,{className:d,...c,__css:h,children:o})}Fp.displayName="ButtonSpinner";var vc=Ae((e,t)=>{const n=OA(),r=ia("Button",{...n,...e}),{isDisabled:o=n==null?void 0:n.isDisabled,isLoading:s,isActive:a,children:c,leftIcon:d,rightIcon:p,loadingText:h,iconSpacing:m="0.5rem",type:v,spinner:b,spinnerPlacement:w="start",className:y,as:S,..._}=qn(e),k=f.useMemo(()=>{const O={...r==null?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:O}}},[r,n]),{ref:j,type:I}=DA(S),E={rightIcon:p,leftIcon:d,iconSpacing:m,children:c};return i.jsxs(je.button,{ref:oA(t,j),as:S,type:v??I,"data-active":Ft(a),"data-loading":Ft(s),__css:k,className:Ct("chakra-button",y),..._,disabled:o||s,children:[s&&w==="start"&&i.jsx(Fp,{className:"chakra-button__spinner--start",label:h,placement:"start",spacing:m,children:b}),s?h||i.jsx(je.span,{opacity:0,children:i.jsx(Ow,{...E})}):i.jsx(Ow,{...E}),s&&w==="end"&&i.jsx(Fp,{className:"chakra-button__spinner--end",label:h,placement:"end",spacing:m,children:b})]})});vc.displayName="Button";function Ow(e){const{leftIcon:t,rightIcon:n,children:r,iconSpacing:o}=e;return i.jsxs(i.Fragment,{children:[t&&i.jsx(zv,{marginEnd:o,children:t}),r,n&&i.jsx(zv,{marginStart:o,children:n})]})}var Ca=Ae((e,t)=>{const{icon:n,children:r,isRound:o,"aria-label":s,...a}=e,c=n||r,d=f.isValidElement(c)?f.cloneElement(c,{"aria-hidden":!0,focusable:!1}):null;return i.jsx(vc,{padding:"0",borderRadius:o?"full":void 0,ref:t,"aria-label":s,...a,children:d})});Ca.displayName="IconButton";var[Ode,AA]=Dn({name:"CheckboxGroupContext",strict:!1});function TA(e){const[t,n]=f.useState(e),[r,o]=f.useState(!1);return e!==t&&(o(!0),n(e)),r}function NA(e){return i.jsx(je.svg,{width:"1.2em",viewBox:"0 0 12 10",style:{fill:"none",strokeWidth:2,stroke:"currentColor",strokeDasharray:16},...e,children:i.jsx("polyline",{points:"1.5 6 4.5 9 10.5 1"})})}function $A(e){return i.jsx(je.svg,{width:"1.2em",viewBox:"0 0 24 24",style:{stroke:"currentColor",strokeWidth:4},...e,children:i.jsx("line",{x1:"21",x2:"3",y1:"12",y2:"12"})})}function zA(e){const{isIndeterminate:t,isChecked:n,...r}=e,o=t?$A:NA;return n||t?i.jsx(je.div,{style:{display:"flex",alignItems:"center",justifyContent:"center",height:"100%"},children:i.jsx(o,{...r})}):null}var[LA,W5]=Dn({name:"FormControlStylesContext",errorMessage:`useFormControlStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),[BA,xd]=Dn({strict:!1,name:"FormControlContext"});function FA(e){const{id:t,isRequired:n,isInvalid:r,isDisabled:o,isReadOnly:s,...a}=e,c=f.useId(),d=t||`field-${c}`,p=`${d}-label`,h=`${d}-feedback`,m=`${d}-helptext`,[v,b]=f.useState(!1),[w,y]=f.useState(!1),[S,_]=f.useState(!1),k=f.useCallback((R={},M=null)=>({id:m,...R,ref:cn(M,A=>{A&&y(!0)})}),[m]),j=f.useCallback((R={},M=null)=>({...R,ref:M,"data-focus":Ft(S),"data-disabled":Ft(o),"data-invalid":Ft(r),"data-readonly":Ft(s),id:R.id!==void 0?R.id:p,htmlFor:R.htmlFor!==void 0?R.htmlFor:d}),[d,o,S,r,s,p]),I=f.useCallback((R={},M=null)=>({id:h,...R,ref:cn(M,A=>{A&&b(!0)}),"aria-live":"polite"}),[h]),E=f.useCallback((R={},M=null)=>({...R,...a,ref:M,role:"group"}),[a]),O=f.useCallback((R={},M=null)=>({...R,ref:M,role:"presentation","aria-hidden":!0,children:R.children||"*"}),[]);return{isRequired:!!n,isInvalid:!!r,isReadOnly:!!s,isDisabled:!!o,isFocused:!!S,onFocus:()=>_(!0),onBlur:()=>_(!1),hasFeedbackText:v,setHasFeedbackText:b,hasHelpText:w,setHasHelpText:y,id:d,labelId:p,feedbackId:h,helpTextId:m,htmlProps:a,getHelpTextProps:k,getErrorMessageProps:I,getRootProps:E,getLabelProps:j,getRequiredIndicatorProps:O}}var mo=Ae(function(t,n){const r=Fr("Form",t),o=qn(t),{getRootProps:s,htmlProps:a,...c}=FA(o),d=Ct("chakra-form-control",t.className);return i.jsx(BA,{value:c,children:i.jsx(LA,{value:r,children:i.jsx(je.div,{...s({},n),className:d,__css:r.container})})})});mo.displayName="FormControl";var HA=Ae(function(t,n){const r=xd(),o=W5(),s=Ct("chakra-form__helper-text",t.className);return i.jsx(je.div,{...r==null?void 0:r.getHelpTextProps(t,n),__css:o.helperText,className:s})});HA.displayName="FormHelperText";var Lo=Ae(function(t,n){var r;const o=ia("FormLabel",t),s=qn(t),{className:a,children:c,requiredIndicator:d=i.jsx(V5,{}),optionalIndicator:p=null,...h}=s,m=xd(),v=(r=m==null?void 0:m.getLabelProps(h,n))!=null?r:{ref:n,...h};return i.jsxs(je.label,{...v,className:Ct("chakra-form__label",s.className),__css:{display:"block",textAlign:"start",...o},children:[c,m!=null&&m.isRequired?d:p]})});Lo.displayName="FormLabel";var V5=Ae(function(t,n){const r=xd(),o=W5();if(!(r!=null&&r.isRequired))return null;const s=Ct("chakra-form__required-indicator",t.className);return i.jsx(je.span,{...r==null?void 0:r.getRequiredIndicatorProps(t,n),__css:o.requiredIndicator,className:s})});V5.displayName="RequiredIndicator";function pb(e){const{isDisabled:t,isInvalid:n,isReadOnly:r,isRequired:o,...s}=hb(e);return{...s,disabled:t,readOnly:r,required:o,"aria-invalid":ns(n),"aria-required":ns(o),"aria-readonly":ns(r)}}function hb(e){var t,n,r;const o=xd(),{id:s,disabled:a,readOnly:c,required:d,isRequired:p,isInvalid:h,isReadOnly:m,isDisabled:v,onFocus:b,onBlur:w,...y}=e,S=e["aria-describedby"]?[e["aria-describedby"]]:[];return o!=null&&o.hasFeedbackText&&(o!=null&&o.isInvalid)&&S.push(o.feedbackId),o!=null&&o.hasHelpText&&S.push(o.helpTextId),{...y,"aria-describedby":S.join(" ")||void 0,id:s??(o==null?void 0:o.id),isDisabled:(t=a??v)!=null?t:o==null?void 0:o.isDisabled,isReadOnly:(n=c??m)!=null?n:o==null?void 0:o.isReadOnly,isRequired:(r=d??p)!=null?r:o==null?void 0:o.isRequired,isInvalid:h??(o==null?void 0:o.isInvalid),onFocus:nt(o==null?void 0:o.onFocus,b),onBlur:nt(o==null?void 0:o.onBlur,w)}}var mb={border:"0",clip:"rect(0, 0, 0, 0)",height:"1px",width:"1px",margin:"-1px",padding:"0",overflow:"hidden",whiteSpace:"nowrap",position:"absolute"},U5=je("span",{baseStyle:mb});U5.displayName="VisuallyHidden";var WA=je("input",{baseStyle:mb});WA.displayName="VisuallyHiddenInput";const VA=()=>typeof document<"u";let Rw=!1,wd=null,rl=!1,Lv=!1;const Bv=new Set;function gb(e,t){Bv.forEach(n=>n(e,t))}const UA=typeof window<"u"&&window.navigator!=null?/^Mac/.test(window.navigator.platform):!1;function GA(e){return!(e.metaKey||!UA&&e.altKey||e.ctrlKey||e.key==="Control"||e.key==="Shift"||e.key==="Meta")}function Mw(e){rl=!0,GA(e)&&(wd="keyboard",gb("keyboard",e))}function Al(e){if(wd="pointer",e.type==="mousedown"||e.type==="pointerdown"){rl=!0;const t=e.composedPath?e.composedPath()[0]:e.target;let n=!1;try{n=t.matches(":focus-visible")}catch{}if(n)return;gb("pointer",e)}}function qA(e){return e.mozInputSource===0&&e.isTrusted?!0:e.detail===0&&!e.pointerType}function KA(e){qA(e)&&(rl=!0,wd="virtual")}function XA(e){e.target===window||e.target===document||(!rl&&!Lv&&(wd="virtual",gb("virtual",e)),rl=!1,Lv=!1)}function YA(){rl=!1,Lv=!0}function Dw(){return wd!=="pointer"}function QA(){if(!VA()||Rw)return;const{focus:e}=HTMLElement.prototype;HTMLElement.prototype.focus=function(...n){rl=!0,e.apply(this,n)},document.addEventListener("keydown",Mw,!0),document.addEventListener("keyup",Mw,!0),document.addEventListener("click",KA,!0),window.addEventListener("focus",XA,!0),window.addEventListener("blur",YA,!1),typeof PointerEvent<"u"?(document.addEventListener("pointerdown",Al,!0),document.addEventListener("pointermove",Al,!0),document.addEventListener("pointerup",Al,!0)):(document.addEventListener("mousedown",Al,!0),document.addEventListener("mousemove",Al,!0),document.addEventListener("mouseup",Al,!0)),Rw=!0}function G5(e){QA(),e(Dw());const t=()=>e(Dw());return Bv.add(t),()=>{Bv.delete(t)}}function JA(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}function q5(e={}){const t=hb(e),{isDisabled:n,isReadOnly:r,isRequired:o,isInvalid:s,id:a,onBlur:c,onFocus:d,"aria-describedby":p}=t,{defaultChecked:h,isChecked:m,isFocusable:v,onChange:b,isIndeterminate:w,name:y,value:S,tabIndex:_=void 0,"aria-label":k,"aria-labelledby":j,"aria-invalid":I,...E}=e,O=JA(E,["isDisabled","isReadOnly","isRequired","isInvalid","id","onBlur","onFocus","aria-describedby"]),R=rr(b),M=rr(c),A=rr(d),[T,$]=f.useState(!1),[Q,B]=f.useState(!1),[V,q]=f.useState(!1),[G,D]=f.useState(!1);f.useEffect(()=>G5($),[]);const L=f.useRef(null),[W,Y]=f.useState(!0),[ae,be]=f.useState(!!h),ie=m!==void 0,X=ie?m:ae,K=f.useCallback(de=>{if(r||n){de.preventDefault();return}ie||be(X?de.target.checked:w?!0:de.target.checked),R==null||R(de)},[r,n,X,ie,w,R]);ec(()=>{L.current&&(L.current.indeterminate=!!w)},[w]),Ba(()=>{n&&B(!1)},[n,B]),ec(()=>{const de=L.current;if(!(de!=null&&de.form))return;const Te=()=>{be(!!h)};return de.form.addEventListener("reset",Te),()=>{var Oe;return(Oe=de.form)==null?void 0:Oe.removeEventListener("reset",Te)}},[]);const U=n&&!v,se=f.useCallback(de=>{de.key===" "&&D(!0)},[D]),re=f.useCallback(de=>{de.key===" "&&D(!1)},[D]);ec(()=>{if(!L.current)return;L.current.checked!==X&&be(L.current.checked)},[L.current]);const oe=f.useCallback((de={},Te=null)=>{const Oe=$e=>{Q&&$e.preventDefault(),D(!0)};return{...de,ref:Te,"data-active":Ft(G),"data-hover":Ft(V),"data-checked":Ft(X),"data-focus":Ft(Q),"data-focus-visible":Ft(Q&&T),"data-indeterminate":Ft(w),"data-disabled":Ft(n),"data-invalid":Ft(s),"data-readonly":Ft(r),"aria-hidden":!0,onMouseDown:nt(de.onMouseDown,Oe),onMouseUp:nt(de.onMouseUp,()=>D(!1)),onMouseEnter:nt(de.onMouseEnter,()=>q(!0)),onMouseLeave:nt(de.onMouseLeave,()=>q(!1))}},[G,X,n,Q,T,V,w,s,r]),pe=f.useCallback((de={},Te=null)=>({...de,ref:Te,"data-active":Ft(G),"data-hover":Ft(V),"data-checked":Ft(X),"data-focus":Ft(Q),"data-focus-visible":Ft(Q&&T),"data-indeterminate":Ft(w),"data-disabled":Ft(n),"data-invalid":Ft(s),"data-readonly":Ft(r)}),[G,X,n,Q,T,V,w,s,r]),le=f.useCallback((de={},Te=null)=>({...O,...de,ref:cn(Te,Oe=>{Oe&&Y(Oe.tagName==="LABEL")}),onClick:nt(de.onClick,()=>{var Oe;W||((Oe=L.current)==null||Oe.click(),requestAnimationFrame(()=>{var $e;($e=L.current)==null||$e.focus({preventScroll:!0})}))}),"data-disabled":Ft(n),"data-checked":Ft(X),"data-invalid":Ft(s)}),[O,n,X,s,W]),ge=f.useCallback((de={},Te=null)=>({...de,ref:cn(L,Te),type:"checkbox",name:y,value:S,id:a,tabIndex:_,onChange:nt(de.onChange,K),onBlur:nt(de.onBlur,M,()=>B(!1)),onFocus:nt(de.onFocus,A,()=>B(!0)),onKeyDown:nt(de.onKeyDown,se),onKeyUp:nt(de.onKeyUp,re),required:o,checked:X,disabled:U,readOnly:r,"aria-label":k,"aria-labelledby":j,"aria-invalid":I?!!I:s,"aria-describedby":p,"aria-disabled":n,style:mb}),[y,S,a,K,M,A,se,re,o,X,U,r,k,j,I,s,p,n,_]),ke=f.useCallback((de={},Te=null)=>({...de,ref:Te,onMouseDown:nt(de.onMouseDown,ZA),"data-disabled":Ft(n),"data-checked":Ft(X),"data-invalid":Ft(s)}),[X,n,s]);return{state:{isInvalid:s,isFocused:Q,isChecked:X,isActive:G,isHovered:V,isIndeterminate:w,isDisabled:n,isReadOnly:r,isRequired:o},getRootProps:le,getCheckboxProps:oe,getIndicatorProps:pe,getInputProps:ge,getLabelProps:ke,htmlProps:O}}function ZA(e){e.preventDefault(),e.stopPropagation()}var eT={display:"inline-flex",alignItems:"center",justifyContent:"center",verticalAlign:"top",userSelect:"none",flexShrink:0},tT={cursor:"pointer",display:"inline-flex",alignItems:"center",verticalAlign:"top",position:"relative"},nT=za({from:{opacity:0,strokeDashoffset:16,transform:"scale(0.95)"},to:{opacity:1,strokeDashoffset:0,transform:"scale(1)"}}),rT=za({from:{opacity:0},to:{opacity:1}}),oT=za({from:{transform:"scaleX(0.65)"},to:{transform:"scaleX(1)"}}),K5=Ae(function(t,n){const r=AA(),o={...r,...t},s=Fr("Checkbox",o),a=qn(t),{spacing:c="0.5rem",className:d,children:p,iconColor:h,iconSize:m,icon:v=i.jsx(zA,{}),isChecked:b,isDisabled:w=r==null?void 0:r.isDisabled,onChange:y,inputProps:S,..._}=a;let k=b;r!=null&&r.value&&a.value&&(k=r.value.includes(a.value));let j=y;r!=null&&r.onChange&&a.value&&(j=em(r.onChange,y));const{state:I,getInputProps:E,getCheckboxProps:O,getLabelProps:R,getRootProps:M}=q5({..._,isDisabled:w,isChecked:k,onChange:j}),A=TA(I.isChecked),T=f.useMemo(()=>({animation:A?I.isIndeterminate?`${rT} 20ms linear, ${oT} 200ms linear`:`${nT} 200ms linear`:void 0,fontSize:m,color:h,...s.icon}),[h,m,A,I.isIndeterminate,s.icon]),$=f.cloneElement(v,{__css:T,isIndeterminate:I.isIndeterminate,isChecked:I.isChecked});return i.jsxs(je.label,{__css:{...tT,...s.container},className:Ct("chakra-checkbox",d),...M(),children:[i.jsx("input",{className:"chakra-checkbox__input",...E(S,n)}),i.jsx(je.span,{__css:{...eT,...s.control},className:"chakra-checkbox__control",...O(),children:$}),p&&i.jsx(je.span,{className:"chakra-checkbox__label",...R(),__css:{marginStart:c,...s.label},children:p})]})});K5.displayName="Checkbox";function sT(e){const t=parseFloat(e);return typeof t!="number"||Number.isNaN(t)?0:t}function vb(e,t){let n=sT(e);const r=10**(t??10);return n=Math.round(n*r)/r,t?n.toFixed(t):n.toString()}function Fv(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 Hp(e,t,n){return(e-t)*100/(n-t)}function X5(e,t,n){return(n-t)*e+t}function Hv(e,t,n){const r=Math.round((e-t)/n)*n+t,o=Fv(n);return vb(r,o)}function oc(e,t,n){return e==null?e:(n{var T;return r==null?"":(T=y0(r,s,n))!=null?T:""}),v=typeof o<"u",b=v?o:h,w=Y5(ni(b),s),y=n??w,S=f.useCallback(T=>{T!==b&&(v||m(T.toString()),p==null||p(T.toString(),ni(T)))},[p,v,b]),_=f.useCallback(T=>{let $=T;return d&&($=oc($,a,c)),vb($,y)},[y,d,c,a]),k=f.useCallback((T=s)=>{let $;b===""?$=ni(T):$=ni(b)+T,$=_($),S($)},[_,s,S,b]),j=f.useCallback((T=s)=>{let $;b===""?$=ni(-T):$=ni(b)-T,$=_($),S($)},[_,s,S,b]),I=f.useCallback(()=>{var T;let $;r==null?$="":$=(T=y0(r,s,n))!=null?T:a,S($)},[r,n,s,S,a]),E=f.useCallback(T=>{var $;const Q=($=y0(T,s,y))!=null?$:a;S(Q)},[y,s,S,a]),O=ni(b);return{isOutOfRange:O>c||O" `}),[lT,J5]=Dn({name:"EditableContext",errorMessage:"useEditableContext: context is undefined. Seems you forgot to wrap the editable components in ``"}),Z5={fontSize:"inherit",fontWeight:"inherit",textAlign:"inherit",bg:"transparent"},e3=Ae(function(t,n){const{getInputProps:r}=J5(),o=Q5(),s=r(t,n),a=Ct("chakra-editable__input",t.className);return i.jsx(je.input,{...s,__css:{outline:0,...Z5,...o.input},className:a})});e3.displayName="EditableInput";var t3=Ae(function(t,n){const{getPreviewProps:r}=J5(),o=Q5(),s=r(t,n),a=Ct("chakra-editable__preview",t.className);return i.jsx(je.span,{...s,__css:{cursor:"text",display:"inline-block",...Z5,...o.preview},className:a})});t3.displayName="EditablePreview";function Yi(e,t,n,r){const o=rr(n);return f.useEffect(()=>{const s=typeof e=="function"?e():e??document;if(!(!n||!s))return s.addEventListener(t,o,r),()=>{s.removeEventListener(t,o,r)}},[t,e,r,o,n]),()=>{const s=typeof e=="function"?e():e??document;s==null||s.removeEventListener(t,o,r)}}function cT(e){return"current"in e}var n3=()=>typeof window<"u";function uT(){var e;const t=navigator.userAgentData;return(e=t==null?void 0:t.platform)!=null?e:navigator.platform}var dT=e=>n3()&&e.test(navigator.vendor),fT=e=>n3()&&e.test(uT()),pT=()=>fT(/mac|iphone|ipad|ipod/i),hT=()=>pT()&&dT(/apple/i);function r3(e){const{ref:t,elements:n,enabled:r}=e,o=()=>{var s,a;return(a=(s=t.current)==null?void 0:s.ownerDocument)!=null?a:document};Yi(o,"pointerdown",s=>{if(!hT()||!r)return;const a=s.target,d=(n??[t]).some(p=>{const h=cT(p)?p.current:p;return(h==null?void 0:h.contains(a))||h===a});o().activeElement!==a&&d&&(s.preventDefault(),a.focus())})}function Aw(e,t){return e?e===t||e.contains(t):!1}function mT(e={}){const{onChange:t,onCancel:n,onSubmit:r,onBlur:o,value:s,isDisabled:a,defaultValue:c,startWithEditView:d,isPreviewFocusable:p=!0,submitOnBlur:h=!0,selectAllOnFocus:m=!0,placeholder:v,onEdit:b,finalFocusRef:w,...y}=e,S=rr(b),_=!!(d&&!a),[k,j]=f.useState(_),[I,E]=Nc({defaultValue:c||"",value:s,onChange:t}),[O,R]=f.useState(I),M=f.useRef(null),A=f.useRef(null),T=f.useRef(null),$=f.useRef(null),Q=f.useRef(null);r3({ref:M,enabled:k,elements:[$,Q]});const B=!k&&!a;ec(()=>{var oe,pe;k&&((oe=M.current)==null||oe.focus(),m&&((pe=M.current)==null||pe.select()))},[]),Ba(()=>{var oe,pe,le,ge;if(!k){w?(oe=w.current)==null||oe.focus():(pe=T.current)==null||pe.focus();return}(le=M.current)==null||le.focus(),m&&((ge=M.current)==null||ge.select()),S==null||S()},[k,S,m]);const V=f.useCallback(()=>{B&&j(!0)},[B]),q=f.useCallback(()=>{R(I)},[I]),G=f.useCallback(()=>{j(!1),E(O),n==null||n(O),o==null||o(O)},[n,o,E,O]),D=f.useCallback(()=>{j(!1),R(I),r==null||r(I),o==null||o(O)},[I,r,o,O]);f.useEffect(()=>{if(k)return;const oe=M.current;(oe==null?void 0:oe.ownerDocument.activeElement)===oe&&(oe==null||oe.blur())},[k]);const L=f.useCallback(oe=>{E(oe.currentTarget.value)},[E]),W=f.useCallback(oe=>{const pe=oe.key,ge={Escape:G,Enter:ke=>{!ke.shiftKey&&!ke.metaKey&&D()}}[pe];ge&&(oe.preventDefault(),ge(oe))},[G,D]),Y=f.useCallback(oe=>{const pe=oe.key,ge={Escape:G}[pe];ge&&(oe.preventDefault(),ge(oe))},[G]),ae=I.length===0,be=f.useCallback(oe=>{var pe;if(!k)return;const le=oe.currentTarget.ownerDocument,ge=(pe=oe.relatedTarget)!=null?pe:le.activeElement,ke=Aw($.current,ge),xe=Aw(Q.current,ge);!ke&&!xe&&(h?D():G())},[h,D,G,k]),ie=f.useCallback((oe={},pe=null)=>{const le=B&&p?0:void 0;return{...oe,ref:cn(pe,A),children:ae?v:I,hidden:k,"aria-disabled":ns(a),tabIndex:le,onFocus:nt(oe.onFocus,V,q)}},[a,k,B,p,ae,V,q,v,I]),X=f.useCallback((oe={},pe=null)=>({...oe,hidden:!k,placeholder:v,ref:cn(pe,M),disabled:a,"aria-disabled":ns(a),value:I,onBlur:nt(oe.onBlur,be),onChange:nt(oe.onChange,L),onKeyDown:nt(oe.onKeyDown,W),onFocus:nt(oe.onFocus,q)}),[a,k,be,L,W,q,v,I]),K=f.useCallback((oe={},pe=null)=>({...oe,hidden:!k,placeholder:v,ref:cn(pe,M),disabled:a,"aria-disabled":ns(a),value:I,onBlur:nt(oe.onBlur,be),onChange:nt(oe.onChange,L),onKeyDown:nt(oe.onKeyDown,Y),onFocus:nt(oe.onFocus,q)}),[a,k,be,L,Y,q,v,I]),U=f.useCallback((oe={},pe=null)=>({"aria-label":"Edit",...oe,type:"button",onClick:nt(oe.onClick,V),ref:cn(pe,T),disabled:a}),[V,a]),se=f.useCallback((oe={},pe=null)=>({...oe,"aria-label":"Submit",ref:cn(Q,pe),type:"button",onClick:nt(oe.onClick,D),disabled:a}),[D,a]),re=f.useCallback((oe={},pe=null)=>({"aria-label":"Cancel",id:"cancel",...oe,ref:cn($,pe),type:"button",onClick:nt(oe.onClick,G),disabled:a}),[G,a]);return{isEditing:k,isDisabled:a,isValueEmpty:ae,value:I,onEdit:V,onCancel:G,onSubmit:D,getPreviewProps:ie,getInputProps:X,getTextareaProps:K,getEditButtonProps:U,getSubmitButtonProps:se,getCancelButtonProps:re,htmlProps:y}}var o3=Ae(function(t,n){const r=Fr("Editable",t),o=qn(t),{htmlProps:s,...a}=mT(o),{isEditing:c,onSubmit:d,onCancel:p,onEdit:h}=a,m=Ct("chakra-editable",t.className),v=q1(t.children,{isEditing:c,onSubmit:d,onCancel:p,onEdit:h});return i.jsx(lT,{value:a,children:i.jsx(iT,{value:r,children:i.jsx(je.div,{ref:n,...s,className:m,children:v})})})});o3.displayName="Editable";var s3={exports:{}},gT="SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED",vT=gT,bT=vT;function a3(){}function i3(){}i3.resetWarningCache=a3;var yT=function(){function e(r,o,s,a,c,d){if(d!==bT){var p=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 p.name="Invariant Violation",p}}e.isRequired=e;function t(){return 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:i3,resetWarningCache:a3};return n.PropTypes=n,n};s3.exports=yT();var xT=s3.exports;const Ln=pd(xT);var Wv="data-focus-lock",l3="data-focus-lock-disabled",wT="data-no-focus-lock",ST="data-autofocus-inside",CT="data-no-autofocus";function kT(e,t){return typeof e=="function"?e(t):e&&(e.current=t),e}function _T(e,t){var n=f.useState(function(){return{value:e,callback:t,facade:{get current(){return n.value},set current(r){var o=n.value;o!==r&&(n.value=r,n.callback(r,o))}}}})[0];return n.callback=t,n.facade}function c3(e,t){return _T(t||null,function(n){return e.forEach(function(r){return kT(r,n)})})}var x0={width:"1px",height:"0px",padding:0,overflow:"hidden",position:"fixed",top:"1px",left:"1px"},Qs=function(){return Qs=Object.assign||function(t){for(var n,r=1,o=arguments.length;r0&&s[s.length-1])&&(p[0]===6||p[0]===2)){n=0;continue}if(p[0]===3&&(!s||p[1]>s[0]&&p[1]0)&&!(o=r.next()).done;)s.push(o.value)}catch(c){a={error:c}}finally{try{o&&!o.done&&(n=r.return)&&n.call(r)}finally{if(a)throw a.error}}return s}function Vv(e,t,n){if(n||arguments.length===2)for(var r=0,o=t.length,s;r=0}).sort(LT)},BT=["button:enabled","select:enabled","textarea:enabled","input:enabled","a[href]","area[href]","summary","iframe","object","embed","audio[controls]","video[controls]","[tabindex]","[contenteditable]","[autofocus]"],wb=BT.join(","),FT="".concat(wb,", [data-focus-guard]"),j3=function(e,t){return la((e.shadowRoot||e).children).reduce(function(n,r){return n.concat(r.matches(t?FT:wb)?[r]:[],j3(r))},[])},HT=function(e,t){var n;return e instanceof HTMLIFrameElement&&(!((n=e.contentDocument)===null||n===void 0)&&n.body)?cm([e.contentDocument.body],t):[e]},cm=function(e,t){return e.reduce(function(n,r){var o,s=j3(r,t),a=(o=[]).concat.apply(o,s.map(function(c){return HT(c,t)}));return n.concat(a,r.parentNode?la(r.parentNode.querySelectorAll(wb)).filter(function(c){return c===r}):[])},[])},WT=function(e){var t=e.querySelectorAll("[".concat(ST,"]"));return la(t).map(function(n){return cm([n])}).reduce(function(n,r){return n.concat(r)},[])},Sb=function(e,t){return la(e).filter(function(n){return w3(t,n)}).filter(function(n){return NT(n)})},Nw=function(e,t){return t===void 0&&(t=new Map),la(e).filter(function(n){return S3(t,n)})},Gv=function(e,t,n){return P3(Sb(cm(e,n),t),!0,n)},$w=function(e,t){return P3(Sb(cm(e),t),!1)},VT=function(e,t){return Sb(WT(e),t)},sc=function(e,t){return e.shadowRoot?sc(e.shadowRoot,t):Object.getPrototypeOf(e).contains!==void 0&&Object.getPrototypeOf(e).contains.call(e,t)?!0:la(e.children).some(function(n){var r;if(n instanceof HTMLIFrameElement){var o=(r=n.contentDocument)===null||r===void 0?void 0:r.body;return o?sc(o,t):!1}return sc(n,t)})},UT=function(e){for(var t=new Set,n=e.length,r=0;r0&&t.add(o),(s&Node.DOCUMENT_POSITION_CONTAINS)>0&&t.add(r)}return e.filter(function(a,c){return!t.has(c)})},I3=function(e){return e.parentNode?I3(e.parentNode):e},Cb=function(e){var t=Wp(e);return t.filter(Boolean).reduce(function(n,r){var o=r.getAttribute(Wv);return n.push.apply(n,o?UT(la(I3(r).querySelectorAll("[".concat(Wv,'="').concat(o,'"]:not([').concat(l3,'="disabled"])')))):[r]),n},[])},GT=function(e){try{return e()}catch{return}},Yu=function(e){if(e===void 0&&(e=document),!(!e||!e.activeElement)){var t=e.activeElement;return t.shadowRoot?Yu(t.shadowRoot):t instanceof HTMLIFrameElement&>(function(){return t.contentWindow.document})?Yu(t.contentWindow.document):t}},qT=function(e,t){return e===t},KT=function(e,t){return!!la(e.querySelectorAll("iframe")).some(function(n){return qT(n,t)})},E3=function(e,t){return t===void 0&&(t=Yu(b3(e).ownerDocument)),!t||t.dataset&&t.dataset.focusGuard?!1:Cb(e).some(function(n){return sc(n,t)||KT(n,t)})},XT=function(e){e===void 0&&(e=document);var t=Yu(e);return t?la(e.querySelectorAll("[".concat(wT,"]"))).some(function(n){return sc(n,t)}):!1},YT=function(e,t){return t.filter(_3).filter(function(n){return n.name===e.name}).filter(function(n){return n.checked})[0]||e},kb=function(e,t){return _3(e)&&e.name?YT(e,t):e},QT=function(e){var t=new Set;return e.forEach(function(n){return t.add(kb(n,e))}),e.filter(function(n){return t.has(n)})},zw=function(e){return e[0]&&e.length>1?kb(e[0],e):e[0]},Lw=function(e,t){return e.length>1?e.indexOf(kb(e[t],e)):t},O3="NEW_FOCUS",JT=function(e,t,n,r){var o=e.length,s=e[0],a=e[o-1],c=xb(n);if(!(n&&e.indexOf(n)>=0)){var d=n!==void 0?t.indexOf(n):-1,p=r?t.indexOf(r):d,h=r?e.indexOf(r):-1,m=d-p,v=t.indexOf(s),b=t.indexOf(a),w=QT(t),y=n!==void 0?w.indexOf(n):-1,S=y-(r?w.indexOf(r):d),_=Lw(e,0),k=Lw(e,o-1);if(d===-1||h===-1)return O3;if(!m&&h>=0)return h;if(d<=v&&c&&Math.abs(m)>1)return k;if(d>=b&&c&&Math.abs(m)>1)return _;if(m&&Math.abs(S)>1)return h;if(d<=v)return k;if(d>b)return _;if(m)return Math.abs(m)>1?h:(o+h+m)%o}},ZT=function(e){return function(t){var n,r=(n=C3(t))===null||n===void 0?void 0:n.autofocus;return t.autofocus||r!==void 0&&r!=="false"||e.indexOf(t)>=0}},eN=function(e,t,n){var r=e.map(function(s){var a=s.node;return a}),o=Nw(r.filter(ZT(n)));return o&&o.length?zw(o):zw(Nw(t))},qv=function(e,t){return t===void 0&&(t=[]),t.push(e),e.parentNode&&qv(e.parentNode.host||e.parentNode,t),t},w0=function(e,t){for(var n=qv(e),r=qv(t),o=0;o=0)return s}return!1},R3=function(e,t,n){var r=Wp(e),o=Wp(t),s=r[0],a=!1;return o.filter(Boolean).forEach(function(c){a=w0(a||c,c)||a,n.filter(Boolean).forEach(function(d){var p=w0(s,d);p&&(!a||sc(p,a)?a=p:a=w0(p,a))})}),a},tN=function(e,t){return e.reduce(function(n,r){return n.concat(VT(r,t))},[])},nN=function(e,t){var n=new Map;return t.forEach(function(r){return n.set(r.node,r)}),e.map(function(r){return n.get(r)}).filter(zT)},rN=function(e,t){var n=Yu(Wp(e).length>0?document:b3(e).ownerDocument),r=Cb(e).filter(Vp),o=R3(n||e,e,r),s=new Map,a=$w(r,s),c=Gv(r,s).filter(function(b){var w=b.node;return Vp(w)});if(!(!c[0]&&(c=a,!c[0]))){var d=$w([o],s).map(function(b){var w=b.node;return w}),p=nN(d,c),h=p.map(function(b){var w=b.node;return w}),m=JT(h,d,n,t);if(m===O3){var v=eN(a,h,tN(r,s));if(v)return{node:v};console.warn("focus-lock: cannot find any node to move focus into");return}return m===void 0?m:p[m]}},oN=function(e){var t=Cb(e).filter(Vp),n=R3(e,e,t),r=new Map,o=Gv([n],r,!0),s=Gv(t,r).filter(function(a){var c=a.node;return Vp(c)}).map(function(a){var c=a.node;return c});return o.map(function(a){var c=a.node,d=a.index;return{node:c,index:d,lockItem:s.indexOf(c)>=0,guard:xb(c)}})},sN=function(e,t){"focus"in e&&e.focus(t),"contentWindow"in e&&e.contentWindow&&e.contentWindow.focus()},S0=0,C0=!1,M3=function(e,t,n){n===void 0&&(n={});var r=rN(e,t);if(!C0&&r){if(S0>2){console.error("FocusLock: focus-fighting detected. Only one focus management system could be active. See https://github.com/theKashey/focus-lock/#focus-fighting"),C0=!0,setTimeout(function(){C0=!1},1);return}S0++,sN(r.node,n.focusOptions),S0--}};function _b(e){setTimeout(e,1)}var aN=function(){return document&&document.activeElement===document.body},iN=function(){return aN()||XT()},ac=null,Xl=null,ic=null,Qu=!1,lN=function(){return!0},cN=function(t){return(ac.whiteList||lN)(t)},uN=function(t,n){ic={observerNode:t,portaledElement:n}},dN=function(t){return ic&&ic.portaledElement===t};function Bw(e,t,n,r){var o=null,s=e;do{var a=r[s];if(a.guard)a.node.dataset.focusAutoGuard&&(o=a);else if(a.lockItem){if(s!==e)return;o=null}else break}while((s+=n)!==t);o&&(o.node.tabIndex=0)}var fN=function(t){return t&&"current"in t?t.current:t},pN=function(t){return t?!!Qu:Qu==="meanwhile"},hN=function e(t,n,r){return n&&(n.host===t&&(!n.activeElement||r.contains(n.activeElement))||n.parentNode&&e(t,n.parentNode,r))},mN=function(t,n){return n.some(function(r){return hN(t,r,r)})},Up=function(){var t=!1;if(ac){var n=ac,r=n.observed,o=n.persistentFocus,s=n.autoFocus,a=n.shards,c=n.crossFrame,d=n.focusOptions,p=r||ic&&ic.portaledElement,h=document&&document.activeElement;if(p){var m=[p].concat(a.map(fN).filter(Boolean));if((!h||cN(h))&&(o||pN(c)||!iN()||!Xl&&s)&&(p&&!(E3(m)||h&&mN(h,m)||dN(h))&&(document&&!Xl&&h&&!s?(h.blur&&h.blur(),document.body.focus()):(t=M3(m,Xl,{focusOptions:d}),ic={})),Qu=!1,Xl=document&&document.activeElement),document){var v=document&&document.activeElement,b=oN(m),w=b.map(function(y){var S=y.node;return S}).indexOf(v);w>-1&&(b.filter(function(y){var S=y.guard,_=y.node;return S&&_.dataset.focusAutoGuard}).forEach(function(y){var S=y.node;return S.removeAttribute("tabIndex")}),Bw(w,b.length,1,b),Bw(w,-1,-1,b))}}}return t},D3=function(t){Up()&&t&&(t.stopPropagation(),t.preventDefault())},Pb=function(){return _b(Up)},gN=function(t){var n=t.target,r=t.currentTarget;r.contains(n)||uN(r,n)},vN=function(){return null},A3=function(){Qu="just",_b(function(){Qu="meanwhile"})},bN=function(){document.addEventListener("focusin",D3),document.addEventListener("focusout",Pb),window.addEventListener("blur",A3)},yN=function(){document.removeEventListener("focusin",D3),document.removeEventListener("focusout",Pb),window.removeEventListener("blur",A3)};function xN(e){return e.filter(function(t){var n=t.disabled;return!n})}function wN(e){var t=e.slice(-1)[0];t&&!ac&&bN();var n=ac,r=n&&t&&t.id===n.id;ac=t,n&&!r&&(n.onDeactivation(),e.filter(function(o){var s=o.id;return s===n.id}).length||n.returnFocus(!t)),t?(Xl=null,(!r||n.observed!==t.observed)&&t.onActivation(),Up(),_b(Up)):(yN(),Xl=null)}m3.assignSyncMedium(gN);g3.assignMedium(Pb);jT.assignMedium(function(e){return e({moveFocusInside:M3,focusInside:E3})});const SN=RT(xN,wN)(vN);var T3=f.forwardRef(function(t,n){return f.createElement(v3,or({sideCar:SN,ref:n},t))}),N3=v3.propTypes||{};N3.sideCar;QD(N3,["sideCar"]);T3.propTypes={};const Fw=T3;function $3(e){return e!=null&&typeof e=="object"&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE}function jb(e){var t;if(!$3(e))return!1;const n=(t=e.ownerDocument.defaultView)!=null?t:window;return e instanceof n.HTMLElement}function CN(e){var t,n;return(n=(t=z3(e))==null?void 0:t.defaultView)!=null?n:window}function z3(e){return $3(e)?e.ownerDocument:document}function kN(e){return z3(e).activeElement}function _N(e){const t=e.ownerDocument.defaultView||window,{overflow:n,overflowX:r,overflowY:o}=t.getComputedStyle(e);return/auto|scroll|overlay|hidden/.test(n+o+r)}function PN(e){return e.localName==="html"?e:e.assignedSlot||e.parentElement||e.ownerDocument.documentElement}function L3(e){return["html","body","#document"].includes(e.localName)?e.ownerDocument.body:jb(e)&&_N(e)?e:L3(PN(e))}var B3=e=>e.hasAttribute("tabindex"),jN=e=>B3(e)&&e.tabIndex===-1;function IN(e){return!!e.getAttribute("disabled")||!!e.getAttribute("aria-disabled")}function F3(e){return e.parentElement&&F3(e.parentElement)?!0:e.hidden}function EN(e){const t=e.getAttribute("contenteditable");return t!=="false"&&t!=null}function H3(e){if(!jb(e)||F3(e)||IN(e))return!1;const{localName:t}=e;if(["input","select","textarea","button"].indexOf(t)>=0)return!0;const r={a:()=>e.hasAttribute("href"),audio:()=>e.hasAttribute("controls"),video:()=>e.hasAttribute("controls")};return t in r?r[t]():EN(e)?!0:B3(e)}function ON(e){return e?jb(e)&&H3(e)&&!jN(e):!1}var RN=["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]"],MN=RN.join(),DN=e=>e.offsetWidth>0&&e.offsetHeight>0;function W3(e){const t=Array.from(e.querySelectorAll(MN));return t.unshift(e),t.filter(n=>H3(n)&&DN(n))}var Hw,AN=(Hw=Fw.default)!=null?Hw:Fw,V3=e=>{const{initialFocusRef:t,finalFocusRef:n,contentRef:r,restoreFocus:o,children:s,isDisabled:a,autoFocus:c,persistentFocus:d,lockFocusAcrossFrames:p}=e,h=f.useCallback(()=>{t!=null&&t.current?t.current.focus():r!=null&&r.current&&W3(r.current).length===0&&requestAnimationFrame(()=>{var w;(w=r.current)==null||w.focus()})},[t,r]),m=f.useCallback(()=>{var b;(b=n==null?void 0:n.current)==null||b.focus()},[n]),v=o&&!n;return i.jsx(AN,{crossFrame:p,persistentFocus:d,autoFocus:c,disabled:a,onActivation:h,onDeactivation:m,returnFocus:v,children:s})};V3.displayName="FocusLock";function TN(e,t,n,r){const o=I_(t);return f.useEffect(()=>{var s;const a=(s=W2(n))!=null?s:document;if(t)return a.addEventListener(e,o,r),()=>{a.removeEventListener(e,o,r)}},[e,n,r,o,t]),()=>{var s;((s=W2(n))!=null?s:document).removeEventListener(e,o,r)}}function NN(e){const{ref:t,handler:n,enabled:r=!0}=e,o=I_(n),a=f.useRef({isPointerDown:!1,ignoreEmulatedMouseEvents:!1}).current;f.useEffect(()=>{if(!r)return;const c=m=>{k0(m,t)&&(a.isPointerDown=!0)},d=m=>{if(a.ignoreEmulatedMouseEvents){a.ignoreEmulatedMouseEvents=!1;return}a.isPointerDown&&n&&k0(m,t)&&(a.isPointerDown=!1,o(m))},p=m=>{a.ignoreEmulatedMouseEvents=!0,n&&a.isPointerDown&&k0(m,t)&&(a.isPointerDown=!1,o(m))},h=E_(t.current);return h.addEventListener("mousedown",c,!0),h.addEventListener("mouseup",d,!0),h.addEventListener("touchstart",c,!0),h.addEventListener("touchend",p,!0),()=>{h.removeEventListener("mousedown",c,!0),h.removeEventListener("mouseup",d,!0),h.removeEventListener("touchstart",c,!0),h.removeEventListener("touchend",p,!0)}},[n,t,o,a,r])}function k0(e,t){var n;const r=e.target;return r&&!E_(r).contains(r)?!1:!((n=t.current)!=null&&n.contains(r))}var[$N,zN]=Dn({name:"InputGroupStylesContext",errorMessage:`useInputGroupStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),U3=Ae(function(t,n){const r=Fr("Input",t),{children:o,className:s,...a}=qn(t),c=Ct("chakra-input__group",s),d={},p=yd(o),h=r.field;p.forEach(v=>{var b,w;r&&(h&&v.type.id==="InputLeftElement"&&(d.paddingStart=(b=h.height)!=null?b:h.h),h&&v.type.id==="InputRightElement"&&(d.paddingEnd=(w=h.height)!=null?w:h.h),v.type.id==="InputRightAddon"&&(d.borderEndRadius=0),v.type.id==="InputLeftAddon"&&(d.borderStartRadius=0))});const m=p.map(v=>{var b,w;const y=cb({size:((b=v.props)==null?void 0:b.size)||t.size,variant:((w=v.props)==null?void 0:w.variant)||t.variant});return v.type.id!=="Input"?f.cloneElement(v,y):f.cloneElement(v,Object.assign(y,d,v.props))});return i.jsx(je.div,{className:c,ref:n,__css:{width:"100%",display:"flex",position:"relative",isolation:"isolate",...r.group},"data-group":!0,...a,children:i.jsx($N,{value:r,children:m})})});U3.displayName="InputGroup";var LN=je("div",{baseStyle:{display:"flex",alignItems:"center",justifyContent:"center",position:"absolute",top:"0",zIndex:2}}),um=Ae(function(t,n){var r,o;const{placement:s="left",...a}=t,c=zN(),d=c.field,h={[s==="left"?"insetStart":"insetEnd"]:"0",width:(r=d==null?void 0:d.height)!=null?r:d==null?void 0:d.h,height:(o=d==null?void 0:d.height)!=null?o:d==null?void 0:d.h,fontSize:d==null?void 0:d.fontSize,...c.element};return i.jsx(LN,{ref:n,__css:h,...a})});um.id="InputElement";um.displayName="InputElement";var G3=Ae(function(t,n){const{className:r,...o}=t,s=Ct("chakra-input__left-element",r);return i.jsx(um,{ref:n,placement:"left",className:s,...o})});G3.id="InputLeftElement";G3.displayName="InputLeftElement";var Ib=Ae(function(t,n){const{className:r,...o}=t,s=Ct("chakra-input__right-element",r);return i.jsx(um,{ref:n,placement:"right",className:s,...o})});Ib.id="InputRightElement";Ib.displayName="InputRightElement";var Sd=Ae(function(t,n){const{htmlSize:r,...o}=t,s=Fr("Input",o),a=qn(o),c=pb(a),d=Ct("chakra-input",t.className);return i.jsx(je.input,{size:r,...c,__css:s.field,ref:n,className:d})});Sd.displayName="Input";Sd.id="Input";var Eb=Ae(function(t,n){const r=ia("Link",t),{className:o,isExternal:s,...a}=qn(t);return i.jsx(je.a,{target:s?"_blank":void 0,rel:s?"noopener":void 0,ref:n,className:Ct("chakra-link",o),...a,__css:r})});Eb.displayName="Link";var[BN,q3]=Dn({name:"ListStylesContext",errorMessage:`useListStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),Ob=Ae(function(t,n){const r=Fr("List",t),{children:o,styleType:s="none",stylePosition:a,spacing:c,...d}=qn(t),p=yd(o),m=c?{["& > *:not(style) ~ *:not(style)"]:{mt:c}}:{};return i.jsx(BN,{value:r,children:i.jsx(je.ul,{ref:n,listStyleType:s,listStylePosition:a,role:"list",__css:{...r.container,...m},...d,children:p})})});Ob.displayName="List";var FN=Ae((e,t)=>{const{as:n,...r}=e;return i.jsx(Ob,{ref:t,as:"ol",styleType:"decimal",marginStart:"1em",...r})});FN.displayName="OrderedList";var Rb=Ae(function(t,n){const{as:r,...o}=t;return i.jsx(Ob,{ref:n,as:"ul",styleType:"initial",marginStart:"1em",...o})});Rb.displayName="UnorderedList";var wa=Ae(function(t,n){const r=q3();return i.jsx(je.li,{ref:n,...t,__css:r.item})});wa.displayName="ListItem";var HN=Ae(function(t,n){const r=q3();return i.jsx(no,{ref:n,role:"presentation",...t,__css:r.icon})});HN.displayName="ListIcon";var ol=Ae(function(t,n){const{templateAreas:r,gap:o,rowGap:s,columnGap:a,column:c,row:d,autoFlow:p,autoRows:h,templateRows:m,autoColumns:v,templateColumns:b,...w}=t,y={display:"grid",gridTemplateAreas:r,gridGap:o,gridRowGap:s,gridColumnGap:a,gridAutoColumns:v,gridColumn:c,gridRow:d,gridAutoFlow:p,gridAutoRows:h,gridTemplateRows:m,gridTemplateColumns:b};return i.jsx(je.div,{ref:n,__css:y,...w})});ol.displayName="Grid";function K3(e,t){return Array.isArray(e)?e.map(n=>n===null?null:t(n)):Cv(e)?Object.keys(e).reduce((n,r)=>(n[r]=t(e[r]),n),{}):e!=null?t(e):null}var pl=je("div",{baseStyle:{flex:1,justifySelf:"stretch",alignSelf:"stretch"}});pl.displayName="Spacer";var Ye=Ae(function(t,n){const r=ia("Text",t),{className:o,align:s,decoration:a,casing:c,...d}=qn(t),p=cb({textAlign:t.align,textDecoration:t.decoration,textTransform:t.casing});return i.jsx(je.p,{ref:n,className:Ct("chakra-text",t.className),...p,...d,__css:r})});Ye.displayName="Text";var X3=e=>i.jsx(je.div,{className:"chakra-stack__item",...e,__css:{display:"inline-block",flex:"0 0 auto",minWidth:0,...e.__css}});X3.displayName="StackItem";function WN(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{"&":K3(n,o=>r[o])}}var Mb=Ae((e,t)=>{const{isInline:n,direction:r,align:o,justify:s,spacing:a="0.5rem",wrap:c,children:d,divider:p,className:h,shouldWrapChildren:m,...v}=e,b=n?"row":r??"column",w=f.useMemo(()=>WN({spacing:a,direction:b}),[a,b]),y=!!p,S=!m&&!y,_=f.useMemo(()=>{const j=yd(d);return S?j:j.map((I,E)=>{const O=typeof I.key<"u"?I.key:E,R=E+1===j.length,A=m?i.jsx(X3,{children:I},O):I;if(!y)return A;const T=f.cloneElement(p,{__css:w}),$=R?null:T;return i.jsxs(f.Fragment,{children:[A,$]},O)})},[p,w,y,S,m,d]),k=Ct("chakra-stack",h);return i.jsx(je.div,{ref:t,display:"flex",alignItems:o,justifyContent:s,flexDirection:b,flexWrap:c,gap:y?void 0:a,className:k,...v,children:_})});Mb.displayName="Stack";var Y3=Ae((e,t)=>i.jsx(Mb,{align:"center",...e,direction:"column",ref:t}));Y3.displayName="VStack";var di=Ae((e,t)=>i.jsx(Mb,{align:"center",...e,direction:"row",ref:t}));di.displayName="HStack";function Ww(e){return K3(e,t=>t==="auto"?"auto":`span ${t}/span ${t}`)}var Kv=Ae(function(t,n){const{area:r,colSpan:o,colStart:s,colEnd:a,rowEnd:c,rowSpan:d,rowStart:p,...h}=t,m=cb({gridArea:r,gridColumn:Ww(o),gridRow:Ww(d),gridColumnStart:s,gridColumnEnd:a,gridRowStart:p,gridRowEnd:c});return i.jsx(je.div,{ref:n,__css:m,...h})});Kv.displayName="GridItem";var hl=Ae(function(t,n){const r=ia("Badge",t),{className:o,...s}=qn(t);return i.jsx(je.span,{ref:n,className:Ct("chakra-badge",t.className),...s,__css:{display:"inline-block",whiteSpace:"nowrap",verticalAlign:"middle",...r}})});hl.displayName="Badge";var Pi=Ae(function(t,n){const{borderLeftWidth:r,borderBottomWidth:o,borderTopWidth:s,borderRightWidth:a,borderWidth:c,borderStyle:d,borderColor:p,...h}=ia("Divider",t),{className:m,orientation:v="horizontal",__css:b,...w}=qn(t),y={vertical:{borderLeftWidth:r||a||c||"1px",height:"100%"},horizontal:{borderBottomWidth:o||s||c||"1px",width:"100%"}};return i.jsx(je.hr,{ref:n,"aria-orientation":v,...w,__css:{...h,border:"0",borderColor:p,borderStyle:d,...y[v],...b},className:Ct("chakra-divider",m)})});Pi.displayName="Divider";function VN(e){const{key:t}=e;return t.length===1||t.length>1&&/[^a-zA-Z0-9]/.test(t)}function UN(e={}){const{timeout:t=300,preventDefault:n=()=>!0}=e,[r,o]=f.useState([]),s=f.useRef(),a=()=>{s.current&&(clearTimeout(s.current),s.current=null)},c=()=>{a(),s.current=setTimeout(()=>{o([]),s.current=null},t)};f.useEffect(()=>a,[]);function d(p){return h=>{if(h.key==="Backspace"){const m=[...r];m.pop(),o(m);return}if(VN(h)){const m=r.concat(h.key);n(h)&&(h.preventDefault(),h.stopPropagation()),o(m),p(m.join("")),c()}}}return d}function GN(e,t,n,r){if(t==null)return r;if(!r)return e.find(a=>n(a).toLowerCase().startsWith(t.toLowerCase()));const o=e.filter(s=>n(s).toLowerCase().startsWith(t.toLowerCase()));if(o.length>0){let s;return o.includes(r)?(s=o.indexOf(r)+1,s===o.length&&(s=0),o[s]):(s=e.indexOf(o[0]),e[s])}return r}function qN(){const e=f.useRef(new Map),t=e.current,n=f.useCallback((o,s,a,c)=>{e.current.set(a,{type:s,el:o,options:c}),o.addEventListener(s,a,c)},[]),r=f.useCallback((o,s,a,c)=>{o.removeEventListener(s,a,c),e.current.delete(a)},[]);return f.useEffect(()=>()=>{t.forEach((o,s)=>{r(o.el,o.type,s,o.options)})},[r,t]),{add:n,remove:r}}function _0(e){const t=e.target,{tagName:n,isContentEditable:r}=t;return n!=="INPUT"&&n!=="TEXTAREA"&&r!==!0}function Q3(e={}){const{ref:t,isDisabled:n,isFocusable:r,clickOnEnter:o=!0,clickOnSpace:s=!0,onMouseDown:a,onMouseUp:c,onClick:d,onKeyDown:p,onKeyUp:h,tabIndex:m,onMouseOver:v,onMouseLeave:b,...w}=e,[y,S]=f.useState(!0),[_,k]=f.useState(!1),j=qN(),I=D=>{D&&D.tagName!=="BUTTON"&&S(!1)},E=y?m:m||0,O=n&&!r,R=f.useCallback(D=>{if(n){D.stopPropagation(),D.preventDefault();return}D.currentTarget.focus(),d==null||d(D)},[n,d]),M=f.useCallback(D=>{_&&_0(D)&&(D.preventDefault(),D.stopPropagation(),k(!1),j.remove(document,"keyup",M,!1))},[_,j]),A=f.useCallback(D=>{if(p==null||p(D),n||D.defaultPrevented||D.metaKey||!_0(D.nativeEvent)||y)return;const L=o&&D.key==="Enter";s&&D.key===" "&&(D.preventDefault(),k(!0)),L&&(D.preventDefault(),D.currentTarget.click()),j.add(document,"keyup",M,!1)},[n,y,p,o,s,j,M]),T=f.useCallback(D=>{if(h==null||h(D),n||D.defaultPrevented||D.metaKey||!_0(D.nativeEvent)||y)return;s&&D.key===" "&&(D.preventDefault(),k(!1),D.currentTarget.click())},[s,y,n,h]),$=f.useCallback(D=>{D.button===0&&(k(!1),j.remove(document,"mouseup",$,!1))},[j]),Q=f.useCallback(D=>{if(D.button!==0)return;if(n){D.stopPropagation(),D.preventDefault();return}y||k(!0),D.currentTarget.focus({preventScroll:!0}),j.add(document,"mouseup",$,!1),a==null||a(D)},[n,y,a,j,$]),B=f.useCallback(D=>{D.button===0&&(y||k(!1),c==null||c(D))},[c,y]),V=f.useCallback(D=>{if(n){D.preventDefault();return}v==null||v(D)},[n,v]),q=f.useCallback(D=>{_&&(D.preventDefault(),k(!1)),b==null||b(D)},[_,b]),G=cn(t,I);return y?{...w,ref:G,type:"button","aria-disabled":O?void 0:n,disabled:O,onClick:R,onMouseDown:a,onMouseUp:c,onKeyUp:h,onKeyDown:p,onMouseOver:v,onMouseLeave:b}:{...w,ref:G,role:"button","data-active":Ft(_),"aria-disabled":n?"true":void 0,tabIndex:O?void 0:E,onClick:R,onMouseDown:Q,onMouseUp:B,onKeyUp:T,onKeyDown:A,onMouseOver:V,onMouseLeave:q}}function KN(e){const t=e.current;if(!t)return!1;const n=kN(t);return!n||t.contains(n)?!1:!!ON(n)}function J3(e,t){const{shouldFocus:n,visible:r,focusRef:o}=t,s=n&&!r;Ba(()=>{if(!s||KN(e))return;const a=(o==null?void 0:o.current)||e.current;let c;if(a)return c=requestAnimationFrame(()=>{a.focus({preventScroll:!0})}),()=>{cancelAnimationFrame(c)}},[s,e,o])}var XN={preventScroll:!0,shouldFocus:!1};function YN(e,t=XN){const{focusRef:n,preventScroll:r,shouldFocus:o,visible:s}=t,a=QN(e)?e.current:e,c=o&&s,d=f.useRef(c),p=f.useRef(s);ec(()=>{!p.current&&s&&(d.current=c),p.current=s},[s,c]);const h=f.useCallback(()=>{if(!(!s||!a||!d.current)&&(d.current=!1,!a.contains(document.activeElement)))if(n!=null&&n.current)requestAnimationFrame(()=>{var m;(m=n.current)==null||m.focus({preventScroll:r})});else{const m=W3(a);m.length>0&&requestAnimationFrame(()=>{m[0].focus({preventScroll:r})})}},[s,r,a,n]);Ba(()=>{h()},[h]),Yi(a,"transitionend",h)}function QN(e){return"current"in e}var Tl=(e,t)=>({var:e,varRef:t?`var(${e}, ${t})`:`var(${e})`}),jr={arrowShadowColor:Tl("--popper-arrow-shadow-color"),arrowSize:Tl("--popper-arrow-size","8px"),arrowSizeHalf:Tl("--popper-arrow-size-half"),arrowBg:Tl("--popper-arrow-bg"),transformOrigin:Tl("--popper-transform-origin"),arrowOffset:Tl("--popper-arrow-offset")};function JN(e){if(e.includes("top"))return"1px 1px 0px 0 var(--popper-arrow-shadow-color)";if(e.includes("bottom"))return"-1px -1px 0px 0 var(--popper-arrow-shadow-color)";if(e.includes("right"))return"-1px 1px 0px 0 var(--popper-arrow-shadow-color)";if(e.includes("left"))return"1px -1px 0px 0 var(--popper-arrow-shadow-color)"}var ZN={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"},e$=e=>ZN[e],Vw={scroll:!0,resize:!0};function t$(e){let t;return typeof e=="object"?t={enabled:!0,options:{...Vw,...e}}:t={enabled:e,options:Vw},t}var n$={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`}},r$={name:"transformOrigin",enabled:!0,phase:"write",fn:({state:e})=>{Uw(e)},effect:({state:e})=>()=>{Uw(e)}},Uw=e=>{e.elements.popper.style.setProperty(jr.transformOrigin.var,e$(e.placement))},o$={name:"positionArrow",enabled:!0,phase:"afterWrite",fn:({state:e})=>{s$(e)}},s$=e=>{var t;if(!e.placement)return;const n=a$(e.placement);if((t=e.elements)!=null&&t.arrow&&n){Object.assign(e.elements.arrow.style,{[n.property]:n.value,width:jr.arrowSize.varRef,height:jr.arrowSize.varRef,zIndex:-1});const r={[jr.arrowSizeHalf.var]:`calc(${jr.arrowSize.varRef} / 2 - 1px)`,[jr.arrowOffset.var]:`calc(${jr.arrowSizeHalf.varRef} * -1)`};for(const o in r)e.elements.arrow.style.setProperty(o,r[o])}},a$=e=>{if(e.startsWith("top"))return{property:"bottom",value:jr.arrowOffset.varRef};if(e.startsWith("bottom"))return{property:"top",value:jr.arrowOffset.varRef};if(e.startsWith("left"))return{property:"right",value:jr.arrowOffset.varRef};if(e.startsWith("right"))return{property:"left",value:jr.arrowOffset.varRef}},i$={name:"innerArrow",enabled:!0,phase:"main",requires:["arrow"],fn:({state:e})=>{Gw(e)},effect:({state:e})=>()=>{Gw(e)}},Gw=e=>{if(!e.elements.arrow)return;const t=e.elements.arrow.querySelector("[data-popper-arrow-inner]");if(!t)return;const n=JN(e.placement);n&&t.style.setProperty("--popper-arrow-default-shadow",n),Object.assign(t.style,{transform:"rotate(45deg)",background:jr.arrowBg.varRef,top:0,left:0,width:"100%",height:"100%",position:"absolute",zIndex:"inherit",boxShadow:"var(--popper-arrow-shadow, var(--popper-arrow-default-shadow))"})},l$={"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"}},c$={"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 u$(e,t="ltr"){var n,r;const o=((n=l$[e])==null?void 0:n[t])||e;return t==="ltr"?o:(r=c$[e])!=null?r:o}var ko="top",as="bottom",is="right",_o="left",Db="auto",Cd=[ko,as,is,_o],bc="start",Ju="end",d$="clippingParents",Z3="viewport",pu="popper",f$="reference",qw=Cd.reduce(function(e,t){return e.concat([t+"-"+bc,t+"-"+Ju])},[]),e6=[].concat(Cd,[Db]).reduce(function(e,t){return e.concat([t,t+"-"+bc,t+"-"+Ju])},[]),p$="beforeRead",h$="read",m$="afterRead",g$="beforeMain",v$="main",b$="afterMain",y$="beforeWrite",x$="write",w$="afterWrite",S$=[p$,h$,m$,g$,v$,b$,y$,x$,w$];function ra(e){return e?(e.nodeName||"").toLowerCase():null}function Bo(e){if(e==null)return window;if(e.toString()!=="[object Window]"){var t=e.ownerDocument;return t&&t.defaultView||window}return e}function sl(e){var t=Bo(e).Element;return e instanceof t||e instanceof Element}function rs(e){var t=Bo(e).HTMLElement;return e instanceof t||e instanceof HTMLElement}function Ab(e){if(typeof ShadowRoot>"u")return!1;var t=Bo(e).ShadowRoot;return e instanceof t||e instanceof ShadowRoot}function C$(e){var t=e.state;Object.keys(t.elements).forEach(function(n){var r=t.styles[n]||{},o=t.attributes[n]||{},s=t.elements[n];!rs(s)||!ra(s)||(Object.assign(s.style,r),Object.keys(o).forEach(function(a){var c=o[a];c===!1?s.removeAttribute(a):s.setAttribute(a,c===!0?"":c)}))})}function k$(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(r){var o=t.elements[r],s=t.attributes[r]||{},a=Object.keys(t.styles.hasOwnProperty(r)?t.styles[r]:n[r]),c=a.reduce(function(d,p){return d[p]="",d},{});!rs(o)||!ra(o)||(Object.assign(o.style,c),Object.keys(s).forEach(function(d){o.removeAttribute(d)}))})}}const _$={name:"applyStyles",enabled:!0,phase:"write",fn:C$,effect:k$,requires:["computeStyles"]};function ta(e){return e.split("-")[0]}var Qi=Math.max,Gp=Math.min,yc=Math.round;function Xv(){var e=navigator.userAgentData;return e!=null&&e.brands&&Array.isArray(e.brands)?e.brands.map(function(t){return t.brand+"/"+t.version}).join(" "):navigator.userAgent}function t6(){return!/^((?!chrome|android).)*safari/i.test(Xv())}function xc(e,t,n){t===void 0&&(t=!1),n===void 0&&(n=!1);var r=e.getBoundingClientRect(),o=1,s=1;t&&rs(e)&&(o=e.offsetWidth>0&&yc(r.width)/e.offsetWidth||1,s=e.offsetHeight>0&&yc(r.height)/e.offsetHeight||1);var a=sl(e)?Bo(e):window,c=a.visualViewport,d=!t6()&&n,p=(r.left+(d&&c?c.offsetLeft:0))/o,h=(r.top+(d&&c?c.offsetTop:0))/s,m=r.width/o,v=r.height/s;return{width:m,height:v,top:h,right:p+m,bottom:h+v,left:p,x:p,y:h}}function Tb(e){var t=xc(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 n6(e,t){var n=t.getRootNode&&t.getRootNode();if(e.contains(t))return!0;if(n&&Ab(n)){var r=t;do{if(r&&e.isSameNode(r))return!0;r=r.parentNode||r.host}while(r)}return!1}function Oa(e){return Bo(e).getComputedStyle(e)}function P$(e){return["table","td","th"].indexOf(ra(e))>=0}function ji(e){return((sl(e)?e.ownerDocument:e.document)||window.document).documentElement}function dm(e){return ra(e)==="html"?e:e.assignedSlot||e.parentNode||(Ab(e)?e.host:null)||ji(e)}function Kw(e){return!rs(e)||Oa(e).position==="fixed"?null:e.offsetParent}function j$(e){var t=/firefox/i.test(Xv()),n=/Trident/i.test(Xv());if(n&&rs(e)){var r=Oa(e);if(r.position==="fixed")return null}var o=dm(e);for(Ab(o)&&(o=o.host);rs(o)&&["html","body"].indexOf(ra(o))<0;){var s=Oa(o);if(s.transform!=="none"||s.perspective!=="none"||s.contain==="paint"||["transform","perspective"].indexOf(s.willChange)!==-1||t&&s.willChange==="filter"||t&&s.filter&&s.filter!=="none")return o;o=o.parentNode}return null}function kd(e){for(var t=Bo(e),n=Kw(e);n&&P$(n)&&Oa(n).position==="static";)n=Kw(n);return n&&(ra(n)==="html"||ra(n)==="body"&&Oa(n).position==="static")?t:n||j$(e)||t}function Nb(e){return["top","bottom"].indexOf(e)>=0?"x":"y"}function zu(e,t,n){return Qi(e,Gp(t,n))}function I$(e,t,n){var r=zu(e,t,n);return r>n?n:r}function r6(){return{top:0,right:0,bottom:0,left:0}}function o6(e){return Object.assign({},r6(),e)}function s6(e,t){return t.reduce(function(n,r){return n[r]=e,n},{})}var E$=function(t,n){return t=typeof t=="function"?t(Object.assign({},n.rects,{placement:n.placement})):t,o6(typeof t!="number"?t:s6(t,Cd))};function O$(e){var t,n=e.state,r=e.name,o=e.options,s=n.elements.arrow,a=n.modifiersData.popperOffsets,c=ta(n.placement),d=Nb(c),p=[_o,is].indexOf(c)>=0,h=p?"height":"width";if(!(!s||!a)){var m=E$(o.padding,n),v=Tb(s),b=d==="y"?ko:_o,w=d==="y"?as:is,y=n.rects.reference[h]+n.rects.reference[d]-a[d]-n.rects.popper[h],S=a[d]-n.rects.reference[d],_=kd(s),k=_?d==="y"?_.clientHeight||0:_.clientWidth||0:0,j=y/2-S/2,I=m[b],E=k-v[h]-m[w],O=k/2-v[h]/2+j,R=zu(I,O,E),M=d;n.modifiersData[r]=(t={},t[M]=R,t.centerOffset=R-O,t)}}function R$(e){var t=e.state,n=e.options,r=n.element,o=r===void 0?"[data-popper-arrow]":r;o!=null&&(typeof o=="string"&&(o=t.elements.popper.querySelector(o),!o)||n6(t.elements.popper,o)&&(t.elements.arrow=o))}const M$={name:"arrow",enabled:!0,phase:"main",fn:O$,effect:R$,requires:["popperOffsets"],requiresIfExists:["preventOverflow"]};function wc(e){return e.split("-")[1]}var D$={top:"auto",right:"auto",bottom:"auto",left:"auto"};function A$(e,t){var n=e.x,r=e.y,o=t.devicePixelRatio||1;return{x:yc(n*o)/o||0,y:yc(r*o)/o||0}}function Xw(e){var t,n=e.popper,r=e.popperRect,o=e.placement,s=e.variation,a=e.offsets,c=e.position,d=e.gpuAcceleration,p=e.adaptive,h=e.roundOffsets,m=e.isFixed,v=a.x,b=v===void 0?0:v,w=a.y,y=w===void 0?0:w,S=typeof h=="function"?h({x:b,y}):{x:b,y};b=S.x,y=S.y;var _=a.hasOwnProperty("x"),k=a.hasOwnProperty("y"),j=_o,I=ko,E=window;if(p){var O=kd(n),R="clientHeight",M="clientWidth";if(O===Bo(n)&&(O=ji(n),Oa(O).position!=="static"&&c==="absolute"&&(R="scrollHeight",M="scrollWidth")),O=O,o===ko||(o===_o||o===is)&&s===Ju){I=as;var A=m&&O===E&&E.visualViewport?E.visualViewport.height:O[R];y-=A-r.height,y*=d?1:-1}if(o===_o||(o===ko||o===as)&&s===Ju){j=is;var T=m&&O===E&&E.visualViewport?E.visualViewport.width:O[M];b-=T-r.width,b*=d?1:-1}}var $=Object.assign({position:c},p&&D$),Q=h===!0?A$({x:b,y},Bo(n)):{x:b,y};if(b=Q.x,y=Q.y,d){var B;return Object.assign({},$,(B={},B[I]=k?"0":"",B[j]=_?"0":"",B.transform=(E.devicePixelRatio||1)<=1?"translate("+b+"px, "+y+"px)":"translate3d("+b+"px, "+y+"px, 0)",B))}return Object.assign({},$,(t={},t[I]=k?y+"px":"",t[j]=_?b+"px":"",t.transform="",t))}function T$(e){var t=e.state,n=e.options,r=n.gpuAcceleration,o=r===void 0?!0:r,s=n.adaptive,a=s===void 0?!0:s,c=n.roundOffsets,d=c===void 0?!0:c,p={placement:ta(t.placement),variation:wc(t.placement),popper:t.elements.popper,popperRect:t.rects.popper,gpuAcceleration:o,isFixed:t.options.strategy==="fixed"};t.modifiersData.popperOffsets!=null&&(t.styles.popper=Object.assign({},t.styles.popper,Xw(Object.assign({},p,{offsets:t.modifiersData.popperOffsets,position:t.options.strategy,adaptive:a,roundOffsets:d})))),t.modifiersData.arrow!=null&&(t.styles.arrow=Object.assign({},t.styles.arrow,Xw(Object.assign({},p,{offsets:t.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:d})))),t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-placement":t.placement})}const N$={name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:T$,data:{}};var Af={passive:!0};function $$(e){var t=e.state,n=e.instance,r=e.options,o=r.scroll,s=o===void 0?!0:o,a=r.resize,c=a===void 0?!0:a,d=Bo(t.elements.popper),p=[].concat(t.scrollParents.reference,t.scrollParents.popper);return s&&p.forEach(function(h){h.addEventListener("scroll",n.update,Af)}),c&&d.addEventListener("resize",n.update,Af),function(){s&&p.forEach(function(h){h.removeEventListener("scroll",n.update,Af)}),c&&d.removeEventListener("resize",n.update,Af)}}const z$={name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:$$,data:{}};var L$={left:"right",right:"left",bottom:"top",top:"bottom"};function wp(e){return e.replace(/left|right|bottom|top/g,function(t){return L$[t]})}var B$={start:"end",end:"start"};function Yw(e){return e.replace(/start|end/g,function(t){return B$[t]})}function $b(e){var t=Bo(e),n=t.pageXOffset,r=t.pageYOffset;return{scrollLeft:n,scrollTop:r}}function zb(e){return xc(ji(e)).left+$b(e).scrollLeft}function F$(e,t){var n=Bo(e),r=ji(e),o=n.visualViewport,s=r.clientWidth,a=r.clientHeight,c=0,d=0;if(o){s=o.width,a=o.height;var p=t6();(p||!p&&t==="fixed")&&(c=o.offsetLeft,d=o.offsetTop)}return{width:s,height:a,x:c+zb(e),y:d}}function H$(e){var t,n=ji(e),r=$b(e),o=(t=e.ownerDocument)==null?void 0:t.body,s=Qi(n.scrollWidth,n.clientWidth,o?o.scrollWidth:0,o?o.clientWidth:0),a=Qi(n.scrollHeight,n.clientHeight,o?o.scrollHeight:0,o?o.clientHeight:0),c=-r.scrollLeft+zb(e),d=-r.scrollTop;return Oa(o||n).direction==="rtl"&&(c+=Qi(n.clientWidth,o?o.clientWidth:0)-s),{width:s,height:a,x:c,y:d}}function Lb(e){var t=Oa(e),n=t.overflow,r=t.overflowX,o=t.overflowY;return/auto|scroll|overlay|hidden/.test(n+o+r)}function a6(e){return["html","body","#document"].indexOf(ra(e))>=0?e.ownerDocument.body:rs(e)&&Lb(e)?e:a6(dm(e))}function Lu(e,t){var n;t===void 0&&(t=[]);var r=a6(e),o=r===((n=e.ownerDocument)==null?void 0:n.body),s=Bo(r),a=o?[s].concat(s.visualViewport||[],Lb(r)?r:[]):r,c=t.concat(a);return o?c:c.concat(Lu(dm(a)))}function Yv(e){return Object.assign({},e,{left:e.x,top:e.y,right:e.x+e.width,bottom:e.y+e.height})}function W$(e,t){var n=xc(e,!1,t==="fixed");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}function Qw(e,t,n){return t===Z3?Yv(F$(e,n)):sl(t)?W$(t,n):Yv(H$(ji(e)))}function V$(e){var t=Lu(dm(e)),n=["absolute","fixed"].indexOf(Oa(e).position)>=0,r=n&&rs(e)?kd(e):e;return sl(r)?t.filter(function(o){return sl(o)&&n6(o,r)&&ra(o)!=="body"}):[]}function U$(e,t,n,r){var o=t==="clippingParents"?V$(e):[].concat(t),s=[].concat(o,[n]),a=s[0],c=s.reduce(function(d,p){var h=Qw(e,p,r);return d.top=Qi(h.top,d.top),d.right=Gp(h.right,d.right),d.bottom=Gp(h.bottom,d.bottom),d.left=Qi(h.left,d.left),d},Qw(e,a,r));return c.width=c.right-c.left,c.height=c.bottom-c.top,c.x=c.left,c.y=c.top,c}function i6(e){var t=e.reference,n=e.element,r=e.placement,o=r?ta(r):null,s=r?wc(r):null,a=t.x+t.width/2-n.width/2,c=t.y+t.height/2-n.height/2,d;switch(o){case ko:d={x:a,y:t.y-n.height};break;case as:d={x:a,y:t.y+t.height};break;case is:d={x:t.x+t.width,y:c};break;case _o:d={x:t.x-n.width,y:c};break;default:d={x:t.x,y:t.y}}var p=o?Nb(o):null;if(p!=null){var h=p==="y"?"height":"width";switch(s){case bc:d[p]=d[p]-(t[h]/2-n[h]/2);break;case Ju:d[p]=d[p]+(t[h]/2-n[h]/2);break}}return d}function Zu(e,t){t===void 0&&(t={});var n=t,r=n.placement,o=r===void 0?e.placement:r,s=n.strategy,a=s===void 0?e.strategy:s,c=n.boundary,d=c===void 0?d$:c,p=n.rootBoundary,h=p===void 0?Z3:p,m=n.elementContext,v=m===void 0?pu:m,b=n.altBoundary,w=b===void 0?!1:b,y=n.padding,S=y===void 0?0:y,_=o6(typeof S!="number"?S:s6(S,Cd)),k=v===pu?f$:pu,j=e.rects.popper,I=e.elements[w?k:v],E=U$(sl(I)?I:I.contextElement||ji(e.elements.popper),d,h,a),O=xc(e.elements.reference),R=i6({reference:O,element:j,strategy:"absolute",placement:o}),M=Yv(Object.assign({},j,R)),A=v===pu?M:O,T={top:E.top-A.top+_.top,bottom:A.bottom-E.bottom+_.bottom,left:E.left-A.left+_.left,right:A.right-E.right+_.right},$=e.modifiersData.offset;if(v===pu&&$){var Q=$[o];Object.keys(T).forEach(function(B){var V=[is,as].indexOf(B)>=0?1:-1,q=[ko,as].indexOf(B)>=0?"y":"x";T[B]+=Q[q]*V})}return T}function G$(e,t){t===void 0&&(t={});var n=t,r=n.placement,o=n.boundary,s=n.rootBoundary,a=n.padding,c=n.flipVariations,d=n.allowedAutoPlacements,p=d===void 0?e6:d,h=wc(r),m=h?c?qw:qw.filter(function(w){return wc(w)===h}):Cd,v=m.filter(function(w){return p.indexOf(w)>=0});v.length===0&&(v=m);var b=v.reduce(function(w,y){return w[y]=Zu(e,{placement:y,boundary:o,rootBoundary:s,padding:a})[ta(y)],w},{});return Object.keys(b).sort(function(w,y){return b[w]-b[y]})}function q$(e){if(ta(e)===Db)return[];var t=wp(e);return[Yw(e),t,Yw(t)]}function K$(e){var t=e.state,n=e.options,r=e.name;if(!t.modifiersData[r]._skip){for(var o=n.mainAxis,s=o===void 0?!0:o,a=n.altAxis,c=a===void 0?!0:a,d=n.fallbackPlacements,p=n.padding,h=n.boundary,m=n.rootBoundary,v=n.altBoundary,b=n.flipVariations,w=b===void 0?!0:b,y=n.allowedAutoPlacements,S=t.options.placement,_=ta(S),k=_===S,j=d||(k||!w?[wp(S)]:q$(S)),I=[S].concat(j).reduce(function(X,K){return X.concat(ta(K)===Db?G$(t,{placement:K,boundary:h,rootBoundary:m,padding:p,flipVariations:w,allowedAutoPlacements:y}):K)},[]),E=t.rects.reference,O=t.rects.popper,R=new Map,M=!0,A=I[0],T=0;T=0,q=V?"width":"height",G=Zu(t,{placement:$,boundary:h,rootBoundary:m,altBoundary:v,padding:p}),D=V?B?is:_o:B?as:ko;E[q]>O[q]&&(D=wp(D));var L=wp(D),W=[];if(s&&W.push(G[Q]<=0),c&&W.push(G[D]<=0,G[L]<=0),W.every(function(X){return X})){A=$,M=!1;break}R.set($,W)}if(M)for(var Y=w?3:1,ae=function(K){var U=I.find(function(se){var re=R.get(se);if(re)return re.slice(0,K).every(function(oe){return oe})});if(U)return A=U,"break"},be=Y;be>0;be--){var ie=ae(be);if(ie==="break")break}t.placement!==A&&(t.modifiersData[r]._skip=!0,t.placement=A,t.reset=!0)}}const X$={name:"flip",enabled:!0,phase:"main",fn:K$,requiresIfExists:["offset"],data:{_skip:!1}};function Jw(e,t,n){return n===void 0&&(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 Zw(e){return[ko,is,as,_o].some(function(t){return e[t]>=0})}function Y$(e){var t=e.state,n=e.name,r=t.rects.reference,o=t.rects.popper,s=t.modifiersData.preventOverflow,a=Zu(t,{elementContext:"reference"}),c=Zu(t,{altBoundary:!0}),d=Jw(a,r),p=Jw(c,o,s),h=Zw(d),m=Zw(p);t.modifiersData[n]={referenceClippingOffsets:d,popperEscapeOffsets:p,isReferenceHidden:h,hasPopperEscaped:m},t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-reference-hidden":h,"data-popper-escaped":m})}const Q$={name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:Y$};function J$(e,t,n){var r=ta(e),o=[_o,ko].indexOf(r)>=0?-1:1,s=typeof n=="function"?n(Object.assign({},t,{placement:e})):n,a=s[0],c=s[1];return a=a||0,c=(c||0)*o,[_o,is].indexOf(r)>=0?{x:c,y:a}:{x:a,y:c}}function Z$(e){var t=e.state,n=e.options,r=e.name,o=n.offset,s=o===void 0?[0,0]:o,a=e6.reduce(function(h,m){return h[m]=J$(m,t.rects,s),h},{}),c=a[t.placement],d=c.x,p=c.y;t.modifiersData.popperOffsets!=null&&(t.modifiersData.popperOffsets.x+=d,t.modifiersData.popperOffsets.y+=p),t.modifiersData[r]=a}const ez={name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:Z$};function tz(e){var t=e.state,n=e.name;t.modifiersData[n]=i6({reference:t.rects.reference,element:t.rects.popper,strategy:"absolute",placement:t.placement})}const nz={name:"popperOffsets",enabled:!0,phase:"read",fn:tz,data:{}};function rz(e){return e==="x"?"y":"x"}function oz(e){var t=e.state,n=e.options,r=e.name,o=n.mainAxis,s=o===void 0?!0:o,a=n.altAxis,c=a===void 0?!1:a,d=n.boundary,p=n.rootBoundary,h=n.altBoundary,m=n.padding,v=n.tether,b=v===void 0?!0:v,w=n.tetherOffset,y=w===void 0?0:w,S=Zu(t,{boundary:d,rootBoundary:p,padding:m,altBoundary:h}),_=ta(t.placement),k=wc(t.placement),j=!k,I=Nb(_),E=rz(I),O=t.modifiersData.popperOffsets,R=t.rects.reference,M=t.rects.popper,A=typeof y=="function"?y(Object.assign({},t.rects,{placement:t.placement})):y,T=typeof A=="number"?{mainAxis:A,altAxis:A}:Object.assign({mainAxis:0,altAxis:0},A),$=t.modifiersData.offset?t.modifiersData.offset[t.placement]:null,Q={x:0,y:0};if(O){if(s){var B,V=I==="y"?ko:_o,q=I==="y"?as:is,G=I==="y"?"height":"width",D=O[I],L=D+S[V],W=D-S[q],Y=b?-M[G]/2:0,ae=k===bc?R[G]:M[G],be=k===bc?-M[G]:-R[G],ie=t.elements.arrow,X=b&&ie?Tb(ie):{width:0,height:0},K=t.modifiersData["arrow#persistent"]?t.modifiersData["arrow#persistent"].padding:r6(),U=K[V],se=K[q],re=zu(0,R[G],X[G]),oe=j?R[G]/2-Y-re-U-T.mainAxis:ae-re-U-T.mainAxis,pe=j?-R[G]/2+Y+re+se+T.mainAxis:be+re+se+T.mainAxis,le=t.elements.arrow&&kd(t.elements.arrow),ge=le?I==="y"?le.clientTop||0:le.clientLeft||0:0,ke=(B=$==null?void 0:$[I])!=null?B:0,xe=D+oe-ke-ge,de=D+pe-ke,Te=zu(b?Gp(L,xe):L,D,b?Qi(W,de):W);O[I]=Te,Q[I]=Te-D}if(c){var Oe,$e=I==="x"?ko:_o,kt=I==="x"?as:is,ct=O[E],on=E==="y"?"height":"width",vt=ct+S[$e],bt=ct-S[kt],Se=[ko,_o].indexOf(_)!==-1,Me=(Oe=$==null?void 0:$[E])!=null?Oe:0,Pt=Se?vt:ct-R[on]-M[on]-Me+T.altAxis,Tt=Se?ct+R[on]+M[on]-Me-T.altAxis:bt,we=b&&Se?I$(Pt,ct,Tt):zu(b?Pt:vt,ct,b?Tt:bt);O[E]=we,Q[E]=we-ct}t.modifiersData[r]=Q}}const sz={name:"preventOverflow",enabled:!0,phase:"main",fn:oz,requiresIfExists:["offset"]};function az(e){return{scrollLeft:e.scrollLeft,scrollTop:e.scrollTop}}function iz(e){return e===Bo(e)||!rs(e)?$b(e):az(e)}function lz(e){var t=e.getBoundingClientRect(),n=yc(t.width)/e.offsetWidth||1,r=yc(t.height)/e.offsetHeight||1;return n!==1||r!==1}function cz(e,t,n){n===void 0&&(n=!1);var r=rs(t),o=rs(t)&&lz(t),s=ji(t),a=xc(e,o,n),c={scrollLeft:0,scrollTop:0},d={x:0,y:0};return(r||!r&&!n)&&((ra(t)!=="body"||Lb(s))&&(c=iz(t)),rs(t)?(d=xc(t,!0),d.x+=t.clientLeft,d.y+=t.clientTop):s&&(d.x=zb(s))),{x:a.left+c.scrollLeft-d.x,y:a.top+c.scrollTop-d.y,width:a.width,height:a.height}}function uz(e){var t=new Map,n=new Set,r=[];e.forEach(function(s){t.set(s.name,s)});function o(s){n.add(s.name);var a=[].concat(s.requires||[],s.requiresIfExists||[]);a.forEach(function(c){if(!n.has(c)){var d=t.get(c);d&&o(d)}}),r.push(s)}return e.forEach(function(s){n.has(s.name)||o(s)}),r}function dz(e){var t=uz(e);return S$.reduce(function(n,r){return n.concat(t.filter(function(o){return o.phase===r}))},[])}function fz(e){var t;return function(){return t||(t=new Promise(function(n){Promise.resolve().then(function(){t=void 0,n(e())})})),t}}function pz(e){var t=e.reduce(function(n,r){var o=n[r.name];return n[r.name]=o?Object.assign({},o,r,{options:Object.assign({},o.options,r.options),data:Object.assign({},o.data,r.data)}):r,n},{});return Object.keys(t).map(function(n){return t[n]})}var eS={placement:"bottom",modifiers:[],strategy:"absolute"};function tS(){for(var e=arguments.length,t=new Array(e),n=0;n{}),j=f.useCallback(()=>{var T;!t||!w.current||!y.current||((T=k.current)==null||T.call(k),S.current=gz(w.current,y.current,{placement:_,modifiers:[i$,o$,r$,{...n$,enabled:!!v},{name:"eventListeners",...t$(a)},{name:"arrow",options:{padding:s}},{name:"offset",options:{offset:c??[0,d]}},{name:"flip",enabled:!!p,options:{padding:8}},{name:"preventOverflow",enabled:!!m,options:{boundary:h}},...n??[]],strategy:o}),S.current.forceUpdate(),k.current=S.current.destroy)},[_,t,n,v,a,s,c,d,p,m,h,o]);f.useEffect(()=>()=>{var T;!w.current&&!y.current&&((T=S.current)==null||T.destroy(),S.current=null)},[]);const I=f.useCallback(T=>{w.current=T,j()},[j]),E=f.useCallback((T={},$=null)=>({...T,ref:cn(I,$)}),[I]),O=f.useCallback(T=>{y.current=T,j()},[j]),R=f.useCallback((T={},$=null)=>({...T,ref:cn(O,$),style:{...T.style,position:o,minWidth:v?void 0:"max-content",inset:"0 auto auto 0"}}),[o,O,v]),M=f.useCallback((T={},$=null)=>{const{size:Q,shadowColor:B,bg:V,style:q,...G}=T;return{...G,ref:$,"data-popper-arrow":"",style:vz(T)}},[]),A=f.useCallback((T={},$=null)=>({...T,ref:$,"data-popper-arrow-inner":""}),[]);return{update(){var T;(T=S.current)==null||T.update()},forceUpdate(){var T;(T=S.current)==null||T.forceUpdate()},transformOrigin:jr.transformOrigin.varRef,referenceRef:I,popperRef:O,getPopperProps:R,getArrowProps:M,getArrowInnerProps:A,getReferenceProps:E}}function vz(e){const{size:t,shadowColor:n,bg:r,style:o}=e,s={...o,position:"absolute"};return t&&(s["--popper-arrow-size"]=t),n&&(s["--popper-arrow-shadow-color"]=n),r&&(s["--popper-arrow-bg"]=r),s}function Fb(e={}){const{onClose:t,onOpen:n,isOpen:r,id:o}=e,s=rr(n),a=rr(t),[c,d]=f.useState(e.defaultIsOpen||!1),p=r!==void 0?r:c,h=r!==void 0,m=f.useId(),v=o??`disclosure-${m}`,b=f.useCallback(()=>{h||d(!1),a==null||a()},[h,a]),w=f.useCallback(()=>{h||d(!0),s==null||s()},[h,s]),y=f.useCallback(()=>{p?b():w()},[p,w,b]);function S(k={}){return{...k,"aria-expanded":p,"aria-controls":v,onClick(j){var I;(I=k.onClick)==null||I.call(k,j),y()}}}function _(k={}){return{...k,hidden:!p,id:v}}return{isOpen:p,onOpen:w,onClose:b,onToggle:y,isControlled:h,getButtonProps:S,getDisclosureProps:_}}function bz(e){const{ref:t,handler:n,enabled:r=!0}=e,o=rr(n),a=f.useRef({isPointerDown:!1,ignoreEmulatedMouseEvents:!1}).current;f.useEffect(()=>{if(!r)return;const c=m=>{P0(m,t)&&(a.isPointerDown=!0)},d=m=>{if(a.ignoreEmulatedMouseEvents){a.ignoreEmulatedMouseEvents=!1;return}a.isPointerDown&&n&&P0(m,t)&&(a.isPointerDown=!1,o(m))},p=m=>{a.ignoreEmulatedMouseEvents=!0,n&&a.isPointerDown&&P0(m,t)&&(a.isPointerDown=!1,o(m))},h=l6(t.current);return h.addEventListener("mousedown",c,!0),h.addEventListener("mouseup",d,!0),h.addEventListener("touchstart",c,!0),h.addEventListener("touchend",p,!0),()=>{h.removeEventListener("mousedown",c,!0),h.removeEventListener("mouseup",d,!0),h.removeEventListener("touchstart",c,!0),h.removeEventListener("touchend",p,!0)}},[n,t,o,a,r])}function P0(e,t){var n;const r=e.target;return r&&!l6(r).contains(r)?!1:!((n=t.current)!=null&&n.contains(r))}function l6(e){var t;return(t=e==null?void 0:e.ownerDocument)!=null?t:document}function c6(e){const{isOpen:t,ref:n}=e,[r,o]=f.useState(t),[s,a]=f.useState(!1);return f.useEffect(()=>{s||(o(t),a(!0))},[t,s,r]),Yi(()=>n.current,"animationend",()=>{o(t)}),{present:!(t?!1:!r),onComplete(){var d;const p=CN(n.current),h=new p.CustomEvent("animationend",{bubbles:!0});(d=n.current)==null||d.dispatchEvent(h)}}}function Hb(e){const{wasSelected:t,enabled:n,isSelected:r,mode:o="unmount"}=e;return!!(!n||r||o==="keepMounted"&&t)}var[yz,xz,wz,Sz]=ub(),[Cz,_d]=Dn({strict:!1,name:"MenuContext"});function kz(e,...t){const n=f.useId(),r=e||n;return f.useMemo(()=>t.map(o=>`${o}-${r}`),[r,t])}function u6(e){var t;return(t=e==null?void 0:e.ownerDocument)!=null?t:document}function nS(e){return u6(e).activeElement===e}function _z(e={}){const{id:t,closeOnSelect:n=!0,closeOnBlur:r=!0,initialFocusRef:o,autoSelect:s=!0,isLazy:a,isOpen:c,defaultIsOpen:d,onClose:p,onOpen:h,placement:m="bottom-start",lazyBehavior:v="unmount",direction:b,computePositionOnMount:w=!1,...y}=e,S=f.useRef(null),_=f.useRef(null),k=wz(),j=f.useCallback(()=>{requestAnimationFrame(()=>{var ie;(ie=S.current)==null||ie.focus({preventScroll:!1})})},[]),I=f.useCallback(()=>{const ie=setTimeout(()=>{var X;if(o)(X=o.current)==null||X.focus();else{const K=k.firstEnabled();K&&B(K.index)}});L.current.add(ie)},[k,o]),E=f.useCallback(()=>{const ie=setTimeout(()=>{const X=k.lastEnabled();X&&B(X.index)});L.current.add(ie)},[k]),O=f.useCallback(()=>{h==null||h(),s?I():j()},[s,I,j,h]),{isOpen:R,onOpen:M,onClose:A,onToggle:T}=Fb({isOpen:c,defaultIsOpen:d,onClose:p,onOpen:O});bz({enabled:R&&r,ref:S,handler:ie=>{var X;(X=_.current)!=null&&X.contains(ie.target)||A()}});const $=Bb({...y,enabled:R||w,placement:m,direction:b}),[Q,B]=f.useState(-1);Ba(()=>{R||B(-1)},[R]),J3(S,{focusRef:_,visible:R,shouldFocus:!0});const V=c6({isOpen:R,ref:S}),[q,G]=kz(t,"menu-button","menu-list"),D=f.useCallback(()=>{M(),j()},[M,j]),L=f.useRef(new Set([]));Dz(()=>{L.current.forEach(ie=>clearTimeout(ie)),L.current.clear()});const W=f.useCallback(()=>{M(),I()},[I,M]),Y=f.useCallback(()=>{M(),E()},[M,E]),ae=f.useCallback(()=>{var ie,X;const K=u6(S.current),U=(ie=S.current)==null?void 0:ie.contains(K.activeElement);if(!(R&&!U))return;const re=(X=k.item(Q))==null?void 0:X.node;re==null||re.focus()},[R,Q,k]),be=f.useRef(null);return{openAndFocusMenu:D,openAndFocusFirstItem:W,openAndFocusLastItem:Y,onTransitionEnd:ae,unstable__animationState:V,descendants:k,popper:$,buttonId:q,menuId:G,forceUpdate:$.forceUpdate,orientation:"vertical",isOpen:R,onToggle:T,onOpen:M,onClose:A,menuRef:S,buttonRef:_,focusedIndex:Q,closeOnSelect:n,closeOnBlur:r,autoSelect:s,setFocusedIndex:B,isLazy:a,lazyBehavior:v,initialFocusRef:o,rafId:be}}function Pz(e={},t=null){const n=_d(),{onToggle:r,popper:o,openAndFocusFirstItem:s,openAndFocusLastItem:a}=n,c=f.useCallback(d=>{const p=d.key,m={Enter:s,ArrowDown:s,ArrowUp:a}[p];m&&(d.preventDefault(),d.stopPropagation(),m(d))},[s,a]);return{...e,ref:cn(n.buttonRef,t,o.referenceRef),id:n.buttonId,"data-active":Ft(n.isOpen),"aria-expanded":n.isOpen,"aria-haspopup":"menu","aria-controls":n.menuId,onClick:nt(e.onClick,r),onKeyDown:nt(e.onKeyDown,c)}}function Qv(e){var t;return Rz(e)&&!!((t=e==null?void 0:e.getAttribute("role"))!=null&&t.startsWith("menuitem"))}function jz(e={},t=null){const n=_d();if(!n)throw new Error("useMenuContext: context is undefined. Seems you forgot to wrap component within ");const{focusedIndex:r,setFocusedIndex:o,menuRef:s,isOpen:a,onClose:c,menuId:d,isLazy:p,lazyBehavior:h,unstable__animationState:m}=n,v=xz(),b=UN({preventDefault:_=>_.key!==" "&&Qv(_.target)}),w=f.useCallback(_=>{if(!_.currentTarget.contains(_.target))return;const k=_.key,I={Tab:O=>O.preventDefault(),Escape:c,ArrowDown:()=>{const O=v.nextEnabled(r);O&&o(O.index)},ArrowUp:()=>{const O=v.prevEnabled(r);O&&o(O.index)}}[k];if(I){_.preventDefault(),I(_);return}const E=b(O=>{const R=GN(v.values(),O,M=>{var A,T;return(T=(A=M==null?void 0:M.node)==null?void 0:A.textContent)!=null?T:""},v.item(r));if(R){const M=v.indexOf(R.node);o(M)}});Qv(_.target)&&E(_)},[v,r,b,c,o]),y=f.useRef(!1);a&&(y.current=!0);const S=Hb({wasSelected:y.current,enabled:p,mode:h,isSelected:m.present});return{...e,ref:cn(s,t),children:S?e.children:null,tabIndex:-1,role:"menu",id:d,style:{...e.style,transformOrigin:"var(--popper-transform-origin)"},"aria-orientation":"vertical",onKeyDown:nt(e.onKeyDown,w)}}function Iz(e={}){const{popper:t,isOpen:n}=_d();return t.getPopperProps({...e,style:{visibility:n?"visible":"hidden",...e.style}})}function d6(e={},t=null){const{onMouseEnter:n,onMouseMove:r,onMouseLeave:o,onClick:s,onFocus:a,isDisabled:c,isFocusable:d,closeOnSelect:p,type:h,...m}=e,v=_d(),{setFocusedIndex:b,focusedIndex:w,closeOnSelect:y,onClose:S,menuRef:_,isOpen:k,menuId:j,rafId:I}=v,E=f.useRef(null),O=`${j}-menuitem-${f.useId()}`,{index:R,register:M}=Sz({disabled:c&&!d}),A=f.useCallback(D=>{n==null||n(D),!c&&b(R)},[b,R,c,n]),T=f.useCallback(D=>{r==null||r(D),E.current&&!nS(E.current)&&A(D)},[A,r]),$=f.useCallback(D=>{o==null||o(D),!c&&b(-1)},[b,c,o]),Q=f.useCallback(D=>{s==null||s(D),Qv(D.currentTarget)&&(p??y)&&S()},[S,s,y,p]),B=f.useCallback(D=>{a==null||a(D),b(R)},[b,a,R]),V=R===w,q=c&&!d;Ba(()=>{k&&(V&&!q&&E.current?(I.current&&cancelAnimationFrame(I.current),I.current=requestAnimationFrame(()=>{var D;(D=E.current)==null||D.focus(),I.current=null})):_.current&&!nS(_.current)&&_.current.focus({preventScroll:!0}))},[V,q,_,k]);const G=Q3({onClick:Q,onFocus:B,onMouseEnter:A,onMouseMove:T,onMouseLeave:$,ref:cn(M,E,t),isDisabled:c,isFocusable:d});return{...m,...G,type:h??G.type,id:O,role:"menuitem",tabIndex:V?0:-1}}function Ez(e={},t=null){const{type:n="radio",isChecked:r,...o}=e;return{...d6(o,t),role:`menuitem${n}`,"aria-checked":r}}function Oz(e={}){const{children:t,type:n="radio",value:r,defaultValue:o,onChange:s,...a}=e,d=n==="radio"?"":[],[p,h]=Nc({defaultValue:o??d,value:r,onChange:s}),m=f.useCallback(w=>{if(n==="radio"&&typeof p=="string"&&h(w),n==="checkbox"&&Array.isArray(p)){const y=p.includes(w)?p.filter(S=>S!==w):p.concat(w);h(y)}},[p,h,n]),b=yd(t).map(w=>{if(w.type.id!=="MenuItemOption")return w;const y=_=>{var k,j;m(w.props.value),(j=(k=w.props).onClick)==null||j.call(k,_)},S=n==="radio"?w.props.value===p:p.includes(w.props.value);return f.cloneElement(w,{type:n,onClick:y,isChecked:S})});return{...a,children:b}}function Rz(e){var t;if(!Mz(e))return!1;const n=(t=e.ownerDocument.defaultView)!=null?t:window;return e instanceof n.HTMLElement}function Mz(e){return e!=null&&typeof e=="object"&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE}function Dz(e,t=[]){return f.useEffect(()=>()=>e(),t)}var[Az,Lc]=Dn({name:"MenuStylesContext",errorMessage:`useMenuStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),Pd=e=>{const{children:t}=e,n=Fr("Menu",e),r=qn(e),{direction:o}=Dc(),{descendants:s,...a}=_z({...r,direction:o}),c=f.useMemo(()=>a,[a]),{isOpen:d,onClose:p,forceUpdate:h}=c;return i.jsx(yz,{value:s,children:i.jsx(Cz,{value:c,children:i.jsx(Az,{value:n,children:q1(t,{isOpen:d,onClose:p,forceUpdate:h})})})})};Pd.displayName="Menu";var f6=Ae((e,t)=>{const n=Lc();return i.jsx(je.span,{ref:t,...e,__css:n.command,className:"chakra-menu__command"})});f6.displayName="MenuCommand";var p6=Ae((e,t)=>{const{type:n,...r}=e,o=Lc(),s=r.as||n?n??void 0:"button",a=f.useMemo(()=>({textDecoration:"none",color:"inherit",userSelect:"none",display:"flex",width:"100%",alignItems:"center",textAlign:"start",flex:"0 0 auto",outline:0,...o.item}),[o.item]);return i.jsx(je.button,{ref:t,type:s,...r,__css:a})}),Wb=e=>{const{className:t,children:n,...r}=e,o=Lc(),s=f.Children.only(n),a=f.isValidElement(s)?f.cloneElement(s,{focusable:"false","aria-hidden":!0,className:Ct("chakra-menu__icon",s.props.className)}):null,c=Ct("chakra-menu__icon-wrapper",t);return i.jsx(je.span,{className:c,...r,__css:o.icon,children:a})};Wb.displayName="MenuIcon";var Pr=Ae((e,t)=>{const{icon:n,iconSpacing:r="0.75rem",command:o,commandSpacing:s="0.75rem",children:a,...c}=e,d=d6(c,t),h=n||o?i.jsx("span",{style:{pointerEvents:"none",flex:1},children:a}):a;return i.jsxs(p6,{...d,className:Ct("chakra-menu__menuitem",d.className),children:[n&&i.jsx(Wb,{fontSize:"0.8em",marginEnd:r,children:n}),h,o&&i.jsx(f6,{marginStart:s,children:o})]})});Pr.displayName="MenuItem";var Tz={enter:{visibility:"visible",opacity:1,scale:1,transition:{duration:.2,ease:[.4,0,.2,1]}},exit:{transitionEnd:{visibility:"hidden"},opacity:0,scale:.8,transition:{duration:.1,easings:"easeOut"}}},Nz=je(Ir.div),Bc=Ae(function(t,n){var r,o;const{rootProps:s,motionProps:a,...c}=t,{isOpen:d,onTransitionEnd:p,unstable__animationState:h}=_d(),m=jz(c,n),v=Iz(s),b=Lc();return i.jsx(je.div,{...v,__css:{zIndex:(o=t.zIndex)!=null?o:(r=b.list)==null?void 0:r.zIndex},children:i.jsx(Nz,{variants:Tz,initial:!1,animate:d?"enter":"exit",__css:{outline:0,...b.list},...a,className:Ct("chakra-menu__menu-list",m.className),...m,onUpdate:p,onAnimationComplete:em(h.onComplete,m.onAnimationComplete)})})});Bc.displayName="MenuList";var ed=Ae((e,t)=>{const{title:n,children:r,className:o,...s}=e,a=Ct("chakra-menu__group__title",o),c=Lc();return i.jsxs("div",{ref:t,className:"chakra-menu__group",role:"group",children:[n&&i.jsx(je.p,{className:a,...s,__css:c.groupTitle,children:n}),r]})});ed.displayName="MenuGroup";var h6=e=>{const{className:t,title:n,...r}=e,o=Oz(r);return i.jsx(ed,{title:n,className:Ct("chakra-menu__option-group",t),...o})};h6.displayName="MenuOptionGroup";var $z=Ae((e,t)=>{const n=Lc();return i.jsx(je.button,{ref:t,...e,__css:{display:"inline-flex",appearance:"none",alignItems:"center",outline:0,...n.button}})}),jd=Ae((e,t)=>{const{children:n,as:r,...o}=e,s=Pz(o,t),a=r||$z;return i.jsx(a,{...s,className:Ct("chakra-menu__menu-button",e.className),children:i.jsx(je.span,{__css:{pointerEvents:"none",flex:"1 1 auto",minW:0},children:e.children})})});jd.displayName="MenuButton";var zz=e=>i.jsx("svg",{viewBox:"0 0 14 14",width:"1em",height:"1em",...e,children:i.jsx("polygon",{fill:"currentColor",points:"5.5 11.9993304 14 3.49933039 12.5 2 5.5 8.99933039 1.5 4.9968652 0 6.49933039"})}),qp=Ae((e,t)=>{const{icon:n,iconSpacing:r="0.75rem",...o}=e,s=Ez(o,t);return i.jsxs(p6,{...s,className:Ct("chakra-menu__menuitem-option",o.className),children:[n!==null&&i.jsx(Wb,{fontSize:"0.8em",marginEnd:r,opacity:e.isChecked?1:0,children:n||i.jsx(zz,{})}),i.jsx("span",{style:{flex:1},children:s.children})]})});qp.id="MenuItemOption";qp.displayName="MenuItemOption";var Lz={slideInBottom:{...$v,custom:{offsetY:16,reverse:!0}},slideInRight:{...$v,custom:{offsetX:16,reverse:!0}},scale:{...B5,custom:{initialScale:.95,reverse:!0}},none:{}},Bz=je(Ir.section),Fz=e=>Lz[e||"none"],m6=f.forwardRef((e,t)=>{const{preset:n,motionProps:r=Fz(n),...o}=e;return i.jsx(Bz,{ref:t,...r,...o})});m6.displayName="ModalTransition";var Hz=Object.defineProperty,Wz=(e,t,n)=>t in e?Hz(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Vz=(e,t,n)=>(Wz(e,typeof t!="symbol"?t+"":t,n),n),Uz=class{constructor(){Vz(this,"modals"),this.modals=new Map}add(e){return this.modals.set(e,this.modals.size+1),this.modals.size}remove(e){this.modals.delete(e)}isTopModal(e){return e?this.modals.get(e)===this.modals.size:!1}},Jv=new Uz;function g6(e,t){const[n,r]=f.useState(0);return f.useEffect(()=>{const o=e.current;if(o){if(t){const s=Jv.add(o);r(s)}return()=>{Jv.remove(o),r(0)}}},[t,e]),n}var Gz=function(e){if(typeof document>"u")return null;var t=Array.isArray(e)?e[0]:e;return t.ownerDocument.body},Nl=new WeakMap,Tf=new WeakMap,Nf={},j0=0,v6=function(e){return e&&(e.host||v6(e.parentNode))},qz=function(e,t){return t.map(function(n){if(e.contains(n))return n;var r=v6(n);return r&&e.contains(r)?r:(console.error("aria-hidden",n,"in not contained inside",e,". Doing nothing"),null)}).filter(function(n){return!!n})},Kz=function(e,t,n,r){var o=qz(t,Array.isArray(e)?e:[e]);Nf[n]||(Nf[n]=new WeakMap);var s=Nf[n],a=[],c=new Set,d=new Set(o),p=function(m){!m||c.has(m)||(c.add(m),p(m.parentNode))};o.forEach(p);var h=function(m){!m||d.has(m)||Array.prototype.forEach.call(m.children,function(v){if(c.has(v))h(v);else{var b=v.getAttribute(r),w=b!==null&&b!=="false",y=(Nl.get(v)||0)+1,S=(s.get(v)||0)+1;Nl.set(v,y),s.set(v,S),a.push(v),y===1&&w&&Tf.set(v,!0),S===1&&v.setAttribute(n,"true"),w||v.setAttribute(r,"true")}})};return h(t),c.clear(),j0++,function(){a.forEach(function(m){var v=Nl.get(m)-1,b=s.get(m)-1;Nl.set(m,v),s.set(m,b),v||(Tf.has(m)||m.removeAttribute(r),Tf.delete(m)),b||m.removeAttribute(n)}),j0--,j0||(Nl=new WeakMap,Nl=new WeakMap,Tf=new WeakMap,Nf={})}},Xz=function(e,t,n){n===void 0&&(n="data-aria-hidden");var r=Array.from(Array.isArray(e)?e:[e]),o=t||Gz(e);return o?(r.push.apply(r,Array.from(o.querySelectorAll("[aria-live]"))),Kz(r,o,n,"aria-hidden")):function(){return null}};function Yz(e){const{isOpen:t,onClose:n,id:r,closeOnOverlayClick:o=!0,closeOnEsc:s=!0,useInert:a=!0,onOverlayClick:c,onEsc:d}=e,p=f.useRef(null),h=f.useRef(null),[m,v,b]=Jz(r,"chakra-modal","chakra-modal--header","chakra-modal--body");Qz(p,t&&a);const w=g6(p,t),y=f.useRef(null),S=f.useCallback(A=>{y.current=A.target},[]),_=f.useCallback(A=>{A.key==="Escape"&&(A.stopPropagation(),s&&(n==null||n()),d==null||d())},[s,n,d]),[k,j]=f.useState(!1),[I,E]=f.useState(!1),O=f.useCallback((A={},T=null)=>({role:"dialog",...A,ref:cn(T,p),id:m,tabIndex:-1,"aria-modal":!0,"aria-labelledby":k?v:void 0,"aria-describedby":I?b:void 0,onClick:nt(A.onClick,$=>$.stopPropagation())}),[b,I,m,v,k]),R=f.useCallback(A=>{A.stopPropagation(),y.current===A.target&&Jv.isTopModal(p.current)&&(o&&(n==null||n()),c==null||c())},[n,o,c]),M=f.useCallback((A={},T=null)=>({...A,ref:cn(T,h),onClick:nt(A.onClick,R),onKeyDown:nt(A.onKeyDown,_),onMouseDown:nt(A.onMouseDown,S)}),[_,S,R]);return{isOpen:t,onClose:n,headerId:v,bodyId:b,setBodyMounted:E,setHeaderMounted:j,dialogRef:p,overlayRef:h,getDialogProps:O,getDialogContainerProps:M,index:w}}function Qz(e,t){const n=e.current;f.useEffect(()=>{if(!(!e.current||!t))return Xz(e.current)},[t,e,n])}function Jz(e,...t){const n=f.useId(),r=e||n;return f.useMemo(()=>t.map(o=>`${o}-${r}`),[r,t])}var[Zz,Fc]=Dn({name:"ModalStylesContext",errorMessage:`useModalStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),[eL,al]=Dn({strict:!0,name:"ModalContext",errorMessage:"useModalContext: `context` is undefined. Seems you forgot to wrap modal components in ``"}),td=e=>{const t={scrollBehavior:"outside",autoFocus:!0,trapFocus:!0,returnFocusOnClose:!0,blockScrollOnMount:!0,allowPinchZoom:!1,motionPreset:"scale",lockFocusAcrossFrames:!0,...e},{portalProps:n,children:r,autoFocus:o,trapFocus:s,initialFocusRef:a,finalFocusRef:c,returnFocusOnClose:d,blockScrollOnMount:p,allowPinchZoom:h,preserveScrollBarGap:m,motionPreset:v,lockFocusAcrossFrames:b,onCloseComplete:w}=t,y=Fr("Modal",t),_={...Yz(t),autoFocus:o,trapFocus:s,initialFocusRef:a,finalFocusRef:c,returnFocusOnClose:d,blockScrollOnMount:p,allowPinchZoom:h,preserveScrollBarGap:m,motionPreset:v,lockFocusAcrossFrames:b};return i.jsx(eL,{value:_,children:i.jsx(Zz,{value:y,children:i.jsx(ho,{onExitComplete:w,children:_.isOpen&&i.jsx(Ku,{...n,children:r})})})})};td.displayName="Modal";var Sp="right-scroll-bar-position",Cp="width-before-scroll-bar",tL="with-scroll-bars-hidden",nL="--removed-body-scroll-bar-size",b6=p3(),I0=function(){},fm=f.forwardRef(function(e,t){var n=f.useRef(null),r=f.useState({onScrollCapture:I0,onWheelCapture:I0,onTouchMoveCapture:I0}),o=r[0],s=r[1],a=e.forwardProps,c=e.children,d=e.className,p=e.removeScrollBar,h=e.enabled,m=e.shards,v=e.sideCar,b=e.noIsolation,w=e.inert,y=e.allowPinchZoom,S=e.as,_=S===void 0?"div":S,k=e.gapMode,j=u3(e,["forwardProps","children","className","removeScrollBar","enabled","shards","sideCar","noIsolation","inert","allowPinchZoom","as","gapMode"]),I=v,E=c3([n,t]),O=Qs(Qs({},j),o);return f.createElement(f.Fragment,null,h&&f.createElement(I,{sideCar:b6,removeScrollBar:p,shards:m,noIsolation:b,inert:w,setCallbacks:s,allowPinchZoom:!!y,lockRef:n,gapMode:k}),a?f.cloneElement(f.Children.only(c),Qs(Qs({},O),{ref:E})):f.createElement(_,Qs({},O,{className:d,ref:E}),c))});fm.defaultProps={enabled:!0,removeScrollBar:!0,inert:!1};fm.classNames={fullWidth:Cp,zeroRight:Sp};var rS,rL=function(){if(rS)return rS;if(typeof __webpack_nonce__<"u")return __webpack_nonce__};function oL(){if(!document)return null;var e=document.createElement("style");e.type="text/css";var t=rL();return t&&e.setAttribute("nonce",t),e}function sL(e,t){e.styleSheet?e.styleSheet.cssText=t:e.appendChild(document.createTextNode(t))}function aL(e){var t=document.head||document.getElementsByTagName("head")[0];t.appendChild(e)}var iL=function(){var e=0,t=null;return{add:function(n){e==0&&(t=oL())&&(sL(t,n),aL(t)),e++},remove:function(){e--,!e&&t&&(t.parentNode&&t.parentNode.removeChild(t),t=null)}}},lL=function(){var e=iL();return function(t,n){f.useEffect(function(){return e.add(t),function(){e.remove()}},[t&&n])}},y6=function(){var e=lL(),t=function(n){var r=n.styles,o=n.dynamic;return e(r,o),null};return t},cL={left:0,top:0,right:0,gap:0},E0=function(e){return parseInt(e||"",10)||0},uL=function(e){var t=window.getComputedStyle(document.body),n=t[e==="padding"?"paddingLeft":"marginLeft"],r=t[e==="padding"?"paddingTop":"marginTop"],o=t[e==="padding"?"paddingRight":"marginRight"];return[E0(n),E0(r),E0(o)]},dL=function(e){if(e===void 0&&(e="margin"),typeof window>"u")return cL;var t=uL(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])}},fL=y6(),pL=function(e,t,n,r){var o=e.left,s=e.top,a=e.right,c=e.gap;return n===void 0&&(n="margin"),` - .`.concat(tL,` { - overflow: hidden `).concat(r,`; - padding-right: `).concat(c,"px ").concat(r,`; - } - body { - overflow: hidden `).concat(r,`; - overscroll-behavior: contain; - `).concat([t&&"position: relative ".concat(r,";"),n==="margin"&&` - padding-left: `.concat(o,`px; - padding-top: `).concat(s,`px; - padding-right: `).concat(a,`px; - margin-left:0; - margin-top:0; - margin-right: `).concat(c,"px ").concat(r,`; - `),n==="padding"&&"padding-right: ".concat(c,"px ").concat(r,";")].filter(Boolean).join(""),` - } - - .`).concat(Sp,` { - right: `).concat(c,"px ").concat(r,`; - } - - .`).concat(Cp,` { - margin-right: `).concat(c,"px ").concat(r,`; - } - - .`).concat(Sp," .").concat(Sp,` { - right: 0 `).concat(r,`; - } - - .`).concat(Cp," .").concat(Cp,` { - margin-right: 0 `).concat(r,`; - } - - body { - `).concat(nL,": ").concat(c,`px; - } -`)},hL=function(e){var t=e.noRelative,n=e.noImportant,r=e.gapMode,o=r===void 0?"margin":r,s=f.useMemo(function(){return dL(o)},[o]);return f.createElement(fL,{styles:pL(s,!t,o,n?"":"!important")})},Zv=!1;if(typeof window<"u")try{var $f=Object.defineProperty({},"passive",{get:function(){return Zv=!0,!0}});window.addEventListener("test",$f,$f),window.removeEventListener("test",$f,$f)}catch{Zv=!1}var $l=Zv?{passive:!1}:!1,mL=function(e){return e.tagName==="TEXTAREA"},x6=function(e,t){var n=window.getComputedStyle(e);return n[t]!=="hidden"&&!(n.overflowY===n.overflowX&&!mL(e)&&n[t]==="visible")},gL=function(e){return x6(e,"overflowY")},vL=function(e){return x6(e,"overflowX")},oS=function(e,t){var n=t.ownerDocument,r=t;do{typeof ShadowRoot<"u"&&r instanceof ShadowRoot&&(r=r.host);var o=w6(e,r);if(o){var s=S6(e,r),a=s[1],c=s[2];if(a>c)return!0}r=r.parentNode}while(r&&r!==n.body);return!1},bL=function(e){var t=e.scrollTop,n=e.scrollHeight,r=e.clientHeight;return[t,n,r]},yL=function(e){var t=e.scrollLeft,n=e.scrollWidth,r=e.clientWidth;return[t,n,r]},w6=function(e,t){return e==="v"?gL(t):vL(t)},S6=function(e,t){return e==="v"?bL(t):yL(t)},xL=function(e,t){return e==="h"&&t==="rtl"?-1:1},wL=function(e,t,n,r,o){var s=xL(e,window.getComputedStyle(t).direction),a=s*r,c=n.target,d=t.contains(c),p=!1,h=a>0,m=0,v=0;do{var b=S6(e,c),w=b[0],y=b[1],S=b[2],_=y-S-s*w;(w||_)&&w6(e,c)&&(m+=_,v+=w),c=c.parentNode}while(!d&&c!==document.body||d&&(t.contains(c)||t===c));return(h&&(o&&m===0||!o&&a>m)||!h&&(o&&v===0||!o&&-a>v))&&(p=!0),p},zf=function(e){return"changedTouches"in e?[e.changedTouches[0].clientX,e.changedTouches[0].clientY]:[0,0]},sS=function(e){return[e.deltaX,e.deltaY]},aS=function(e){return e&&"current"in e?e.current:e},SL=function(e,t){return e[0]===t[0]&&e[1]===t[1]},CL=function(e){return` - .block-interactivity-`.concat(e,` {pointer-events: none;} - .allow-interactivity-`).concat(e,` {pointer-events: all;} -`)},kL=0,zl=[];function _L(e){var t=f.useRef([]),n=f.useRef([0,0]),r=f.useRef(),o=f.useState(kL++)[0],s=f.useState(y6)[0],a=f.useRef(e);f.useEffect(function(){a.current=e},[e]),f.useEffect(function(){if(e.inert){document.body.classList.add("block-interactivity-".concat(o));var y=Vv([e.lockRef.current],(e.shards||[]).map(aS),!0).filter(Boolean);return y.forEach(function(S){return S.classList.add("allow-interactivity-".concat(o))}),function(){document.body.classList.remove("block-interactivity-".concat(o)),y.forEach(function(S){return S.classList.remove("allow-interactivity-".concat(o))})}}},[e.inert,e.lockRef.current,e.shards]);var c=f.useCallback(function(y,S){if("touches"in y&&y.touches.length===2)return!a.current.allowPinchZoom;var _=zf(y),k=n.current,j="deltaX"in y?y.deltaX:k[0]-_[0],I="deltaY"in y?y.deltaY:k[1]-_[1],E,O=y.target,R=Math.abs(j)>Math.abs(I)?"h":"v";if("touches"in y&&R==="h"&&O.type==="range")return!1;var M=oS(R,O);if(!M)return!0;if(M?E=R:(E=R==="v"?"h":"v",M=oS(R,O)),!M)return!1;if(!r.current&&"changedTouches"in y&&(j||I)&&(r.current=E),!E)return!0;var A=r.current||E;return wL(A,S,y,A==="h"?j:I,!0)},[]),d=f.useCallback(function(y){var S=y;if(!(!zl.length||zl[zl.length-1]!==s)){var _="deltaY"in S?sS(S):zf(S),k=t.current.filter(function(E){return E.name===S.type&&E.target===S.target&&SL(E.delta,_)})[0];if(k&&k.should){S.cancelable&&S.preventDefault();return}if(!k){var j=(a.current.shards||[]).map(aS).filter(Boolean).filter(function(E){return E.contains(S.target)}),I=j.length>0?c(S,j[0]):!a.current.noIsolation;I&&S.cancelable&&S.preventDefault()}}},[]),p=f.useCallback(function(y,S,_,k){var j={name:y,delta:S,target:_,should:k};t.current.push(j),setTimeout(function(){t.current=t.current.filter(function(I){return I!==j})},1)},[]),h=f.useCallback(function(y){n.current=zf(y),r.current=void 0},[]),m=f.useCallback(function(y){p(y.type,sS(y),y.target,c(y,e.lockRef.current))},[]),v=f.useCallback(function(y){p(y.type,zf(y),y.target,c(y,e.lockRef.current))},[]);f.useEffect(function(){return zl.push(s),e.setCallbacks({onScrollCapture:m,onWheelCapture:m,onTouchMoveCapture:v}),document.addEventListener("wheel",d,$l),document.addEventListener("touchmove",d,$l),document.addEventListener("touchstart",h,$l),function(){zl=zl.filter(function(y){return y!==s}),document.removeEventListener("wheel",d,$l),document.removeEventListener("touchmove",d,$l),document.removeEventListener("touchstart",h,$l)}},[]);var b=e.removeScrollBar,w=e.inert;return f.createElement(f.Fragment,null,w?f.createElement(s,{styles:CL(o)}):null,b?f.createElement(hL,{gapMode:e.gapMode}):null)}const PL=PT(b6,_L);var C6=f.forwardRef(function(e,t){return f.createElement(fm,Qs({},e,{ref:t,sideCar:PL}))});C6.classNames=fm.classNames;const jL=C6;function IL(e){const{autoFocus:t,trapFocus:n,dialogRef:r,initialFocusRef:o,blockScrollOnMount:s,allowPinchZoom:a,finalFocusRef:c,returnFocusOnClose:d,preserveScrollBarGap:p,lockFocusAcrossFrames:h,isOpen:m}=al(),[v,b]=O7();f.useEffect(()=>{!v&&b&&setTimeout(b)},[v,b]);const w=g6(r,m);return i.jsx(V3,{autoFocus:t,isDisabled:!n,initialFocusRef:o,finalFocusRef:c,restoreFocus:d,contentRef:r,lockFocusAcrossFrames:h,children:i.jsx(jL,{removeScrollBar:!p,allowPinchZoom:a,enabled:w===1&&s,forwardProps:!0,children:e.children})})}var nd=Ae((e,t)=>{const{className:n,children:r,containerProps:o,motionProps:s,...a}=e,{getDialogProps:c,getDialogContainerProps:d}=al(),p=c(a,t),h=d(o),m=Ct("chakra-modal__content",n),v=Fc(),b={display:"flex",flexDirection:"column",position:"relative",width:"100%",outline:0,...v.dialog},w={display:"flex",width:"100vw",height:"$100vh",position:"fixed",left:0,top:0,...v.dialogContainer},{motionPreset:y}=al();return i.jsx(IL,{children:i.jsx(je.div,{...h,className:"chakra-modal__content-container",tabIndex:-1,__css:w,children:i.jsx(m6,{preset:y,motionProps:s,className:m,...p,__css:b,children:r})})})});nd.displayName="ModalContent";function Id(e){const{leastDestructiveRef:t,...n}=e;return i.jsx(td,{...n,initialFocusRef:t})}var Ed=Ae((e,t)=>i.jsx(nd,{ref:t,role:"alertdialog",...e})),Ra=Ae((e,t)=>{const{className:n,...r}=e,o=Ct("chakra-modal__footer",n),a={display:"flex",alignItems:"center",justifyContent:"flex-end",...Fc().footer};return i.jsx(je.footer,{ref:t,...r,__css:a,className:o})});Ra.displayName="ModalFooter";var Ma=Ae((e,t)=>{const{className:n,...r}=e,{headerId:o,setHeaderMounted:s}=al();f.useEffect(()=>(s(!0),()=>s(!1)),[s]);const a=Ct("chakra-modal__header",n),d={flex:0,...Fc().header};return i.jsx(je.header,{ref:t,className:a,id:o,...r,__css:d})});Ma.displayName="ModalHeader";var EL=je(Ir.div),Da=Ae((e,t)=>{const{className:n,transition:r,motionProps:o,...s}=e,a=Ct("chakra-modal__overlay",n),d={pos:"fixed",left:"0",top:"0",w:"100vw",h:"100vh",...Fc().overlay},{motionPreset:p}=al(),m=o||(p==="none"?{}:L5);return i.jsx(EL,{...m,__css:d,ref:t,className:a,...s})});Da.displayName="ModalOverlay";var Aa=Ae((e,t)=>{const{className:n,...r}=e,{bodyId:o,setBodyMounted:s}=al();f.useEffect(()=>(s(!0),()=>s(!1)),[s]);const a=Ct("chakra-modal__body",n),c=Fc();return i.jsx(je.div,{ref:t,className:a,id:o,...r,__css:c.body})});Aa.displayName="ModalBody";var Vb=Ae((e,t)=>{const{onClick:n,className:r,...o}=e,{onClose:s}=al(),a=Ct("chakra-modal__close-btn",r),c=Fc();return i.jsx(KD,{ref:t,__css:c.closeButton,className:a,onClick:nt(n,d=>{d.stopPropagation(),s()}),...o})});Vb.displayName="ModalCloseButton";var OL=e=>i.jsx(no,{viewBox:"0 0 24 24",...e,children:i.jsx("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"})}),RL=e=>i.jsx(no,{viewBox:"0 0 24 24",...e,children:i.jsx("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 iS(e,t,n,r){f.useEffect(()=>{var o;if(!e.current||!r)return;const s=(o=e.current.ownerDocument.defaultView)!=null?o:window,a=Array.isArray(t)?t:[t],c=new s.MutationObserver(d=>{for(const p of d)p.type==="attributes"&&p.attributeName&&a.includes(p.attributeName)&&n(p)});return c.observe(e.current,{attributes:!0,attributeFilter:a}),()=>c.disconnect()})}function ML(e,t){const n=rr(e);f.useEffect(()=>{let r=null;const o=()=>n();return t!==null&&(r=window.setInterval(o,t)),()=>{r&&window.clearInterval(r)}},[t,n])}var DL=50,lS=300;function AL(e,t){const[n,r]=f.useState(!1),[o,s]=f.useState(null),[a,c]=f.useState(!0),d=f.useRef(null),p=()=>clearTimeout(d.current);ML(()=>{o==="increment"&&e(),o==="decrement"&&t()},n?DL:null);const h=f.useCallback(()=>{a&&e(),d.current=setTimeout(()=>{c(!1),r(!0),s("increment")},lS)},[e,a]),m=f.useCallback(()=>{a&&t(),d.current=setTimeout(()=>{c(!1),r(!0),s("decrement")},lS)},[t,a]),v=f.useCallback(()=>{c(!0),r(!1),p()},[]);return f.useEffect(()=>()=>p(),[]),{up:h,down:m,stop:v,isSpinning:n}}var TL=/^[Ee0-9+\-.]$/;function NL(e){return TL.test(e)}function $L(e,t){if(e.key==null)return!0;const n=e.ctrlKey||e.altKey||e.metaKey;return!(e.key.length===1)||n?!0:t(e.key)}function zL(e={}){const{focusInputOnChange:t=!0,clampValueOnBlur:n=!0,keepWithinRange:r=!0,min:o=Number.MIN_SAFE_INTEGER,max:s=Number.MAX_SAFE_INTEGER,step:a=1,isReadOnly:c,isDisabled:d,isRequired:p,isInvalid:h,pattern:m="[0-9]*(.[0-9]+)?",inputMode:v="decimal",allowMouseWheel:b,id:w,onChange:y,precision:S,name:_,"aria-describedby":k,"aria-label":j,"aria-labelledby":I,onFocus:E,onBlur:O,onInvalid:R,getAriaValueText:M,isValidCharacter:A,format:T,parse:$,...Q}=e,B=rr(E),V=rr(O),q=rr(R),G=rr(A??NL),D=rr(M),L=aT(e),{update:W,increment:Y,decrement:ae}=L,[be,ie]=f.useState(!1),X=!(c||d),K=f.useRef(null),U=f.useRef(null),se=f.useRef(null),re=f.useRef(null),oe=f.useCallback(we=>we.split("").filter(G).join(""),[G]),pe=f.useCallback(we=>{var ht;return(ht=$==null?void 0:$(we))!=null?ht:we},[$]),le=f.useCallback(we=>{var ht;return((ht=T==null?void 0:T(we))!=null?ht:we).toString()},[T]);Ba(()=>{(L.valueAsNumber>s||L.valueAsNumber{if(!K.current)return;if(K.current.value!=L.value){const ht=pe(K.current.value);L.setValue(oe(ht))}},[pe,oe]);const ge=f.useCallback((we=a)=>{X&&Y(we)},[Y,X,a]),ke=f.useCallback((we=a)=>{X&&ae(we)},[ae,X,a]),xe=AL(ge,ke);iS(se,"disabled",xe.stop,xe.isSpinning),iS(re,"disabled",xe.stop,xe.isSpinning);const de=f.useCallback(we=>{if(we.nativeEvent.isComposing)return;const $t=pe(we.currentTarget.value);W(oe($t)),U.current={start:we.currentTarget.selectionStart,end:we.currentTarget.selectionEnd}},[W,oe,pe]),Te=f.useCallback(we=>{var ht,$t,zt;B==null||B(we),U.current&&(we.target.selectionStart=($t=U.current.start)!=null?$t:(ht=we.currentTarget.value)==null?void 0:ht.length,we.currentTarget.selectionEnd=(zt=U.current.end)!=null?zt:we.currentTarget.selectionStart)},[B]),Oe=f.useCallback(we=>{if(we.nativeEvent.isComposing)return;$L(we,G)||we.preventDefault();const ht=$e(we)*a,$t=we.key,ze={ArrowUp:()=>ge(ht),ArrowDown:()=>ke(ht),Home:()=>W(o),End:()=>W(s)}[$t];ze&&(we.preventDefault(),ze(we))},[G,a,ge,ke,W,o,s]),$e=we=>{let ht=1;return(we.metaKey||we.ctrlKey)&&(ht=.1),we.shiftKey&&(ht=10),ht},kt=f.useMemo(()=>{const we=D==null?void 0:D(L.value);if(we!=null)return we;const ht=L.value.toString();return ht||void 0},[L.value,D]),ct=f.useCallback(()=>{let we=L.value;if(L.value==="")return;/^[eE]/.test(L.value.toString())?L.setValue(""):(L.valueAsNumbers&&(we=s),L.cast(we))},[L,s,o]),on=f.useCallback(()=>{ie(!1),n&&ct()},[n,ie,ct]),vt=f.useCallback(()=>{t&&requestAnimationFrame(()=>{var we;(we=K.current)==null||we.focus()})},[t]),bt=f.useCallback(we=>{we.preventDefault(),xe.up(),vt()},[vt,xe]),Se=f.useCallback(we=>{we.preventDefault(),xe.down(),vt()},[vt,xe]);Yi(()=>K.current,"wheel",we=>{var ht,$t;const ze=(($t=(ht=K.current)==null?void 0:ht.ownerDocument)!=null?$t:document).activeElement===K.current;if(!b||!ze)return;we.preventDefault();const qe=$e(we)*a,Pn=Math.sign(we.deltaY);Pn===-1?ge(qe):Pn===1&&ke(qe)},{passive:!1});const Me=f.useCallback((we={},ht=null)=>{const $t=d||r&&L.isAtMax;return{...we,ref:cn(ht,se),role:"button",tabIndex:-1,onPointerDown:nt(we.onPointerDown,zt=>{zt.button!==0||$t||bt(zt)}),onPointerLeave:nt(we.onPointerLeave,xe.stop),onPointerUp:nt(we.onPointerUp,xe.stop),disabled:$t,"aria-disabled":ns($t)}},[L.isAtMax,r,bt,xe.stop,d]),Pt=f.useCallback((we={},ht=null)=>{const $t=d||r&&L.isAtMin;return{...we,ref:cn(ht,re),role:"button",tabIndex:-1,onPointerDown:nt(we.onPointerDown,zt=>{zt.button!==0||$t||Se(zt)}),onPointerLeave:nt(we.onPointerLeave,xe.stop),onPointerUp:nt(we.onPointerUp,xe.stop),disabled:$t,"aria-disabled":ns($t)}},[L.isAtMin,r,Se,xe.stop,d]),Tt=f.useCallback((we={},ht=null)=>{var $t,zt,ze,qe;return{name:_,inputMode:v,type:"text",pattern:m,"aria-labelledby":I,"aria-label":j,"aria-describedby":k,id:w,disabled:d,...we,readOnly:($t=we.readOnly)!=null?$t:c,"aria-readonly":(zt=we.readOnly)!=null?zt:c,"aria-required":(ze=we.required)!=null?ze:p,required:(qe=we.required)!=null?qe:p,ref:cn(K,ht),value:le(L.value),role:"spinbutton","aria-valuemin":o,"aria-valuemax":s,"aria-valuenow":Number.isNaN(L.valueAsNumber)?void 0:L.valueAsNumber,"aria-invalid":ns(h??L.isOutOfRange),"aria-valuetext":kt,autoComplete:"off",autoCorrect:"off",onChange:nt(we.onChange,de),onKeyDown:nt(we.onKeyDown,Oe),onFocus:nt(we.onFocus,Te,()=>ie(!0)),onBlur:nt(we.onBlur,V,on)}},[_,v,m,I,j,le,k,w,d,p,c,h,L.value,L.valueAsNumber,L.isOutOfRange,o,s,kt,de,Oe,Te,V,on]);return{value:le(L.value),valueAsNumber:L.valueAsNumber,isFocused:be,isDisabled:d,isReadOnly:c,getIncrementButtonProps:Me,getDecrementButtonProps:Pt,getInputProps:Tt,htmlProps:Q}}var[LL,pm]=Dn({name:"NumberInputStylesContext",errorMessage:`useNumberInputStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),[BL,Ub]=Dn({name:"NumberInputContext",errorMessage:"useNumberInputContext: `context` is undefined. Seems you forgot to wrap number-input's components within "}),hm=Ae(function(t,n){const r=Fr("NumberInput",t),o=qn(t),s=hb(o),{htmlProps:a,...c}=zL(s),d=f.useMemo(()=>c,[c]);return i.jsx(BL,{value:d,children:i.jsx(LL,{value:r,children:i.jsx(je.div,{...a,ref:n,className:Ct("chakra-numberinput",t.className),__css:{position:"relative",zIndex:0,...r.root}})})})});hm.displayName="NumberInput";var mm=Ae(function(t,n){const r=pm();return i.jsx(je.div,{"aria-hidden":!0,ref:n,...t,__css:{display:"flex",flexDirection:"column",position:"absolute",top:"0",insetEnd:"0px",margin:"1px",height:"calc(100% - 2px)",zIndex:1,...r.stepperGroup}})});mm.displayName="NumberInputStepper";var gm=Ae(function(t,n){const{getInputProps:r}=Ub(),o=r(t,n),s=pm();return i.jsx(je.input,{...o,className:Ct("chakra-numberinput__field",t.className),__css:{width:"100%",...s.field}})});gm.displayName="NumberInputField";var k6=je("div",{baseStyle:{display:"flex",justifyContent:"center",alignItems:"center",flex:1,transitionProperty:"common",transitionDuration:"normal",userSelect:"none",cursor:"pointer",lineHeight:"normal"}}),vm=Ae(function(t,n){var r;const o=pm(),{getDecrementButtonProps:s}=Ub(),a=s(t,n);return i.jsx(k6,{...a,__css:o.stepper,children:(r=t.children)!=null?r:i.jsx(OL,{})})});vm.displayName="NumberDecrementStepper";var bm=Ae(function(t,n){var r;const{getIncrementButtonProps:o}=Ub(),s=o(t,n),a=pm();return i.jsx(k6,{...s,__css:a.stepper,children:(r=t.children)!=null?r:i.jsx(RL,{})})});bm.displayName="NumberIncrementStepper";var[FL,Od]=Dn({name:"PopoverContext",errorMessage:"usePopoverContext: `context` is undefined. Seems you forgot to wrap all popover components within ``"}),[HL,Gb]=Dn({name:"PopoverStylesContext",errorMessage:`usePopoverStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `});function qb(e){const t=f.Children.only(e.children),{getTriggerProps:n}=Od();return f.cloneElement(t,n(t.props,t.ref))}qb.displayName="PopoverTrigger";var Ll={click:"click",hover:"hover"};function WL(e={}){const{closeOnBlur:t=!0,closeOnEsc:n=!0,initialFocusRef:r,id:o,returnFocusOnClose:s=!0,autoFocus:a=!0,arrowSize:c,arrowShadowColor:d,trigger:p=Ll.click,openDelay:h=200,closeDelay:m=200,isLazy:v,lazyBehavior:b="unmount",computePositionOnMount:w,...y}=e,{isOpen:S,onClose:_,onOpen:k,onToggle:j}=Fb(e),I=f.useRef(null),E=f.useRef(null),O=f.useRef(null),R=f.useRef(!1),M=f.useRef(!1);S&&(M.current=!0);const[A,T]=f.useState(!1),[$,Q]=f.useState(!1),B=f.useId(),V=o??B,[q,G,D,L]=["popover-trigger","popover-content","popover-header","popover-body"].map(de=>`${de}-${V}`),{referenceRef:W,getArrowProps:Y,getPopperProps:ae,getArrowInnerProps:be,forceUpdate:ie}=Bb({...y,enabled:S||!!w}),X=c6({isOpen:S,ref:O});r3({enabled:S,ref:E}),J3(O,{focusRef:E,visible:S,shouldFocus:s&&p===Ll.click}),YN(O,{focusRef:r,visible:S,shouldFocus:a&&p===Ll.click});const K=Hb({wasSelected:M.current,enabled:v,mode:b,isSelected:X.present}),U=f.useCallback((de={},Te=null)=>{const Oe={...de,style:{...de.style,transformOrigin:jr.transformOrigin.varRef,[jr.arrowSize.var]:c?`${c}px`:void 0,[jr.arrowShadowColor.var]:d},ref:cn(O,Te),children:K?de.children:null,id:G,tabIndex:-1,role:"dialog",onKeyDown:nt(de.onKeyDown,$e=>{n&&$e.key==="Escape"&&_()}),onBlur:nt(de.onBlur,$e=>{const kt=cS($e),ct=O0(O.current,kt),on=O0(E.current,kt);S&&t&&(!ct&&!on)&&_()}),"aria-labelledby":A?D:void 0,"aria-describedby":$?L:void 0};return p===Ll.hover&&(Oe.role="tooltip",Oe.onMouseEnter=nt(de.onMouseEnter,()=>{R.current=!0}),Oe.onMouseLeave=nt(de.onMouseLeave,$e=>{$e.nativeEvent.relatedTarget!==null&&(R.current=!1,setTimeout(()=>_(),m))})),Oe},[K,G,A,D,$,L,p,n,_,S,t,m,d,c]),se=f.useCallback((de={},Te=null)=>ae({...de,style:{visibility:S?"visible":"hidden",...de.style}},Te),[S,ae]),re=f.useCallback((de,Te=null)=>({...de,ref:cn(Te,I,W)}),[I,W]),oe=f.useRef(),pe=f.useRef(),le=f.useCallback(de=>{I.current==null&&W(de)},[W]),ge=f.useCallback((de={},Te=null)=>{const Oe={...de,ref:cn(E,Te,le),id:q,"aria-haspopup":"dialog","aria-expanded":S,"aria-controls":G};return p===Ll.click&&(Oe.onClick=nt(de.onClick,j)),p===Ll.hover&&(Oe.onFocus=nt(de.onFocus,()=>{oe.current===void 0&&k()}),Oe.onBlur=nt(de.onBlur,$e=>{const kt=cS($e),ct=!O0(O.current,kt);S&&t&&ct&&_()}),Oe.onKeyDown=nt(de.onKeyDown,$e=>{$e.key==="Escape"&&_()}),Oe.onMouseEnter=nt(de.onMouseEnter,()=>{R.current=!0,oe.current=window.setTimeout(()=>k(),h)}),Oe.onMouseLeave=nt(de.onMouseLeave,()=>{R.current=!1,oe.current&&(clearTimeout(oe.current),oe.current=void 0),pe.current=window.setTimeout(()=>{R.current===!1&&_()},m)})),Oe},[q,S,G,p,le,j,k,t,_,h,m]);f.useEffect(()=>()=>{oe.current&&clearTimeout(oe.current),pe.current&&clearTimeout(pe.current)},[]);const ke=f.useCallback((de={},Te=null)=>({...de,id:D,ref:cn(Te,Oe=>{T(!!Oe)})}),[D]),xe=f.useCallback((de={},Te=null)=>({...de,id:L,ref:cn(Te,Oe=>{Q(!!Oe)})}),[L]);return{forceUpdate:ie,isOpen:S,onAnimationComplete:X.onComplete,onClose:_,getAnchorProps:re,getArrowProps:Y,getArrowInnerProps:be,getPopoverPositionerProps:se,getPopoverProps:U,getTriggerProps:ge,getHeaderProps:ke,getBodyProps:xe}}function O0(e,t){return e===t||(e==null?void 0:e.contains(t))}function cS(e){var t;const n=e.currentTarget.ownerDocument.activeElement;return(t=e.relatedTarget)!=null?t:n}function Kb(e){const t=Fr("Popover",e),{children:n,...r}=qn(e),o=Dc(),s=WL({...r,direction:o.direction});return i.jsx(FL,{value:s,children:i.jsx(HL,{value:t,children:q1(n,{isOpen:s.isOpen,onClose:s.onClose,forceUpdate:s.forceUpdate})})})}Kb.displayName="Popover";var R0=(e,t)=>t?`${e}.${t}, ${t}`:void 0;function _6(e){var t;const{bg:n,bgColor:r,backgroundColor:o,shadow:s,boxShadow:a,shadowColor:c}=e,{getArrowProps:d,getArrowInnerProps:p}=Od(),h=Gb(),m=(t=n??r)!=null?t:o,v=s??a;return i.jsx(je.div,{...d(),className:"chakra-popover__arrow-positioner",children:i.jsx(je.div,{className:Ct("chakra-popover__arrow",e.className),...p(e),__css:{"--popper-arrow-shadow-color":R0("colors",c),"--popper-arrow-bg":R0("colors",m),"--popper-arrow-shadow":R0("shadows",v),...h.arrow}})})}_6.displayName="PopoverArrow";var P6=Ae(function(t,n){const{getBodyProps:r}=Od(),o=Gb();return i.jsx(je.div,{...r(t,n),className:Ct("chakra-popover__body",t.className),__css:o.body})});P6.displayName="PopoverBody";function VL(e){if(e)return{enter:{...e.enter,visibility:"visible"},exit:{...e.exit,transitionEnd:{visibility:"hidden"}}}}var UL={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]}}},GL=je(Ir.section),j6=Ae(function(t,n){const{variants:r=UL,...o}=t,{isOpen:s}=Od();return i.jsx(GL,{ref:n,variants:VL(r),initial:!1,animate:s?"enter":"exit",...o})});j6.displayName="PopoverTransition";var Xb=Ae(function(t,n){const{rootProps:r,motionProps:o,...s}=t,{getPopoverProps:a,getPopoverPositionerProps:c,onAnimationComplete:d}=Od(),p=Gb(),h={position:"relative",display:"flex",flexDirection:"column",...p.content};return i.jsx(je.div,{...c(r),__css:p.popper,className:"chakra-popover__popper",children:i.jsx(j6,{...o,...a(s,n),onAnimationComplete:em(d,s.onAnimationComplete),className:Ct("chakra-popover__content",t.className),__css:h})})});Xb.displayName="PopoverContent";function qL(e,t,n){return(e-t)*100/(n-t)}za({"0%":{strokeDasharray:"1, 400",strokeDashoffset:"0"},"50%":{strokeDasharray:"400, 400",strokeDashoffset:"-100"},"100%":{strokeDasharray:"400, 400",strokeDashoffset:"-260"}});za({"0%":{transform:"rotate(0deg)"},"100%":{transform:"rotate(360deg)"}});var KL=za({"0%":{left:"-40%"},"100%":{left:"100%"}}),XL=za({from:{backgroundPosition:"1rem 0"},to:{backgroundPosition:"0 0"}});function YL(e){const{value:t=0,min:n,max:r,valueText:o,getValueText:s,isIndeterminate:a,role:c="progressbar"}=e,d=qL(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(t!=null)return typeof s=="function"?s(t,d):o})(),role:c},percent:d,value:t}}var[QL,JL]=Dn({name:"ProgressStylesContext",errorMessage:`useProgressStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),ZL=Ae((e,t)=>{const{min:n,max:r,value:o,isIndeterminate:s,role:a,...c}=e,d=YL({value:o,min:n,max:r,isIndeterminate:s,role:a}),h={height:"100%",...JL().filledTrack};return i.jsx(je.div,{ref:t,style:{width:`${d.percent}%`,...c.style},...d.bind,...c,__css:h})}),I6=Ae((e,t)=>{var n;const{value:r,min:o=0,max:s=100,hasStripe:a,isAnimated:c,children:d,borderRadius:p,isIndeterminate:h,"aria-label":m,"aria-labelledby":v,"aria-valuetext":b,title:w,role:y,...S}=qn(e),_=Fr("Progress",e),k=p??((n=_.track)==null?void 0:n.borderRadius),j={animation:`${XL} 1s linear infinite`},O={...!h&&a&&c&&j,...h&&{position:"absolute",willChange:"left",minWidth:"50%",animation:`${KL} 1s ease infinite normal none running`}},R={overflow:"hidden",position:"relative",..._.track};return i.jsx(je.div,{ref:t,borderRadius:k,__css:R,...S,children:i.jsxs(QL,{value:_,children:[i.jsx(ZL,{"aria-label":m,"aria-labelledby":v,"aria-valuetext":b,min:o,max:s,value:r,isIndeterminate:h,css:O,borderRadius:k,title:w,role:y}),d]})})});I6.displayName="Progress";function eB(e){return e&&Cv(e)&&Cv(e.target)}function tB(e={}){const{onChange:t,value:n,defaultValue:r,name:o,isDisabled:s,isFocusable:a,isNative:c,...d}=e,[p,h]=f.useState(r||""),m=typeof n<"u",v=m?n:p,b=f.useRef(null),w=f.useCallback(()=>{const E=b.current;if(!E)return;let O="input:not(:disabled):checked";const R=E.querySelector(O);if(R){R.focus();return}O="input:not(:disabled)";const M=E.querySelector(O);M==null||M.focus()},[]),S=`radio-${f.useId()}`,_=o||S,k=f.useCallback(E=>{const O=eB(E)?E.target.value:E;m||h(O),t==null||t(String(O))},[t,m]),j=f.useCallback((E={},O=null)=>({...E,ref:cn(O,b),role:"radiogroup"}),[]),I=f.useCallback((E={},O=null)=>({...E,ref:O,name:_,[c?"checked":"isChecked"]:v!=null?E.value===v:void 0,onChange(M){k(M)},"data-radiogroup":!0}),[c,_,k,v]);return{getRootProps:j,getRadioProps:I,name:_,ref:b,focus:w,setValue:h,value:v,onChange:k,isDisabled:s,isFocusable:a,htmlProps:d}}var[nB,E6]=Dn({name:"RadioGroupContext",strict:!1}),Kp=Ae((e,t)=>{const{colorScheme:n,size:r,variant:o,children:s,className:a,isDisabled:c,isFocusable:d,...p}=e,{value:h,onChange:m,getRootProps:v,name:b,htmlProps:w}=tB(p),y=f.useMemo(()=>({name:b,size:r,onChange:m,colorScheme:n,value:h,variant:o,isDisabled:c,isFocusable:d}),[b,r,m,n,h,o,c,d]);return i.jsx(nB,{value:y,children:i.jsx(je.div,{...v(w,t),className:Ct("chakra-radio-group",a),children:s})})});Kp.displayName="RadioGroup";var rB={border:"0",clip:"rect(0, 0, 0, 0)",height:"1px",width:"1px",margin:"-1px",padding:"0",overflow:"hidden",whiteSpace:"nowrap",position:"absolute"};function oB(e={}){const{defaultChecked:t,isChecked:n,isFocusable:r,isDisabled:o,isReadOnly:s,isRequired:a,onChange:c,isInvalid:d,name:p,value:h,id:m,"data-radiogroup":v,"aria-describedby":b,...w}=e,y=`radio-${f.useId()}`,S=xd(),k=!!E6()||!!v;let I=!!S&&!k?S.id:y;I=m??I;const E=o??(S==null?void 0:S.isDisabled),O=s??(S==null?void 0:S.isReadOnly),R=a??(S==null?void 0:S.isRequired),M=d??(S==null?void 0:S.isInvalid),[A,T]=f.useState(!1),[$,Q]=f.useState(!1),[B,V]=f.useState(!1),[q,G]=f.useState(!1),[D,L]=f.useState(!!t),W=typeof n<"u",Y=W?n:D;f.useEffect(()=>G5(T),[]);const ae=f.useCallback(le=>{if(O||E){le.preventDefault();return}W||L(le.target.checked),c==null||c(le)},[W,E,O,c]),be=f.useCallback(le=>{le.key===" "&&G(!0)},[G]),ie=f.useCallback(le=>{le.key===" "&&G(!1)},[G]),X=f.useCallback((le={},ge=null)=>({...le,ref:ge,"data-active":Ft(q),"data-hover":Ft(B),"data-disabled":Ft(E),"data-invalid":Ft(M),"data-checked":Ft(Y),"data-focus":Ft($),"data-focus-visible":Ft($&&A),"data-readonly":Ft(O),"aria-hidden":!0,onMouseDown:nt(le.onMouseDown,()=>G(!0)),onMouseUp:nt(le.onMouseUp,()=>G(!1)),onMouseEnter:nt(le.onMouseEnter,()=>V(!0)),onMouseLeave:nt(le.onMouseLeave,()=>V(!1))}),[q,B,E,M,Y,$,O,A]),{onFocus:K,onBlur:U}=S??{},se=f.useCallback((le={},ge=null)=>{const ke=E&&!r;return{...le,id:I,ref:ge,type:"radio",name:p,value:h,onChange:nt(le.onChange,ae),onBlur:nt(U,le.onBlur,()=>Q(!1)),onFocus:nt(K,le.onFocus,()=>Q(!0)),onKeyDown:nt(le.onKeyDown,be),onKeyUp:nt(le.onKeyUp,ie),checked:Y,disabled:ke,readOnly:O,required:R,"aria-invalid":ns(M),"aria-disabled":ns(ke),"aria-required":ns(R),"data-readonly":Ft(O),"aria-describedby":b,style:rB}},[E,r,I,p,h,ae,U,K,be,ie,Y,O,R,M,b]);return{state:{isInvalid:M,isFocused:$,isChecked:Y,isActive:q,isHovered:B,isDisabled:E,isReadOnly:O,isRequired:R},getCheckboxProps:X,getRadioProps:X,getInputProps:se,getLabelProps:(le={},ge=null)=>({...le,ref:ge,onMouseDown:nt(le.onMouseDown,sB),"data-disabled":Ft(E),"data-checked":Ft(Y),"data-invalid":Ft(M)}),getRootProps:(le,ge=null)=>({...le,ref:ge,"data-disabled":Ft(E),"data-checked":Ft(Y),"data-invalid":Ft(M)}),htmlProps:w}}function sB(e){e.preventDefault(),e.stopPropagation()}function aB(e,t){const n={},r={};for(const[o,s]of Object.entries(e))t.includes(o)?n[o]=s:r[o]=s;return[n,r]}var ya=Ae((e,t)=>{var n;const r=E6(),{onChange:o,value:s}=e,a=Fr("Radio",{...r,...e}),c=qn(e),{spacing:d="0.5rem",children:p,isDisabled:h=r==null?void 0:r.isDisabled,isFocusable:m=r==null?void 0:r.isFocusable,inputProps:v,...b}=c;let w=e.isChecked;(r==null?void 0:r.value)!=null&&s!=null&&(w=r.value===s);let y=o;r!=null&&r.onChange&&s!=null&&(y=em(r.onChange,o));const S=(n=e==null?void 0:e.name)!=null?n:r==null?void 0:r.name,{getInputProps:_,getCheckboxProps:k,getLabelProps:j,getRootProps:I,htmlProps:E}=oB({...b,isChecked:w,isFocusable:m,isDisabled:h,onChange:y,name:S}),[O,R]=aB(E,O_),M=k(R),A=_(v,t),T=j(),$=Object.assign({},O,I()),Q={display:"inline-flex",alignItems:"center",verticalAlign:"top",cursor:"pointer",position:"relative",...a.container},B={display:"inline-flex",alignItems:"center",justifyContent:"center",flexShrink:0,...a.control},V={userSelect:"none",marginStart:d,...a.label};return i.jsxs(je.label,{className:"chakra-radio",...$,__css:Q,children:[i.jsx("input",{className:"chakra-radio__input",...A}),i.jsx(je.span,{className:"chakra-radio__control",...M,__css:B}),p&&i.jsx(je.span,{className:"chakra-radio__label",...T,__css:V,children:p})]})});ya.displayName="Radio";var O6=Ae(function(t,n){const{children:r,placeholder:o,className:s,...a}=t;return i.jsxs(je.select,{...a,ref:n,className:Ct("chakra-select",s),children:[o&&i.jsx("option",{value:"",children:o}),r]})});O6.displayName="SelectField";function iB(e,t){const n={},r={};for(const[o,s]of Object.entries(e))t.includes(o)?n[o]=s:r[o]=s;return[n,r]}var R6=Ae((e,t)=>{var n;const r=Fr("Select",e),{rootProps:o,placeholder:s,icon:a,color:c,height:d,h:p,minH:h,minHeight:m,iconColor:v,iconSize:b,...w}=qn(e),[y,S]=iB(w,O_),_=pb(S),k={width:"100%",height:"fit-content",position:"relative",color:c},j={paddingEnd:"2rem",...r.field,_focus:{zIndex:"unset",...(n=r.field)==null?void 0:n._focus}};return i.jsxs(je.div,{className:"chakra-select__wrapper",__css:k,...y,...o,children:[i.jsx(O6,{ref:t,height:p??d,minH:h??m,placeholder:s,..._,__css:j,children:e.children}),i.jsx(M6,{"data-disabled":Ft(_.disabled),...(v||c)&&{color:v||c},__css:r.icon,...b&&{fontSize:b},children:a})]})});R6.displayName="Select";var lB=e=>i.jsx("svg",{viewBox:"0 0 24 24",...e,children:i.jsx("path",{fill:"currentColor",d:"M16.59 8.59L12 13.17 7.41 8.59 6 10l6 6 6-6z"})}),cB=je("div",{baseStyle:{position:"absolute",display:"inline-flex",alignItems:"center",justifyContent:"center",pointerEvents:"none",top:"50%",transform:"translateY(-50%)"}}),M6=e=>{const{children:t=i.jsx(lB,{}),...n}=e,r=f.cloneElement(t,{role:"presentation",className:"chakra-select__icon",focusable:!1,"aria-hidden":!0,style:{width:"1em",height:"1em",color:"currentColor"}});return i.jsx(cB,{...n,className:"chakra-select__icon-wrapper",children:f.isValidElement(t)?r:null})};M6.displayName="SelectIcon";function uB(){const e=f.useRef(!0);return f.useEffect(()=>{e.current=!1},[]),e.current}function dB(e){const t=f.useRef();return f.useEffect(()=>{t.current=e},[e]),t.current}var fB=je("div",{baseStyle:{boxShadow:"none",backgroundClip:"padding-box",cursor:"default",color:"transparent",pointerEvents:"none",userSelect:"none","&::before, &::after, *":{visibility:"hidden"}}}),e1=R_("skeleton-start-color"),t1=R_("skeleton-end-color"),pB=za({from:{opacity:0},to:{opacity:1}}),hB=za({from:{borderColor:e1.reference,background:e1.reference},to:{borderColor:t1.reference,background:t1.reference}}),ym=Ae((e,t)=>{const n={...e,fadeDuration:typeof e.fadeDuration=="number"?e.fadeDuration:.4,speed:typeof e.speed=="number"?e.speed:.8},r=ia("Skeleton",n),o=uB(),{startColor:s="",endColor:a="",isLoaded:c,fadeDuration:d,speed:p,className:h,fitContent:m,...v}=qn(n),[b,w]=Ac("colors",[s,a]),y=dB(c),S=Ct("chakra-skeleton",h),_={...b&&{[e1.variable]:b},...w&&{[t1.variable]:w}};if(c){const k=o||y?"none":`${pB} ${d}s`;return i.jsx(je.div,{ref:t,className:S,__css:{animation:k},...v})}return i.jsx(fB,{ref:t,className:S,...v,__css:{width:m?"fit-content":void 0,...r,..._,_dark:{...r._dark,..._},animation:`${p}s linear infinite alternate ${hB}`}})});ym.displayName="Skeleton";var Jo=e=>e?"":void 0,lc=e=>e?!0:void 0,Ii=(...e)=>e.filter(Boolean).join(" ");function cc(...e){return function(n){e.some(r=>(r==null||r(n),n==null?void 0:n.defaultPrevented))}}function mB(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}`}}function Iu(e){const{orientation:t,vertical:n,horizontal:r}=e;return t==="vertical"?n:r}var kp={width:0,height:0},Lf=e=>e||kp;function D6(e){const{orientation:t,thumbPercents:n,thumbRects:r,isReversed:o}=e,s=y=>{var S;const _=(S=r[y])!=null?S:kp;return{position:"absolute",userSelect:"none",WebkitUserSelect:"none",MozUserSelect:"none",msUserSelect:"none",touchAction:"none",...Iu({orientation:t,vertical:{bottom:`calc(${n[y]}% - ${_.height/2}px)`},horizontal:{left:`calc(${n[y]}% - ${_.width/2}px)`}})}},a=t==="vertical"?r.reduce((y,S)=>Lf(y).height>Lf(S).height?y:S,kp):r.reduce((y,S)=>Lf(y).width>Lf(S).width?y:S,kp),c={position:"relative",touchAction:"none",WebkitTapHighlightColor:"rgba(0,0,0,0)",userSelect:"none",outline:0,...Iu({orientation:t,vertical:a?{paddingLeft:a.width/2,paddingRight:a.width/2}:{},horizontal:a?{paddingTop:a.height/2,paddingBottom:a.height/2}:{}})},d={position:"absolute",...Iu({orientation:t,vertical:{left:"50%",transform:"translateX(-50%)",height:"100%"},horizontal:{top:"50%",transform:"translateY(-50%)",width:"100%"}})},p=n.length===1,h=[0,o?100-n[0]:n[0]],m=p?h:n;let v=m[0];!p&&o&&(v=100-v);const b=Math.abs(m[m.length-1]-m[0]),w={...d,...Iu({orientation:t,vertical:o?{height:`${b}%`,top:`${v}%`}:{height:`${b}%`,bottom:`${v}%`},horizontal:o?{width:`${b}%`,right:`${v}%`}:{width:`${b}%`,left:`${v}%`}})};return{trackStyle:d,innerTrackStyle:w,rootStyle:c,getThumbStyle:s}}function A6(e){const{isReversed:t,direction:n,orientation:r}=e;return n==="ltr"||r==="vertical"?t:!t}function gB(e,t,n,r){return e.addEventListener(t,n,r),()=>{e.removeEventListener(t,n,r)}}function vB(e){const t=yB(e);return typeof t.PointerEvent<"u"&&e instanceof t.PointerEvent?e.pointerType==="mouse":e instanceof t.MouseEvent}function T6(e){return!!e.touches}function bB(e){return T6(e)&&e.touches.length>1}function yB(e){var t;return(t=e.view)!=null?t:window}function xB(e,t="page"){const n=e.touches[0]||e.changedTouches[0];return{x:n[`${t}X`],y:n[`${t}Y`]}}function wB(e,t="page"){return{x:e[`${t}X`],y:e[`${t}Y`]}}function N6(e,t="page"){return T6(e)?xB(e,t):wB(e,t)}function SB(e){return t=>{const n=vB(t);(!n||n&&t.button===0)&&e(t)}}function CB(e,t=!1){function n(o){e(o,{point:N6(o)})}return t?SB(n):n}function _p(e,t,n,r){return gB(e,t,CB(n,t==="pointerdown"),r)}var kB=Object.defineProperty,_B=(e,t,n)=>t in e?kB(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,bs=(e,t,n)=>(_B(e,typeof t!="symbol"?t+"":t,n),n),PB=class{constructor(e,t,n){bs(this,"history",[]),bs(this,"startEvent",null),bs(this,"lastEvent",null),bs(this,"lastEventInfo",null),bs(this,"handlers",{}),bs(this,"removeListeners",()=>{}),bs(this,"threshold",3),bs(this,"win"),bs(this,"updatePoint",()=>{if(!(this.lastEvent&&this.lastEventInfo))return;const c=M0(this.lastEventInfo,this.history),d=this.startEvent!==null,p=OB(c.offset,{x:0,y:0})>=this.threshold;if(!d&&!p)return;const{timestamp:h}=kw();this.history.push({...c.point,timestamp:h});const{onStart:m,onMove:v}=this.handlers;d||(m==null||m(this.lastEvent,c),this.startEvent=this.lastEvent),v==null||v(this.lastEvent,c)}),bs(this,"onPointerMove",(c,d)=>{this.lastEvent=c,this.lastEventInfo=d,K9.update(this.updatePoint,!0)}),bs(this,"onPointerUp",(c,d)=>{const p=M0(d,this.history),{onEnd:h,onSessionEnd:m}=this.handlers;m==null||m(c,p),this.end(),!(!h||!this.startEvent)&&(h==null||h(c,p))});var r;if(this.win=(r=e.view)!=null?r:window,bB(e))return;this.handlers=t,n&&(this.threshold=n),e.stopPropagation(),e.preventDefault();const o={point:N6(e)},{timestamp:s}=kw();this.history=[{...o.point,timestamp:s}];const{onSessionStart:a}=t;a==null||a(e,M0(o,this.history)),this.removeListeners=EB(_p(this.win,"pointermove",this.onPointerMove),_p(this.win,"pointerup",this.onPointerUp),_p(this.win,"pointercancel",this.onPointerUp))}updateHandlers(e){this.handlers=e}end(){var e;(e=this.removeListeners)==null||e.call(this),X9.update(this.updatePoint)}};function uS(e,t){return{x:e.x-t.x,y:e.y-t.y}}function M0(e,t){return{point:e.point,delta:uS(e.point,t[t.length-1]),offset:uS(e.point,t[0]),velocity:IB(t,.1)}}var jB=e=>e*1e3;function IB(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>jB(t)));)n--;if(!r)return{x:0,y:0};const s=(o.timestamp-r.timestamp)/1e3;if(s===0)return{x:0,y:0};const a={x:(o.x-r.x)/s,y:(o.y-r.y)/s};return a.x===1/0&&(a.x=0),a.y===1/0&&(a.y=0),a}function EB(...e){return t=>e.reduce((n,r)=>r(n),t)}function D0(e,t){return Math.abs(e-t)}function dS(e){return"x"in e&&"y"in e}function OB(e,t){if(typeof e=="number"&&typeof t=="number")return D0(e,t);if(dS(e)&&dS(t)){const n=D0(e.x,t.x),r=D0(e.y,t.y);return Math.sqrt(n**2+r**2)}return 0}function $6(e){const t=f.useRef(null);return t.current=e,t}function z6(e,t){const{onPan:n,onPanStart:r,onPanEnd:o,onPanSessionStart:s,onPanSessionEnd:a,threshold:c}=t,d=!!(n||r||o||s||a),p=f.useRef(null),h=$6({onSessionStart:s,onSessionEnd:a,onStart:r,onMove:n,onEnd(m,v){p.current=null,o==null||o(m,v)}});f.useEffect(()=>{var m;(m=p.current)==null||m.updateHandlers(h.current)}),f.useEffect(()=>{const m=e.current;if(!m||!d)return;function v(b){p.current=new PB(b,h.current,c)}return _p(m,"pointerdown",v)},[e,d,h,c]),f.useEffect(()=>()=>{var m;(m=p.current)==null||m.end(),p.current=null},[])}function RB(e,t){if(!e){t(void 0);return}t({width:e.offsetWidth,height:e.offsetHeight});const n=e.ownerDocument.defaultView??window,r=new n.ResizeObserver(o=>{if(!Array.isArray(o)||!o.length)return;const[s]=o;let a,c;if("borderBoxSize"in s){const d=s.borderBoxSize,p=Array.isArray(d)?d[0]:d;a=p.inlineSize,c=p.blockSize}else a=e.offsetWidth,c=e.offsetHeight;t({width:a,height:c})});return r.observe(e,{box:"border-box"}),()=>r.unobserve(e)}var MB=globalThis!=null&&globalThis.document?f.useLayoutEffect:f.useEffect;function DB(e,t){var n,r;if(!e||!e.parentElement)return;const o=(r=(n=e.ownerDocument)==null?void 0:n.defaultView)!=null?r:window,s=new o.MutationObserver(()=>{t()});return s.observe(e.parentElement,{childList:!0}),()=>{s.disconnect()}}function L6({getNodes:e,observeMutation:t=!0}){const[n,r]=f.useState([]),[o,s]=f.useState(0);return MB(()=>{const a=e(),c=a.map((d,p)=>RB(d,h=>{r(m=>[...m.slice(0,p),h,...m.slice(p+1)])}));if(t){const d=a[0];c.push(DB(d,()=>{s(p=>p+1)}))}return()=>{c.forEach(d=>{d==null||d()})}},[o]),n}function AB(e){return typeof e=="object"&&e!==null&&"current"in e}function TB(e){const[t]=L6({observeMutation:!1,getNodes(){return[AB(e)?e.current:e]}});return t}function NB(e){const{min:t=0,max:n=100,onChange:r,value:o,defaultValue:s,isReversed:a,direction:c="ltr",orientation:d="horizontal",id:p,isDisabled:h,isReadOnly:m,onChangeStart:v,onChangeEnd:b,step:w=1,getAriaValueText:y,"aria-valuetext":S,"aria-label":_,"aria-labelledby":k,name:j,focusThumbOnChange:I=!0,minStepsBetweenThumbs:E=0,...O}=e,R=rr(v),M=rr(b),A=rr(y),T=A6({isReversed:a,direction:c,orientation:d}),[$,Q]=Nc({value:o,defaultValue:s??[25,75],onChange:r});if(!Array.isArray($))throw new TypeError(`[range-slider] You passed an invalid value for \`value\` or \`defaultValue\`, expected \`Array\` but got \`${typeof $}\``);const[B,V]=f.useState(!1),[q,G]=f.useState(!1),[D,L]=f.useState(-1),W=!(h||m),Y=f.useRef($),ae=$.map(Pe=>oc(Pe,t,n)),be=E*w,ie=$B(ae,t,n,be),X=f.useRef({eventSource:null,value:[],valueBounds:[]});X.current.value=ae,X.current.valueBounds=ie;const K=ae.map(Pe=>n-Pe+t),se=(T?K:ae).map(Pe=>Hp(Pe,t,n)),re=d==="vertical",oe=f.useRef(null),pe=f.useRef(null),le=L6({getNodes(){const Pe=pe.current,Ze=Pe==null?void 0:Pe.querySelectorAll("[role=slider]");return Ze?Array.from(Ze):[]}}),ge=f.useId(),xe=mB(p??ge),de=f.useCallback(Pe=>{var Ze,Qe;if(!oe.current)return;X.current.eventSource="pointer";const dt=oe.current.getBoundingClientRect(),{clientX:Lt,clientY:lr}=(Qe=(Ze=Pe.touches)==null?void 0:Ze[0])!=null?Qe:Pe,pn=re?dt.bottom-lr:Lt-dt.left,ln=re?dt.height:dt.width;let Hr=pn/ln;return T&&(Hr=1-Hr),X5(Hr,t,n)},[re,T,n,t]),Te=(n-t)/10,Oe=w||(n-t)/100,$e=f.useMemo(()=>({setValueAtIndex(Pe,Ze){if(!W)return;const Qe=X.current.valueBounds[Pe];Ze=parseFloat(Hv(Ze,Qe.min,Oe)),Ze=oc(Ze,Qe.min,Qe.max);const dt=[...X.current.value];dt[Pe]=Ze,Q(dt)},setActiveIndex:L,stepUp(Pe,Ze=Oe){const Qe=X.current.value[Pe],dt=T?Qe-Ze:Qe+Ze;$e.setValueAtIndex(Pe,dt)},stepDown(Pe,Ze=Oe){const Qe=X.current.value[Pe],dt=T?Qe+Ze:Qe-Ze;$e.setValueAtIndex(Pe,dt)},reset(){Q(Y.current)}}),[Oe,T,Q,W]),kt=f.useCallback(Pe=>{const Ze=Pe.key,dt={ArrowRight:()=>$e.stepUp(D),ArrowUp:()=>$e.stepUp(D),ArrowLeft:()=>$e.stepDown(D),ArrowDown:()=>$e.stepDown(D),PageUp:()=>$e.stepUp(D,Te),PageDown:()=>$e.stepDown(D,Te),Home:()=>{const{min:Lt}=ie[D];$e.setValueAtIndex(D,Lt)},End:()=>{const{max:Lt}=ie[D];$e.setValueAtIndex(D,Lt)}}[Ze];dt&&(Pe.preventDefault(),Pe.stopPropagation(),dt(Pe),X.current.eventSource="keyboard")},[$e,D,Te,ie]),{getThumbStyle:ct,rootStyle:on,trackStyle:vt,innerTrackStyle:bt}=f.useMemo(()=>D6({isReversed:T,orientation:d,thumbRects:le,thumbPercents:se}),[T,d,se,le]),Se=f.useCallback(Pe=>{var Ze;const Qe=Pe??D;if(Qe!==-1&&I){const dt=xe.getThumb(Qe),Lt=(Ze=pe.current)==null?void 0:Ze.ownerDocument.getElementById(dt);Lt&&setTimeout(()=>Lt.focus())}},[I,D,xe]);Ba(()=>{X.current.eventSource==="keyboard"&&(M==null||M(X.current.value))},[ae,M]);const Me=Pe=>{const Ze=de(Pe)||0,Qe=X.current.value.map(ln=>Math.abs(ln-Ze)),dt=Math.min(...Qe);let Lt=Qe.indexOf(dt);const lr=Qe.filter(ln=>ln===dt);lr.length>1&&Ze>X.current.value[Lt]&&(Lt=Lt+lr.length-1),L(Lt),$e.setValueAtIndex(Lt,Ze),Se(Lt)},Pt=Pe=>{if(D==-1)return;const Ze=de(Pe)||0;L(D),$e.setValueAtIndex(D,Ze),Se(D)};z6(pe,{onPanSessionStart(Pe){W&&(V(!0),Me(Pe),R==null||R(X.current.value))},onPanSessionEnd(){W&&(V(!1),M==null||M(X.current.value))},onPan(Pe){W&&Pt(Pe)}});const Tt=f.useCallback((Pe={},Ze=null)=>({...Pe,...O,id:xe.root,ref:cn(Ze,pe),tabIndex:-1,"aria-disabled":lc(h),"data-focused":Jo(q),style:{...Pe.style,...on}}),[O,h,q,on,xe]),we=f.useCallback((Pe={},Ze=null)=>({...Pe,ref:cn(Ze,oe),id:xe.track,"data-disabled":Jo(h),style:{...Pe.style,...vt}}),[h,vt,xe]),ht=f.useCallback((Pe={},Ze=null)=>({...Pe,ref:Ze,id:xe.innerTrack,style:{...Pe.style,...bt}}),[bt,xe]),$t=f.useCallback((Pe,Ze=null)=>{var Qe;const{index:dt,...Lt}=Pe,lr=ae[dt];if(lr==null)throw new TypeError(`[range-slider > thumb] Cannot find value at index \`${dt}\`. The \`value\` or \`defaultValue\` length is : ${ae.length}`);const pn=ie[dt];return{...Lt,ref:Ze,role:"slider",tabIndex:W?0:void 0,id:xe.getThumb(dt),"data-active":Jo(B&&D===dt),"aria-valuetext":(Qe=A==null?void 0:A(lr))!=null?Qe:S==null?void 0:S[dt],"aria-valuemin":pn.min,"aria-valuemax":pn.max,"aria-valuenow":lr,"aria-orientation":d,"aria-disabled":lc(h),"aria-readonly":lc(m),"aria-label":_==null?void 0:_[dt],"aria-labelledby":_!=null&&_[dt]||k==null?void 0:k[dt],style:{...Pe.style,...ct(dt)},onKeyDown:cc(Pe.onKeyDown,kt),onFocus:cc(Pe.onFocus,()=>{G(!0),L(dt)}),onBlur:cc(Pe.onBlur,()=>{G(!1),L(-1)})}},[xe,ae,ie,W,B,D,A,S,d,h,m,_,k,ct,kt,G]),zt=f.useCallback((Pe={},Ze=null)=>({...Pe,ref:Ze,id:xe.output,htmlFor:ae.map((Qe,dt)=>xe.getThumb(dt)).join(" "),"aria-live":"off"}),[xe,ae]),ze=f.useCallback((Pe,Ze=null)=>{const{value:Qe,...dt}=Pe,Lt=!(Qen),lr=Qe>=ae[0]&&Qe<=ae[ae.length-1];let pn=Hp(Qe,t,n);pn=T?100-pn:pn;const ln={position:"absolute",pointerEvents:"none",...Iu({orientation:d,vertical:{bottom:`${pn}%`},horizontal:{left:`${pn}%`}})};return{...dt,ref:Ze,id:xe.getMarker(Pe.value),role:"presentation","aria-hidden":!0,"data-disabled":Jo(h),"data-invalid":Jo(!Lt),"data-highlighted":Jo(lr),style:{...Pe.style,...ln}}},[h,T,n,t,d,ae,xe]),qe=f.useCallback((Pe,Ze=null)=>{const{index:Qe,...dt}=Pe;return{...dt,ref:Ze,id:xe.getInput(Qe),type:"hidden",value:ae[Qe],name:Array.isArray(j)?j[Qe]:`${j}-${Qe}`}},[j,ae,xe]);return{state:{value:ae,isFocused:q,isDragging:B,getThumbPercent:Pe=>se[Pe],getThumbMinValue:Pe=>ie[Pe].min,getThumbMaxValue:Pe=>ie[Pe].max},actions:$e,getRootProps:Tt,getTrackProps:we,getInnerTrackProps:ht,getThumbProps:$t,getMarkerProps:ze,getInputProps:qe,getOutputProps:zt}}function $B(e,t,n,r){return e.map((o,s)=>{const a=s===0?t:e[s-1]+r,c=s===e.length-1?n:e[s+1]-r;return{min:a,max:c}})}var[zB,xm]=Dn({name:"SliderContext",errorMessage:"useSliderContext: `context` is undefined. Seems you forgot to wrap all slider components within "}),[LB,wm]=Dn({name:"RangeSliderStylesContext",errorMessage:`useRangeSliderStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),B6=Ae(function(t,n){const r={orientation:"horizontal",...t},o=Fr("Slider",r),s=qn(r),{direction:a}=Dc();s.direction=a;const{getRootProps:c,...d}=NB(s),p=f.useMemo(()=>({...d,name:r.name}),[d,r.name]);return i.jsx(zB,{value:p,children:i.jsx(LB,{value:o,children:i.jsx(je.div,{...c({},n),className:"chakra-slider",__css:o.container,children:r.children})})})});B6.displayName="RangeSlider";var n1=Ae(function(t,n){const{getThumbProps:r,getInputProps:o,name:s}=xm(),a=wm(),c=r(t,n);return i.jsxs(je.div,{...c,className:Ii("chakra-slider__thumb",t.className),__css:a.thumb,children:[c.children,s&&i.jsx("input",{...o({index:t.index})})]})});n1.displayName="RangeSliderThumb";var F6=Ae(function(t,n){const{getTrackProps:r}=xm(),o=wm(),s=r(t,n);return i.jsx(je.div,{...s,className:Ii("chakra-slider__track",t.className),__css:o.track,"data-testid":"chakra-range-slider-track"})});F6.displayName="RangeSliderTrack";var H6=Ae(function(t,n){const{getInnerTrackProps:r}=xm(),o=wm(),s=r(t,n);return i.jsx(je.div,{...s,className:"chakra-slider__filled-track",__css:o.filledTrack})});H6.displayName="RangeSliderFilledTrack";var Pp=Ae(function(t,n){const{getMarkerProps:r}=xm(),o=wm(),s=r(t,n);return i.jsx(je.div,{...s,className:Ii("chakra-slider__marker",t.className),__css:o.mark})});Pp.displayName="RangeSliderMark";function BB(e){var t;const{min:n=0,max:r=100,onChange:o,value:s,defaultValue:a,isReversed:c,direction:d="ltr",orientation:p="horizontal",id:h,isDisabled:m,isReadOnly:v,onChangeStart:b,onChangeEnd:w,step:y=1,getAriaValueText:S,"aria-valuetext":_,"aria-label":k,"aria-labelledby":j,name:I,focusThumbOnChange:E=!0,...O}=e,R=rr(b),M=rr(w),A=rr(S),T=A6({isReversed:c,direction:d,orientation:p}),[$,Q]=Nc({value:s,defaultValue:a??HB(n,r),onChange:o}),[B,V]=f.useState(!1),[q,G]=f.useState(!1),D=!(m||v),L=(r-n)/10,W=y||(r-n)/100,Y=oc($,n,r),ae=r-Y+n,ie=Hp(T?ae:Y,n,r),X=p==="vertical",K=$6({min:n,max:r,step:y,isDisabled:m,value:Y,isInteractive:D,isReversed:T,isVertical:X,eventSource:null,focusThumbOnChange:E,orientation:p}),U=f.useRef(null),se=f.useRef(null),re=f.useRef(null),oe=f.useId(),pe=h??oe,[le,ge]=[`slider-thumb-${pe}`,`slider-track-${pe}`],ke=f.useCallback(ze=>{var qe,Pn;if(!U.current)return;const Pe=K.current;Pe.eventSource="pointer";const Ze=U.current.getBoundingClientRect(),{clientX:Qe,clientY:dt}=(Pn=(qe=ze.touches)==null?void 0:qe[0])!=null?Pn:ze,Lt=X?Ze.bottom-dt:Qe-Ze.left,lr=X?Ze.height:Ze.width;let pn=Lt/lr;T&&(pn=1-pn);let ln=X5(pn,Pe.min,Pe.max);return Pe.step&&(ln=parseFloat(Hv(ln,Pe.min,Pe.step))),ln=oc(ln,Pe.min,Pe.max),ln},[X,T,K]),xe=f.useCallback(ze=>{const qe=K.current;qe.isInteractive&&(ze=parseFloat(Hv(ze,qe.min,W)),ze=oc(ze,qe.min,qe.max),Q(ze))},[W,Q,K]),de=f.useMemo(()=>({stepUp(ze=W){const qe=T?Y-ze:Y+ze;xe(qe)},stepDown(ze=W){const qe=T?Y+ze:Y-ze;xe(qe)},reset(){xe(a||0)},stepTo(ze){xe(ze)}}),[xe,T,Y,W,a]),Te=f.useCallback(ze=>{const qe=K.current,Pe={ArrowRight:()=>de.stepUp(),ArrowUp:()=>de.stepUp(),ArrowLeft:()=>de.stepDown(),ArrowDown:()=>de.stepDown(),PageUp:()=>de.stepUp(L),PageDown:()=>de.stepDown(L),Home:()=>xe(qe.min),End:()=>xe(qe.max)}[ze.key];Pe&&(ze.preventDefault(),ze.stopPropagation(),Pe(ze),qe.eventSource="keyboard")},[de,xe,L,K]),Oe=(t=A==null?void 0:A(Y))!=null?t:_,$e=TB(se),{getThumbStyle:kt,rootStyle:ct,trackStyle:on,innerTrackStyle:vt}=f.useMemo(()=>{const ze=K.current,qe=$e??{width:0,height:0};return D6({isReversed:T,orientation:ze.orientation,thumbRects:[qe],thumbPercents:[ie]})},[T,$e,ie,K]),bt=f.useCallback(()=>{K.current.focusThumbOnChange&&setTimeout(()=>{var qe;return(qe=se.current)==null?void 0:qe.focus()})},[K]);Ba(()=>{const ze=K.current;bt(),ze.eventSource==="keyboard"&&(M==null||M(ze.value))},[Y,M]);function Se(ze){const qe=ke(ze);qe!=null&&qe!==K.current.value&&Q(qe)}z6(re,{onPanSessionStart(ze){const qe=K.current;qe.isInteractive&&(V(!0),bt(),Se(ze),R==null||R(qe.value))},onPanSessionEnd(){const ze=K.current;ze.isInteractive&&(V(!1),M==null||M(ze.value))},onPan(ze){K.current.isInteractive&&Se(ze)}});const Me=f.useCallback((ze={},qe=null)=>({...ze,...O,ref:cn(qe,re),tabIndex:-1,"aria-disabled":lc(m),"data-focused":Jo(q),style:{...ze.style,...ct}}),[O,m,q,ct]),Pt=f.useCallback((ze={},qe=null)=>({...ze,ref:cn(qe,U),id:ge,"data-disabled":Jo(m),style:{...ze.style,...on}}),[m,ge,on]),Tt=f.useCallback((ze={},qe=null)=>({...ze,ref:qe,style:{...ze.style,...vt}}),[vt]),we=f.useCallback((ze={},qe=null)=>({...ze,ref:cn(qe,se),role:"slider",tabIndex:D?0:void 0,id:le,"data-active":Jo(B),"aria-valuetext":Oe,"aria-valuemin":n,"aria-valuemax":r,"aria-valuenow":Y,"aria-orientation":p,"aria-disabled":lc(m),"aria-readonly":lc(v),"aria-label":k,"aria-labelledby":k?void 0:j,style:{...ze.style,...kt(0)},onKeyDown:cc(ze.onKeyDown,Te),onFocus:cc(ze.onFocus,()=>G(!0)),onBlur:cc(ze.onBlur,()=>G(!1))}),[D,le,B,Oe,n,r,Y,p,m,v,k,j,kt,Te]),ht=f.useCallback((ze,qe=null)=>{const Pn=!(ze.valuer),Pe=Y>=ze.value,Ze=Hp(ze.value,n,r),Qe={position:"absolute",pointerEvents:"none",...FB({orientation:p,vertical:{bottom:T?`${100-Ze}%`:`${Ze}%`},horizontal:{left:T?`${100-Ze}%`:`${Ze}%`}})};return{...ze,ref:qe,role:"presentation","aria-hidden":!0,"data-disabled":Jo(m),"data-invalid":Jo(!Pn),"data-highlighted":Jo(Pe),style:{...ze.style,...Qe}}},[m,T,r,n,p,Y]),$t=f.useCallback((ze={},qe=null)=>({...ze,ref:qe,type:"hidden",value:Y,name:I}),[I,Y]);return{state:{value:Y,isFocused:q,isDragging:B},actions:de,getRootProps:Me,getTrackProps:Pt,getInnerTrackProps:Tt,getThumbProps:we,getMarkerProps:ht,getInputProps:$t}}function FB(e){const{orientation:t,vertical:n,horizontal:r}=e;return t==="vertical"?n:r}function HB(e,t){return t"}),[VB,Cm]=Dn({name:"SliderStylesContext",hookName:"useSliderStyles",providerName:""}),W6=Ae((e,t)=>{var n;const r={...e,orientation:(n=e==null?void 0:e.orientation)!=null?n:"horizontal"},o=Fr("Slider",r),s=qn(r),{direction:a}=Dc();s.direction=a;const{getInputProps:c,getRootProps:d,...p}=BB(s),h=d(),m=c({},t);return i.jsx(WB,{value:p,children:i.jsx(VB,{value:o,children:i.jsxs(je.div,{...h,className:Ii("chakra-slider",r.className),__css:o.container,children:[r.children,i.jsx("input",{...m})]})})})});W6.displayName="Slider";var V6=Ae((e,t)=>{const{getThumbProps:n}=Sm(),r=Cm(),o=n(e,t);return i.jsx(je.div,{...o,className:Ii("chakra-slider__thumb",e.className),__css:r.thumb})});V6.displayName="SliderThumb";var U6=Ae((e,t)=>{const{getTrackProps:n}=Sm(),r=Cm(),o=n(e,t);return i.jsx(je.div,{...o,className:Ii("chakra-slider__track",e.className),__css:r.track})});U6.displayName="SliderTrack";var G6=Ae((e,t)=>{const{getInnerTrackProps:n}=Sm(),r=Cm(),o=n(e,t);return i.jsx(je.div,{...o,className:Ii("chakra-slider__filled-track",e.className),__css:r.filledTrack})});G6.displayName="SliderFilledTrack";var Ul=Ae((e,t)=>{const{getMarkerProps:n}=Sm(),r=Cm(),o=n(e,t);return i.jsx(je.div,{...o,className:Ii("chakra-slider__marker",e.className),__css:r.mark})});Ul.displayName="SliderMark";var Yb=Ae(function(t,n){const r=Fr("Switch",t),{spacing:o="0.5rem",children:s,...a}=qn(t),{getIndicatorProps:c,getInputProps:d,getCheckboxProps:p,getRootProps:h,getLabelProps:m}=q5(a),v=f.useMemo(()=>({display:"inline-block",position:"relative",verticalAlign:"middle",lineHeight:0,...r.container}),[r.container]),b=f.useMemo(()=>({display:"inline-flex",flexShrink:0,justifyContent:"flex-start",boxSizing:"content-box",cursor:"pointer",...r.track}),[r.track]),w=f.useMemo(()=>({userSelect:"none",marginStart:o,...r.label}),[o,r.label]);return i.jsxs(je.label,{...h(),className:Ct("chakra-switch",t.className),__css:v,children:[i.jsx("input",{className:"chakra-switch__input",...d({},n)}),i.jsx(je.span,{...p(),className:"chakra-switch__track",__css:b,children:i.jsx(je.span,{__css:r.thumb,className:"chakra-switch__thumb",...c()})}),s&&i.jsx(je.span,{className:"chakra-switch__label",...m(),__css:w,children:s})]})});Yb.displayName="Switch";var[UB,GB,qB,KB]=ub();function XB(e){var t;const{defaultIndex:n,onChange:r,index:o,isManual:s,isLazy:a,lazyBehavior:c="unmount",orientation:d="horizontal",direction:p="ltr",...h}=e,[m,v]=f.useState(n??0),[b,w]=Nc({defaultValue:n??0,value:o,onChange:r});f.useEffect(()=>{o!=null&&v(o)},[o]);const y=qB(),S=f.useId();return{id:`tabs-${(t=e.id)!=null?t:S}`,selectedIndex:b,focusedIndex:m,setSelectedIndex:w,setFocusedIndex:v,isManual:s,isLazy:a,lazyBehavior:c,orientation:d,descendants:y,direction:p,htmlProps:h}}var[YB,km]=Dn({name:"TabsContext",errorMessage:"useTabsContext: `context` is undefined. Seems you forgot to wrap all tabs components within "});function QB(e){const{focusedIndex:t,orientation:n,direction:r}=km(),o=GB(),s=f.useCallback(a=>{const c=()=>{var k;const j=o.nextEnabled(t);j&&((k=j.node)==null||k.focus())},d=()=>{var k;const j=o.prevEnabled(t);j&&((k=j.node)==null||k.focus())},p=()=>{var k;const j=o.firstEnabled();j&&((k=j.node)==null||k.focus())},h=()=>{var k;const j=o.lastEnabled();j&&((k=j.node)==null||k.focus())},m=n==="horizontal",v=n==="vertical",b=a.key,w=r==="ltr"?"ArrowLeft":"ArrowRight",y=r==="ltr"?"ArrowRight":"ArrowLeft",_={[w]:()=>m&&d(),[y]:()=>m&&c(),ArrowDown:()=>v&&c(),ArrowUp:()=>v&&d(),Home:p,End:h}[b];_&&(a.preventDefault(),_(a))},[o,t,n,r]);return{...e,role:"tablist","aria-orientation":n,onKeyDown:nt(e.onKeyDown,s)}}function JB(e){const{isDisabled:t=!1,isFocusable:n=!1,...r}=e,{setSelectedIndex:o,isManual:s,id:a,setFocusedIndex:c,selectedIndex:d}=km(),{index:p,register:h}=KB({disabled:t&&!n}),m=p===d,v=()=>{o(p)},b=()=>{c(p),!s&&!(t&&n)&&o(p)},w=Q3({...r,ref:cn(h,e.ref),isDisabled:t,isFocusable:n,onClick:nt(e.onClick,v)}),y="button";return{...w,id:q6(a,p),role:"tab",tabIndex:m?0:-1,type:y,"aria-selected":m,"aria-controls":K6(a,p),onFocus:t?void 0:nt(e.onFocus,b)}}var[ZB,eF]=Dn({});function tF(e){const t=km(),{id:n,selectedIndex:r}=t,s=yd(e.children).map((a,c)=>f.createElement(ZB,{key:c,value:{isSelected:c===r,id:K6(n,c),tabId:q6(n,c),selectedIndex:r}},a));return{...e,children:s}}function nF(e){const{children:t,...n}=e,{isLazy:r,lazyBehavior:o}=km(),{isSelected:s,id:a,tabId:c}=eF(),d=f.useRef(!1);s&&(d.current=!0);const p=Hb({wasSelected:d.current,isSelected:s,enabled:r,mode:o});return{tabIndex:0,...n,children:p?t:null,role:"tabpanel","aria-labelledby":c,hidden:!s,id:a}}function q6(e,t){return`${e}--tab-${t}`}function K6(e,t){return`${e}--tabpanel-${t}`}var[rF,_m]=Dn({name:"TabsStylesContext",errorMessage:`useTabsStyles returned is 'undefined'. Seems you forgot to wrap the components in "" `}),Rd=Ae(function(t,n){const r=Fr("Tabs",t),{children:o,className:s,...a}=qn(t),{htmlProps:c,descendants:d,...p}=XB(a),h=f.useMemo(()=>p,[p]),{isFitted:m,...v}=c;return i.jsx(UB,{value:d,children:i.jsx(YB,{value:h,children:i.jsx(rF,{value:r,children:i.jsx(je.div,{className:Ct("chakra-tabs",s),ref:n,...v,__css:r.root,children:o})})})})});Rd.displayName="Tabs";var Md=Ae(function(t,n){const r=QB({...t,ref:n}),s={display:"flex",..._m().tablist};return i.jsx(je.div,{...r,className:Ct("chakra-tabs__tablist",t.className),__css:s})});Md.displayName="TabList";var Pm=Ae(function(t,n){const r=nF({...t,ref:n}),o=_m();return i.jsx(je.div,{outline:"0",...r,className:Ct("chakra-tabs__tab-panel",t.className),__css:o.tabpanel})});Pm.displayName="TabPanel";var jm=Ae(function(t,n){const r=tF(t),o=_m();return i.jsx(je.div,{...r,width:"100%",ref:n,className:Ct("chakra-tabs__tab-panels",t.className),__css:o.tabpanels})});jm.displayName="TabPanels";var Sc=Ae(function(t,n){const r=_m(),o=JB({...t,ref:n}),s={outline:"0",display:"flex",alignItems:"center",justifyContent:"center",...r.tab};return i.jsx(je.button,{...o,className:Ct("chakra-tabs__tab",t.className),__css:s})});Sc.displayName="Tab";function oF(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}var sF=["h","minH","height","minHeight"],Qb=Ae((e,t)=>{const n=ia("Textarea",e),{className:r,rows:o,...s}=qn(e),a=pb(s),c=o?oF(n,sF):n;return i.jsx(je.textarea,{ref:t,rows:o,...a,className:Ct("chakra-textarea",r),__css:c})});Qb.displayName="Textarea";var aF={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]}}}},r1=e=>{var t;return((t=e.current)==null?void 0:t.ownerDocument)||document},jp=e=>{var t,n;return((n=(t=e.current)==null?void 0:t.ownerDocument)==null?void 0:n.defaultView)||window};function iF(e={}){const{openDelay:t=0,closeDelay:n=0,closeOnClick:r=!0,closeOnMouseDown:o,closeOnScroll:s,closeOnPointerDown:a=o,closeOnEsc:c=!0,onOpen:d,onClose:p,placement:h,id:m,isOpen:v,defaultIsOpen:b,arrowSize:w=10,arrowShadowColor:y,arrowPadding:S,modifiers:_,isDisabled:k,gutter:j,offset:I,direction:E,...O}=e,{isOpen:R,onOpen:M,onClose:A}=Fb({isOpen:v,defaultIsOpen:b,onOpen:d,onClose:p}),{referenceRef:T,getPopperProps:$,getArrowInnerProps:Q,getArrowProps:B}=Bb({enabled:R,placement:h,arrowPadding:S,modifiers:_,gutter:j,offset:I,direction:E}),V=f.useId(),G=`tooltip-${m??V}`,D=f.useRef(null),L=f.useRef(),W=f.useCallback(()=>{L.current&&(clearTimeout(L.current),L.current=void 0)},[]),Y=f.useRef(),ae=f.useCallback(()=>{Y.current&&(clearTimeout(Y.current),Y.current=void 0)},[]),be=f.useCallback(()=>{ae(),A()},[A,ae]),ie=lF(D,be),X=f.useCallback(()=>{if(!k&&!L.current){R&&ie();const ge=jp(D);L.current=ge.setTimeout(M,t)}},[ie,k,R,M,t]),K=f.useCallback(()=>{W();const ge=jp(D);Y.current=ge.setTimeout(be,n)},[n,be,W]),U=f.useCallback(()=>{R&&r&&K()},[r,K,R]),se=f.useCallback(()=>{R&&a&&K()},[a,K,R]),re=f.useCallback(ge=>{R&&ge.key==="Escape"&&K()},[R,K]);Yi(()=>r1(D),"keydown",c?re:void 0),Yi(()=>{const ge=D.current;if(!ge)return null;const ke=L3(ge);return ke.localName==="body"?jp(D):ke},"scroll",()=>{R&&s&&be()},{passive:!0,capture:!0}),f.useEffect(()=>{k&&(W(),R&&A())},[k,R,A,W]),f.useEffect(()=>()=>{W(),ae()},[W,ae]),Yi(()=>D.current,"pointerleave",K);const oe=f.useCallback((ge={},ke=null)=>({...ge,ref:cn(D,ke,T),onPointerEnter:nt(ge.onPointerEnter,de=>{de.pointerType!=="touch"&&X()}),onClick:nt(ge.onClick,U),onPointerDown:nt(ge.onPointerDown,se),onFocus:nt(ge.onFocus,X),onBlur:nt(ge.onBlur,K),"aria-describedby":R?G:void 0}),[X,K,se,R,G,U,T]),pe=f.useCallback((ge={},ke=null)=>$({...ge,style:{...ge.style,[jr.arrowSize.var]:w?`${w}px`:void 0,[jr.arrowShadowColor.var]:y}},ke),[$,w,y]),le=f.useCallback((ge={},ke=null)=>{const xe={...ge.style,position:"relative",transformOrigin:jr.transformOrigin.varRef};return{ref:ke,...O,...ge,id:G,role:"tooltip",style:xe}},[O,G]);return{isOpen:R,show:X,hide:K,getTriggerProps:oe,getTooltipProps:le,getTooltipPositionerProps:pe,getArrowProps:B,getArrowInnerProps:Q}}var A0="chakra-ui:close-tooltip";function lF(e,t){return f.useEffect(()=>{const n=r1(e);return n.addEventListener(A0,t),()=>n.removeEventListener(A0,t)},[t,e]),()=>{const n=r1(e),r=jp(e);n.dispatchEvent(new r.CustomEvent(A0))}}function cF(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}function uF(e,t){const n={};for(const r of t)r in e&&(n[r]=e[r]);return n}var dF=je(Ir.div),wn=Ae((e,t)=>{var n,r;const o=ia("Tooltip",e),s=qn(e),a=Dc(),{children:c,label:d,shouldWrapChildren:p,"aria-label":h,hasArrow:m,bg:v,portalProps:b,background:w,backgroundColor:y,bgColor:S,motionProps:_,...k}=s,j=(r=(n=w??y)!=null?n:v)!=null?r:S;if(j){o.bg=j;const $=R7(a,"colors",j);o[jr.arrowBg.var]=$}const I=iF({...k,direction:a.direction}),E=typeof c=="string"||p;let O;if(E)O=i.jsx(je.span,{display:"inline-block",tabIndex:0,...I.getTriggerProps(),children:c});else{const $=f.Children.only(c);O=f.cloneElement($,I.getTriggerProps($.props,$.ref))}const R=!!h,M=I.getTooltipProps({},t),A=R?cF(M,["role","id"]):M,T=uF(M,["role","id"]);return d?i.jsxs(i.Fragment,{children:[O,i.jsx(ho,{children:I.isOpen&&i.jsx(Ku,{...b,children:i.jsx(je.div,{...I.getTooltipPositionerProps(),__css:{zIndex:o.zIndex,pointerEvents:"none"},children:i.jsxs(dF,{variants:aF,initial:"exit",animate:"enter",exit:"exit",..._,...A,__css:o,children:[d,R&&i.jsx(je.span,{srOnly:!0,...T,children:h}),m&&i.jsx(je.div,{"data-popper-arrow":!0,className:"chakra-tooltip__arrow-wrapper",children:i.jsx(je.div,{"data-popper-arrow-inner":!0,className:"chakra-tooltip__arrow",__css:{bg:o.bg}})})]})})})})]}):i.jsx(i.Fragment,{children:c})});wn.displayName="Tooltip";function fF(e,t={}){let n=f.useCallback(o=>t.keys?k9(e,t.keys,o):e.listen(o),[t.keys,e]),r=e.get.bind(e);return f.useSyncExternalStore(n,r,r)}const go=e=>e.system,pF=e=>e.system.toastQueue,X6=fe(go,e=>e.language,Ge),Cr=fe(e=>e,e=>e.system.isProcessing||!e.system.isConnected),hF=fe(go,e=>{const{consoleLogLevel:t,shouldLogToConsole:n}=e;return{consoleLogLevel:t,shouldLogToConsole:n}},{memoizeOptions:{resultEqualityCheck:Jt}}),mF=()=>{const{consoleLogLevel:e,shouldLogToConsole:t}=z(hF);return f.useEffect(()=>{t?(localStorage.setItem("ROARR_LOG","true"),localStorage.setItem("ROARR_FILTER",`context.logLevel:>=${M7[e]}`)):localStorage.setItem("ROARR_LOG","false"),V2.ROARR.write=D7.createLogWriter()},[e,t]),f.useEffect(()=>{const r={...A7};U2.set(V2.Roarr.child(r))},[]),fF(U2)},gF=()=>{const e=te(),t=z(pF),n=J9();return f.useEffect(()=>{t.forEach(r=>{n(r)}),t.length>0&&e(T7())},[e,n,t]),null},Hc=()=>{const e=te();return f.useCallback(n=>e(On(Mn(n))),[e])};var vF=new Map([["aac","audio/aac"],["abw","application/x-abiword"],["arc","application/x-freearc"],["avif","image/avif"],["avi","video/x-msvideo"],["azw","application/vnd.amazon.ebook"],["bin","application/octet-stream"],["bmp","image/bmp"],["bz","application/x-bzip"],["bz2","application/x-bzip2"],["cda","application/x-cdf"],["csh","application/x-csh"],["css","text/css"],["csv","text/csv"],["doc","application/msword"],["docx","application/vnd.openxmlformats-officedocument.wordprocessingml.document"],["eot","application/vnd.ms-fontobject"],["epub","application/epub+zip"],["gz","application/gzip"],["gif","image/gif"],["heic","image/heic"],["heif","image/heif"],["htm","text/html"],["html","text/html"],["ico","image/vnd.microsoft.icon"],["ics","text/calendar"],["jar","application/java-archive"],["jpeg","image/jpeg"],["jpg","image/jpeg"],["js","text/javascript"],["json","application/json"],["jsonld","application/ld+json"],["mid","audio/midi"],["midi","audio/midi"],["mjs","text/javascript"],["mp3","audio/mpeg"],["mp4","video/mp4"],["mpeg","video/mpeg"],["mpkg","application/vnd.apple.installer+xml"],["odp","application/vnd.oasis.opendocument.presentation"],["ods","application/vnd.oasis.opendocument.spreadsheet"],["odt","application/vnd.oasis.opendocument.text"],["oga","audio/ogg"],["ogv","video/ogg"],["ogx","application/ogg"],["opus","audio/opus"],["otf","font/otf"],["png","image/png"],["pdf","application/pdf"],["php","application/x-httpd-php"],["ppt","application/vnd.ms-powerpoint"],["pptx","application/vnd.openxmlformats-officedocument.presentationml.presentation"],["rar","application/vnd.rar"],["rtf","application/rtf"],["sh","application/x-sh"],["svg","image/svg+xml"],["swf","application/x-shockwave-flash"],["tar","application/x-tar"],["tif","image/tiff"],["tiff","image/tiff"],["ts","video/mp2t"],["ttf","font/ttf"],["txt","text/plain"],["vsd","application/vnd.visio"],["wav","audio/wav"],["weba","audio/webm"],["webm","video/webm"],["webp","image/webp"],["woff","font/woff"],["woff2","font/woff2"],["xhtml","application/xhtml+xml"],["xls","application/vnd.ms-excel"],["xlsx","application/vnd.openxmlformats-officedocument.spreadsheetml.sheet"],["xml","application/xml"],["xul","application/vnd.mozilla.xul+xml"],["zip","application/zip"],["7z","application/x-7z-compressed"],["mkv","video/x-matroska"],["mov","video/quicktime"],["msg","application/vnd.ms-outlook"]]);function Dd(e,t){var n=bF(e);if(typeof n.path!="string"){var r=e.webkitRelativePath;Object.defineProperty(n,"path",{value:typeof t=="string"?t:typeof r=="string"&&r.length>0?r:e.name,writable:!1,configurable:!1,enumerable:!0})}return n}function bF(e){var t=e.name,n=t&&t.lastIndexOf(".")!==-1;if(n&&!e.type){var r=t.split(".").pop().toLowerCase(),o=vF.get(r);o&&Object.defineProperty(e,"type",{value:o,writable:!1,configurable:!1,enumerable:!0})}return e}var yF=[".DS_Store","Thumbs.db"];function xF(e){return $c(this,void 0,void 0,function(){return zc(this,function(t){return Xp(e)&&wF(e.dataTransfer)?[2,_F(e.dataTransfer,e.type)]:SF(e)?[2,CF(e)]:Array.isArray(e)&&e.every(function(n){return"getFile"in n&&typeof n.getFile=="function"})?[2,kF(e)]:[2,[]]})})}function wF(e){return Xp(e)}function SF(e){return Xp(e)&&Xp(e.target)}function Xp(e){return typeof e=="object"&&e!==null}function CF(e){return o1(e.target.files).map(function(t){return Dd(t)})}function kF(e){return $c(this,void 0,void 0,function(){var t;return zc(this,function(n){switch(n.label){case 0:return[4,Promise.all(e.map(function(r){return r.getFile()}))];case 1:return t=n.sent(),[2,t.map(function(r){return Dd(r)})]}})})}function _F(e,t){return $c(this,void 0,void 0,function(){var n,r;return zc(this,function(o){switch(o.label){case 0:return e.items?(n=o1(e.items).filter(function(s){return s.kind==="file"}),t!=="drop"?[2,n]:[4,Promise.all(n.map(PF))]):[3,2];case 1:return r=o.sent(),[2,fS(Y6(r))];case 2:return[2,fS(o1(e.files).map(function(s){return Dd(s)}))]}})})}function fS(e){return e.filter(function(t){return yF.indexOf(t.name)===-1})}function o1(e){if(e===null)return[];for(var t=[],n=0;ne.length)&&(t=e.length);for(var n=0,r=new Array(t);nn)return[!1,vS(n)];if(e.sizen)return[!1,vS(n)]}return[!0,null]}function Ui(e){return e!=null}function HF(e){var t=e.files,n=e.accept,r=e.minSize,o=e.maxSize,s=e.multiple,a=e.maxFiles,c=e.validator;return!s&&t.length>1||s&&a>=1&&t.length>a?!1:t.every(function(d){var p=eP(d,n),h=rd(p,1),m=h[0],v=tP(d,r,o),b=rd(v,1),w=b[0],y=c?c(d):null;return m&&w&&!y})}function Yp(e){return typeof e.isPropagationStopped=="function"?e.isPropagationStopped():typeof e.cancelBubble<"u"?e.cancelBubble:!1}function Bf(e){return e.dataTransfer?Array.prototype.some.call(e.dataTransfer.types,function(t){return t==="Files"||t==="application/x-moz-file"}):!!e.target&&!!e.target.files}function yS(e){e.preventDefault()}function WF(e){return e.indexOf("MSIE")!==-1||e.indexOf("Trident/")!==-1}function VF(e){return e.indexOf("Edge/")!==-1}function UF(){var e=arguments.length>0&&arguments[0]!==void 0?arguments[0]:window.navigator.userAgent;return WF(e)||VF(e)}function Gs(){for(var e=arguments.length,t=new Array(e),n=0;n1?o-1:0),a=1;ae.length)&&(t=e.length);for(var n=0,r=new Array(t);n=0)&&Object.prototype.propertyIsEnumerable.call(e,r)&&(n[r]=e[r])}return n}function lH(e,t){if(e==null)return{};var n={},r=Object.keys(e),o,s;for(s=0;s=0)&&(n[o]=e[o]);return n}var Jb=f.forwardRef(function(e,t){var n=e.children,r=Qp(e,QF),o=Zb(r),s=o.open,a=Qp(o,JF);return f.useImperativeHandle(t,function(){return{open:s}},[s]),H.createElement(f.Fragment,null,n(dr(dr({},a),{},{open:s})))});Jb.displayName="Dropzone";var sP={disabled:!1,getFilesFromEvent:xF,maxSize:1/0,minSize:0,multiple:!0,maxFiles:0,preventDropOnDocument:!0,noClick:!1,noKeyboard:!1,noDrag:!1,noDragEventsBubbling:!1,validator:null,useFsAccessApi:!0,autoFocus:!1};Jb.defaultProps=sP;Jb.propTypes={children:Ln.func,accept:Ln.objectOf(Ln.arrayOf(Ln.string)),multiple:Ln.bool,preventDropOnDocument:Ln.bool,noClick:Ln.bool,noKeyboard:Ln.bool,noDrag:Ln.bool,noDragEventsBubbling:Ln.bool,minSize:Ln.number,maxSize:Ln.number,maxFiles:Ln.number,disabled:Ln.bool,getFilesFromEvent:Ln.func,onFileDialogCancel:Ln.func,onFileDialogOpen:Ln.func,useFsAccessApi:Ln.bool,autoFocus:Ln.bool,onDragEnter:Ln.func,onDragLeave:Ln.func,onDragOver:Ln.func,onDrop:Ln.func,onDropAccepted:Ln.func,onDropRejected:Ln.func,onError:Ln.func,validator:Ln.func};var l1={isFocused:!1,isFileDialogActive:!1,isDragActive:!1,isDragAccept:!1,isDragReject:!1,acceptedFiles:[],fileRejections:[]};function Zb(){var e=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},t=dr(dr({},sP),e),n=t.accept,r=t.disabled,o=t.getFilesFromEvent,s=t.maxSize,a=t.minSize,c=t.multiple,d=t.maxFiles,p=t.onDragEnter,h=t.onDragLeave,m=t.onDragOver,v=t.onDrop,b=t.onDropAccepted,w=t.onDropRejected,y=t.onFileDialogCancel,S=t.onFileDialogOpen,_=t.useFsAccessApi,k=t.autoFocus,j=t.preventDropOnDocument,I=t.noClick,E=t.noKeyboard,O=t.noDrag,R=t.noDragEventsBubbling,M=t.onError,A=t.validator,T=f.useMemo(function(){return KF(n)},[n]),$=f.useMemo(function(){return qF(n)},[n]),Q=f.useMemo(function(){return typeof S=="function"?S:wS},[S]),B=f.useMemo(function(){return typeof y=="function"?y:wS},[y]),V=f.useRef(null),q=f.useRef(null),G=f.useReducer(cH,l1),D=T0(G,2),L=D[0],W=D[1],Y=L.isFocused,ae=L.isFileDialogActive,be=f.useRef(typeof window<"u"&&window.isSecureContext&&_&&GF()),ie=function(){!be.current&&ae&&setTimeout(function(){if(q.current){var Me=q.current.files;Me.length||(W({type:"closeDialog"}),B())}},300)};f.useEffect(function(){return window.addEventListener("focus",ie,!1),function(){window.removeEventListener("focus",ie,!1)}},[q,ae,B,be]);var X=f.useRef([]),K=function(Me){V.current&&V.current.contains(Me.target)||(Me.preventDefault(),X.current=[])};f.useEffect(function(){return j&&(document.addEventListener("dragover",yS,!1),document.addEventListener("drop",K,!1)),function(){j&&(document.removeEventListener("dragover",yS),document.removeEventListener("drop",K))}},[V,j]),f.useEffect(function(){return!r&&k&&V.current&&V.current.focus(),function(){}},[V,k,r]);var U=f.useCallback(function(Se){M?M(Se):console.error(Se)},[M]),se=f.useCallback(function(Se){Se.preventDefault(),Se.persist(),ct(Se),X.current=[].concat(tH(X.current),[Se.target]),Bf(Se)&&Promise.resolve(o(Se)).then(function(Me){if(!(Yp(Se)&&!R)){var Pt=Me.length,Tt=Pt>0&&HF({files:Me,accept:T,minSize:a,maxSize:s,multiple:c,maxFiles:d,validator:A}),we=Pt>0&&!Tt;W({isDragAccept:Tt,isDragReject:we,isDragActive:!0,type:"setDraggedFiles"}),p&&p(Se)}}).catch(function(Me){return U(Me)})},[o,p,U,R,T,a,s,c,d,A]),re=f.useCallback(function(Se){Se.preventDefault(),Se.persist(),ct(Se);var Me=Bf(Se);if(Me&&Se.dataTransfer)try{Se.dataTransfer.dropEffect="copy"}catch{}return Me&&m&&m(Se),!1},[m,R]),oe=f.useCallback(function(Se){Se.preventDefault(),Se.persist(),ct(Se);var Me=X.current.filter(function(Tt){return V.current&&V.current.contains(Tt)}),Pt=Me.indexOf(Se.target);Pt!==-1&&Me.splice(Pt,1),X.current=Me,!(Me.length>0)&&(W({type:"setDraggedFiles",isDragActive:!1,isDragAccept:!1,isDragReject:!1}),Bf(Se)&&h&&h(Se))},[V,h,R]),pe=f.useCallback(function(Se,Me){var Pt=[],Tt=[];Se.forEach(function(we){var ht=eP(we,T),$t=T0(ht,2),zt=$t[0],ze=$t[1],qe=tP(we,a,s),Pn=T0(qe,2),Pe=Pn[0],Ze=Pn[1],Qe=A?A(we):null;if(zt&&Pe&&!Qe)Pt.push(we);else{var dt=[ze,Ze];Qe&&(dt=dt.concat(Qe)),Tt.push({file:we,errors:dt.filter(function(Lt){return Lt})})}}),(!c&&Pt.length>1||c&&d>=1&&Pt.length>d)&&(Pt.forEach(function(we){Tt.push({file:we,errors:[FF]})}),Pt.splice(0)),W({acceptedFiles:Pt,fileRejections:Tt,type:"setFiles"}),v&&v(Pt,Tt,Me),Tt.length>0&&w&&w(Tt,Me),Pt.length>0&&b&&b(Pt,Me)},[W,c,T,a,s,d,v,b,w,A]),le=f.useCallback(function(Se){Se.preventDefault(),Se.persist(),ct(Se),X.current=[],Bf(Se)&&Promise.resolve(o(Se)).then(function(Me){Yp(Se)&&!R||pe(Me,Se)}).catch(function(Me){return U(Me)}),W({type:"reset"})},[o,pe,U,R]),ge=f.useCallback(function(){if(be.current){W({type:"openDialog"}),Q();var Se={multiple:c,types:$};window.showOpenFilePicker(Se).then(function(Me){return o(Me)}).then(function(Me){pe(Me,null),W({type:"closeDialog"})}).catch(function(Me){XF(Me)?(B(Me),W({type:"closeDialog"})):YF(Me)?(be.current=!1,q.current?(q.current.value=null,q.current.click()):U(new Error("Cannot open the file picker because the https://developer.mozilla.org/en-US/docs/Web/API/File_System_Access_API is not supported and no was provided."))):U(Me)});return}q.current&&(W({type:"openDialog"}),Q(),q.current.value=null,q.current.click())},[W,Q,B,_,pe,U,$,c]),ke=f.useCallback(function(Se){!V.current||!V.current.isEqualNode(Se.target)||(Se.key===" "||Se.key==="Enter"||Se.keyCode===32||Se.keyCode===13)&&(Se.preventDefault(),ge())},[V,ge]),xe=f.useCallback(function(){W({type:"focus"})},[]),de=f.useCallback(function(){W({type:"blur"})},[]),Te=f.useCallback(function(){I||(UF()?setTimeout(ge,0):ge())},[I,ge]),Oe=function(Me){return r?null:Me},$e=function(Me){return E?null:Oe(Me)},kt=function(Me){return O?null:Oe(Me)},ct=function(Me){R&&Me.stopPropagation()},on=f.useMemo(function(){return function(){var Se=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},Me=Se.refKey,Pt=Me===void 0?"ref":Me,Tt=Se.role,we=Se.onKeyDown,ht=Se.onFocus,$t=Se.onBlur,zt=Se.onClick,ze=Se.onDragEnter,qe=Se.onDragOver,Pn=Se.onDragLeave,Pe=Se.onDrop,Ze=Qp(Se,ZF);return dr(dr(i1({onKeyDown:$e(Gs(we,ke)),onFocus:$e(Gs(ht,xe)),onBlur:$e(Gs($t,de)),onClick:Oe(Gs(zt,Te)),onDragEnter:kt(Gs(ze,se)),onDragOver:kt(Gs(qe,re)),onDragLeave:kt(Gs(Pn,oe)),onDrop:kt(Gs(Pe,le)),role:typeof Tt=="string"&&Tt!==""?Tt:"presentation"},Pt,V),!r&&!E?{tabIndex:0}:{}),Ze)}},[V,ke,xe,de,Te,se,re,oe,le,E,O,r]),vt=f.useCallback(function(Se){Se.stopPropagation()},[]),bt=f.useMemo(function(){return function(){var Se=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},Me=Se.refKey,Pt=Me===void 0?"ref":Me,Tt=Se.onChange,we=Se.onClick,ht=Qp(Se,eH),$t=i1({accept:T,multiple:c,type:"file",style:{display:"none"},onChange:Oe(Gs(Tt,le)),onClick:Oe(Gs(we,vt)),tabIndex:-1},Pt,q);return dr(dr({},$t),ht)}},[q,n,c,le,r]);return dr(dr({},L),{},{isFocused:Y&&!r,getRootProps:on,getInputProps:bt,rootRef:V,inputRef:q,open:Oe(ge)})}function cH(e,t){switch(t.type){case"focus":return dr(dr({},e),{},{isFocused:!0});case"blur":return dr(dr({},e),{},{isFocused:!1});case"openDialog":return dr(dr({},l1),{},{isFileDialogActive:!0});case"closeDialog":return dr(dr({},e),{},{isFileDialogActive:!1});case"setDraggedFiles":return dr(dr({},e),{},{isDragActive:t.isDragActive,isDragAccept:t.isDragAccept,isDragReject:t.isDragReject});case"setFiles":return dr(dr({},e),{},{acceptedFiles:t.acceptedFiles,fileRejections:t.fileRejections});case"reset":return dr({},l1);default:return e}}function wS(){}function c1(){return c1=Object.assign?Object.assign.bind():function(e){for(var t=1;t'),!0):t?e.some(function(n){return t.includes(n)})||e.includes("*"):!0}var gH=function(t,n,r){r===void 0&&(r=!1);var o=n.alt,s=n.meta,a=n.mod,c=n.shift,d=n.ctrl,p=n.keys,h=t.key,m=t.code,v=t.ctrlKey,b=t.metaKey,w=t.shiftKey,y=t.altKey,S=ii(m),_=h.toLowerCase();if(!r){if(o===!y&&_!=="alt"||c===!w&&_!=="shift")return!1;if(a){if(!b&&!v)return!1}else if(s===!b&&_!=="meta"&&_!=="os"||d===!v&&_!=="ctrl"&&_!=="control")return!1}return p&&p.length===1&&(p.includes(_)||p.includes(S))?!0:p?iP(p):!p},vH=f.createContext(void 0),bH=function(){return f.useContext(vH)};function dP(e,t){return e&&t&&typeof e=="object"&&typeof t=="object"?Object.keys(e).length===Object.keys(t).length&&Object.keys(e).reduce(function(n,r){return n&&dP(e[r],t[r])},!0):e===t}var yH=f.createContext({hotkeys:[],enabledScopes:[],toggleScope:function(){},enableScope:function(){},disableScope:function(){}}),xH=function(){return f.useContext(yH)};function wH(e){var t=f.useRef(void 0);return dP(t.current,e)||(t.current=e),t.current}var SS=function(t){t.stopPropagation(),t.preventDefault(),t.stopImmediatePropagation()},SH=typeof window<"u"?f.useLayoutEffect:f.useEffect;function rt(e,t,n,r){var o=f.useRef(null),s=f.useRef(!1),a=n instanceof Array?r instanceof Array?void 0:r:n,c=e instanceof Array?e.join(a==null?void 0:a.splitKey):e,d=n instanceof Array?n:r instanceof Array?r:void 0,p=f.useCallback(t,d??[]),h=f.useRef(p);d?h.current=p:h.current=t;var m=wH(a),v=xH(),b=v.enabledScopes,w=bH();return SH(function(){if(!((m==null?void 0:m.enabled)===!1||!mH(b,m==null?void 0:m.scopes))){var y=function(I,E){var O;if(E===void 0&&(E=!1),!(hH(I)&&!uP(I,m==null?void 0:m.enableOnFormTags))&&!(m!=null&&m.ignoreEventWhen!=null&&m.ignoreEventWhen(I))){if(o.current!==null&&document.activeElement!==o.current&&!o.current.contains(document.activeElement)){SS(I);return}(O=I.target)!=null&&O.isContentEditable&&!(m!=null&&m.enableOnContentEditable)||N0(c,m==null?void 0:m.splitKey).forEach(function(R){var M,A=$0(R,m==null?void 0:m.combinationKey);if(gH(I,A,m==null?void 0:m.ignoreModifiers)||(M=A.keys)!=null&&M.includes("*")){if(E&&s.current)return;if(fH(I,A,m==null?void 0:m.preventDefault),!pH(I,A,m==null?void 0:m.enabled)){SS(I);return}h.current(I,A),E||(s.current=!0)}})}},S=function(I){I.key!==void 0&&(lP(ii(I.code)),((m==null?void 0:m.keydown)===void 0&&(m==null?void 0:m.keyup)!==!0||m!=null&&m.keydown)&&y(I))},_=function(I){I.key!==void 0&&(cP(ii(I.code)),s.current=!1,m!=null&&m.keyup&&y(I,!0))},k=o.current||(a==null?void 0:a.document)||document;return k.addEventListener("keyup",_),k.addEventListener("keydown",S),w&&N0(c,m==null?void 0:m.splitKey).forEach(function(j){return w.addHotkey($0(j,m==null?void 0:m.combinationKey,m==null?void 0:m.description))}),function(){k.removeEventListener("keyup",_),k.removeEventListener("keydown",S),w&&N0(c,m==null?void 0:m.splitKey).forEach(function(j){return w.removeHotkey($0(j,m==null?void 0:m.combinationKey,m==null?void 0:m.description))})}}},[c,m,b]),o}const CH=e=>{const{isDragAccept:t,isDragReject:n,setIsHandlingUpload:r}=e;return rt("esc",()=>{r(!1)}),i.jsxs(Ee,{sx:{position:"absolute",top:0,insetInlineStart:0,width:"100vw",height:"100vh",zIndex:999,backdropFilter:"blur(20px)"},children:[i.jsx(F,{sx:{position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full",bg:"base.700",_dark:{bg:"base.900"},opacity:.7,alignItems:"center",justifyContent:"center",transitionProperty:"common",transitionDuration:"0.1s"}}),i.jsx(F,{sx:{position:"absolute",top:0,insetInlineStart:0,width:"full",height:"full",alignItems:"center",justifyContent:"center",p:4},children:i.jsx(F,{sx:{width:"full",height:"full",alignItems:"center",justifyContent:"center",flexDir:"column",gap:4,borderWidth:3,borderRadius:"xl",borderStyle:"dashed",color:"base.100",borderColor:"base.100",_dark:{borderColor:"base.200"}},children:t?i.jsx(Ys,{size:"lg",children:"Drop to Upload"}):i.jsxs(i.Fragment,{children:[i.jsx(Ys,{size:"lg",children:"Invalid Upload"}),i.jsx(Ys,{size:"md",children:"Must be single JPEG or PNG image"})]})})})]})},kH=fe([Xe,Kn],({gallery:e},t)=>{let n={type:"TOAST"};t==="unifiedCanvas"&&(n={type:"SET_CANVAS_INITIAL_IMAGE"}),t==="img2img"&&(n={type:"SET_INITIAL_IMAGE"});const{autoAddBoardId:r}=e;return{autoAddBoardId:r,postUploadAction:n}},Ge),_H=e=>{const{children:t}=e,{autoAddBoardId:n,postUploadAction:r}=z(kH),o=z(Cr),s=Hc(),{t:a}=ye(),[c,d]=f.useState(!1),[p]=M_(),h=f.useCallback(j=>{d(!0),s({title:a("toast.uploadFailed"),description:j.errors.map(I=>I.message).join(` -`),status:"error"})},[a,s]),m=f.useCallback(async j=>{p({file:j,image_category:"user",is_intermediate:!1,postUploadAction:r,board_id:n})},[n,r,p]),v=f.useCallback((j,I)=>{if(I.length>1){s({title:a("toast.uploadFailed"),description:a("toast.uploadFailedInvalidUploadDesc"),status:"error"});return}I.forEach(E=>{h(E)}),j.forEach(E=>{m(E)})},[a,s,m,h]),{getRootProps:b,getInputProps:w,isDragAccept:y,isDragReject:S,isDragActive:_,inputRef:k}=Zb({accept:{"image/png":[".png"],"image/jpeg":[".jpg",".jpeg",".png"]},noClick:!0,onDrop:v,onDragOver:()=>d(!0),disabled:o,multiple:!1});return f.useEffect(()=>{const j=async I=>{var E,O;k.current&&(E=I.clipboardData)!=null&&E.files&&(k.current.files=I.clipboardData.files,(O=k.current)==null||O.dispatchEvent(new Event("change",{bubbles:!0})))};return document.addEventListener("paste",j),()=>{document.removeEventListener("paste",j)}},[k]),i.jsxs(Ee,{...b({style:{}}),onKeyDown:j=>{j.key},children:[i.jsx("input",{...w()}),t,i.jsx(ho,{children:_&&c&&i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.1}},exit:{opacity:0,transition:{duration:.1}},children:i.jsx(CH,{isDragAccept:y,isDragReject:S,setIsHandlingUpload:d})},"image-upload-overlay")})]})},PH=f.memo(_H),mn=e=>e.canvas,ir=fe([mn,Kn,go],(e,t,n)=>e.layerState.stagingArea.images.length>0||t==="unifiedCanvas"&&n.isProcessing),jH=e=>e.canvas.layerState.objects.find(D_),IH=r9(e=>{e(A_(!0))},300),Co=()=>(e,t)=>{Kn(t())==="unifiedCanvas"&&IH(e)};var EH=globalThis&&globalThis.__extends||function(){var e=function(t,n){return e=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(r,o){r.__proto__=o}||function(r,o){for(var s in o)Object.prototype.hasOwnProperty.call(o,s)&&(r[s]=o[s])},e(t,n)};return function(t,n){e(t,n);function r(){this.constructor=t}t.prototype=n===null?Object.create(n):(r.prototype=n.prototype,new r)}}(),_r=globalThis&&globalThis.__assign||function(){return _r=Object.assign||function(e){for(var t,n=1,r=arguments.length;n"u"?void 0:Number(r),maxHeight:typeof o>"u"?void 0:Number(o),minWidth:typeof s>"u"?void 0:Number(s),minHeight:typeof a>"u"?void 0:Number(a)}},NH=["as","style","className","grid","snap","bounds","boundsByDirection","size","defaultSize","minWidth","minHeight","maxWidth","maxHeight","lockAspectRatio","lockAspectRatioExtraWidth","lockAspectRatioExtraHeight","enable","handleStyles","handleClasses","handleWrapperStyle","handleWrapperClass","children","onResizeStart","onResize","onResizeStop","handleComponent","scale","resizeRatio","snapGap"],jS="__resizable_base__",$H=function(e){MH(t,e);function t(n){var r=e.call(this,n)||this;return r.ratio=1,r.resizable=null,r.parentLeft=0,r.parentTop=0,r.resizableLeft=0,r.resizableRight=0,r.resizableTop=0,r.resizableBottom=0,r.targetLeft=0,r.targetTop=0,r.appendBase=function(){if(!r.resizable||!r.window)return null;var o=r.parentNode;if(!o)return null;var s=r.window.document.createElement("div");return s.style.width="100%",s.style.height="100%",s.style.position="absolute",s.style.transform="scale(0, 0)",s.style.left="0",s.style.flex="0 0 100%",s.classList?s.classList.add(jS):s.className+=jS,o.appendChild(s),s},r.removeBase=function(o){var s=r.parentNode;s&&s.removeChild(o)},r.ref=function(o){o&&(r.resizable=o)},r.state={isResizing:!1,width:typeof(r.propsSize&&r.propsSize.width)>"u"?"auto":r.propsSize&&r.propsSize.width,height:typeof(r.propsSize&&r.propsSize.height)>"u"?"auto":r.propsSize&&r.propsSize.height,direction:"right",original:{x:0,y:0,width:0,height:0},backgroundStyle:{height:"100%",width:"100%",backgroundColor:"rgba(0,0,0,0)",cursor:"auto",opacity:0,position:"fixed",zIndex:9999,top:"0",left:"0",bottom:"0",right:"0"},flexBasis:void 0},r.onResizeStart=r.onResizeStart.bind(r),r.onMouseMove=r.onMouseMove.bind(r),r.onMouseUp=r.onMouseUp.bind(r),r}return Object.defineProperty(t.prototype,"parentNode",{get:function(){return this.resizable?this.resizable.parentNode:null},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"window",{get:function(){return!this.resizable||!this.resizable.ownerDocument?null:this.resizable.ownerDocument.defaultView},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"propsSize",{get:function(){return this.props.size||this.props.defaultSize||DH},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"size",{get:function(){var n=0,r=0;if(this.resizable&&this.window){var o=this.resizable.offsetWidth,s=this.resizable.offsetHeight,a=this.resizable.style.position;a!=="relative"&&(this.resizable.style.position="relative"),n=this.resizable.style.width!=="auto"?this.resizable.offsetWidth:o,r=this.resizable.style.height!=="auto"?this.resizable.offsetHeight:s,this.resizable.style.position=a}return{width:n,height:r}},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"sizeStyle",{get:function(){var n=this,r=this.props.size,o=function(c){if(typeof n.state[c]>"u"||n.state[c]==="auto")return"auto";if(n.propsSize&&n.propsSize[c]&&n.propsSize[c].toString().endsWith("%")){if(n.state[c].toString().endsWith("%"))return n.state[c].toString();var d=n.getParentSize(),p=Number(n.state[c].toString().replace("px","")),h=p/d[c]*100;return h+"%"}return z0(n.state[c])},s=r&&typeof r.width<"u"&&!this.state.isResizing?z0(r.width):o("width"),a=r&&typeof r.height<"u"&&!this.state.isResizing?z0(r.height):o("height");return{width:s,height:a}},enumerable:!1,configurable:!0}),t.prototype.getParentSize=function(){if(!this.parentNode)return this.window?{width:this.window.innerWidth,height:this.window.innerHeight}:{width:0,height:0};var n=this.appendBase();if(!n)return{width:0,height:0};var r=!1,o=this.parentNode.style.flexWrap;o!=="wrap"&&(r=!0,this.parentNode.style.flexWrap="wrap"),n.style.position="relative",n.style.minWidth="100%",n.style.minHeight="100%";var s={width:n.offsetWidth,height:n.offsetHeight};return r&&(this.parentNode.style.flexWrap=o),this.removeBase(n),s},t.prototype.bindEvents=function(){this.window&&(this.window.addEventListener("mouseup",this.onMouseUp),this.window.addEventListener("mousemove",this.onMouseMove),this.window.addEventListener("mouseleave",this.onMouseUp),this.window.addEventListener("touchmove",this.onMouseMove,{capture:!0,passive:!1}),this.window.addEventListener("touchend",this.onMouseUp))},t.prototype.unbindEvents=function(){this.window&&(this.window.removeEventListener("mouseup",this.onMouseUp),this.window.removeEventListener("mousemove",this.onMouseMove),this.window.removeEventListener("mouseleave",this.onMouseUp),this.window.removeEventListener("touchmove",this.onMouseMove,!0),this.window.removeEventListener("touchend",this.onMouseUp))},t.prototype.componentDidMount=function(){if(!(!this.resizable||!this.window)){var n=this.window.getComputedStyle(this.resizable);this.setState({width:this.state.width||this.size.width,height:this.state.height||this.size.height,flexBasis:n.flexBasis!=="auto"?n.flexBasis:void 0})}},t.prototype.componentWillUnmount=function(){this.window&&this.unbindEvents()},t.prototype.createSizeForCssProperty=function(n,r){var o=this.propsSize&&this.propsSize[r];return this.state[r]==="auto"&&this.state.original[r]===n&&(typeof o>"u"||o==="auto")?"auto":n},t.prototype.calculateNewMaxFromBoundary=function(n,r){var o=this.props.boundsByDirection,s=this.state.direction,a=o&&Bl("left",s),c=o&&Bl("top",s),d,p;if(this.props.bounds==="parent"){var h=this.parentNode;h&&(d=a?this.resizableRight-this.parentLeft:h.offsetWidth+(this.parentLeft-this.resizableLeft),p=c?this.resizableBottom-this.parentTop:h.offsetHeight+(this.parentTop-this.resizableTop))}else this.props.bounds==="window"?this.window&&(d=a?this.resizableRight:this.window.innerWidth-this.resizableLeft,p=c?this.resizableBottom:this.window.innerHeight-this.resizableTop):this.props.bounds&&(d=a?this.resizableRight-this.targetLeft:this.props.bounds.offsetWidth+(this.targetLeft-this.resizableLeft),p=c?this.resizableBottom-this.targetTop:this.props.bounds.offsetHeight+(this.targetTop-this.resizableTop));return d&&Number.isFinite(d)&&(n=n&&n"u"?10:s.width,m=typeof o.width>"u"||o.width<0?n:o.width,v=typeof s.height>"u"?10:s.height,b=typeof o.height>"u"||o.height<0?r:o.height,w=d||0,y=p||0;if(c){var S=(v-w)*this.ratio+y,_=(b-w)*this.ratio+y,k=(h-y)/this.ratio+w,j=(m-y)/this.ratio+w,I=Math.max(h,S),E=Math.min(m,_),O=Math.max(v,k),R=Math.min(b,j);n=Hf(n,I,E),r=Hf(r,O,R)}else n=Hf(n,h,m),r=Hf(r,v,b);return{newWidth:n,newHeight:r}},t.prototype.setBoundingClientRect=function(){if(this.props.bounds==="parent"){var n=this.parentNode;if(n){var r=n.getBoundingClientRect();this.parentLeft=r.left,this.parentTop=r.top}}if(this.props.bounds&&typeof this.props.bounds!="string"){var o=this.props.bounds.getBoundingClientRect();this.targetLeft=o.left,this.targetTop=o.top}if(this.resizable){var s=this.resizable.getBoundingClientRect(),a=s.left,c=s.top,d=s.right,p=s.bottom;this.resizableLeft=a,this.resizableRight=d,this.resizableTop=c,this.resizableBottom=p}},t.prototype.onResizeStart=function(n,r){if(!(!this.resizable||!this.window)){var o=0,s=0;if(n.nativeEvent&&AH(n.nativeEvent)?(o=n.nativeEvent.clientX,s=n.nativeEvent.clientY):n.nativeEvent&&Wf(n.nativeEvent)&&(o=n.nativeEvent.touches[0].clientX,s=n.nativeEvent.touches[0].clientY),this.props.onResizeStart&&this.resizable){var a=this.props.onResizeStart(n,r,this.resizable);if(a===!1)return}this.props.size&&(typeof this.props.size.height<"u"&&this.props.size.height!==this.state.height&&this.setState({height:this.props.size.height}),typeof this.props.size.width<"u"&&this.props.size.width!==this.state.width&&this.setState({width:this.props.size.width})),this.ratio=typeof this.props.lockAspectRatio=="number"?this.props.lockAspectRatio:this.size.width/this.size.height;var c,d=this.window.getComputedStyle(this.resizable);if(d.flexBasis!=="auto"){var p=this.parentNode;if(p){var h=this.window.getComputedStyle(p).flexDirection;this.flexDir=h.startsWith("row")?"row":"column",c=d.flexBasis}}this.setBoundingClientRect(),this.bindEvents();var m={original:{x:o,y:s,width:this.size.width,height:this.size.height},isResizing:!0,backgroundStyle:qs(qs({},this.state.backgroundStyle),{cursor:this.window.getComputedStyle(n.target).cursor||"auto"}),direction:r,flexBasis:c};this.setState(m)}},t.prototype.onMouseMove=function(n){var r=this;if(!(!this.state.isResizing||!this.resizable||!this.window)){if(this.window.TouchEvent&&Wf(n))try{n.preventDefault(),n.stopPropagation()}catch{}var o=this.props,s=o.maxWidth,a=o.maxHeight,c=o.minWidth,d=o.minHeight,p=Wf(n)?n.touches[0].clientX:n.clientX,h=Wf(n)?n.touches[0].clientY:n.clientY,m=this.state,v=m.direction,b=m.original,w=m.width,y=m.height,S=this.getParentSize(),_=TH(S,this.window.innerWidth,this.window.innerHeight,s,a,c,d);s=_.maxWidth,a=_.maxHeight,c=_.minWidth,d=_.minHeight;var k=this.calculateNewSizeFromDirection(p,h),j=k.newHeight,I=k.newWidth,E=this.calculateNewMaxFromBoundary(s,a);this.props.snap&&this.props.snap.x&&(I=PS(I,this.props.snap.x,this.props.snapGap)),this.props.snap&&this.props.snap.y&&(j=PS(j,this.props.snap.y,this.props.snapGap));var O=this.calculateNewSizeFromAspectRatio(I,j,{width:E.maxWidth,height:E.maxHeight},{width:c,height:d});if(I=O.newWidth,j=O.newHeight,this.props.grid){var R=_S(I,this.props.grid[0]),M=_S(j,this.props.grid[1]),A=this.props.snapGap||0;I=A===0||Math.abs(R-I)<=A?R:I,j=A===0||Math.abs(M-j)<=A?M:j}var T={width:I-b.width,height:j-b.height};if(w&&typeof w=="string"){if(w.endsWith("%")){var $=I/S.width*100;I=$+"%"}else if(w.endsWith("vw")){var Q=I/this.window.innerWidth*100;I=Q+"vw"}else if(w.endsWith("vh")){var B=I/this.window.innerHeight*100;I=B+"vh"}}if(y&&typeof y=="string"){if(y.endsWith("%")){var $=j/S.height*100;j=$+"%"}else if(y.endsWith("vw")){var Q=j/this.window.innerWidth*100;j=Q+"vw"}else if(y.endsWith("vh")){var B=j/this.window.innerHeight*100;j=B+"vh"}}var V={width:this.createSizeForCssProperty(I,"width"),height:this.createSizeForCssProperty(j,"height")};this.flexDir==="row"?V.flexBasis=V.width:this.flexDir==="column"&&(V.flexBasis=V.height),_i.flushSync(function(){r.setState(V)}),this.props.onResize&&this.props.onResize(n,v,this.resizable,T)}},t.prototype.onMouseUp=function(n){var r=this.state,o=r.isResizing,s=r.direction,a=r.original;if(!(!o||!this.resizable)){var c={width:this.size.width-a.width,height:this.size.height-a.height};this.props.onResizeStop&&this.props.onResizeStop(n,s,this.resizable,c),this.props.size&&this.setState(this.props.size),this.unbindEvents(),this.setState({isResizing:!1,backgroundStyle:qs(qs({},this.state.backgroundStyle),{cursor:"auto"})})}},t.prototype.updateSize=function(n){this.setState({width:n.width,height:n.height})},t.prototype.renderResizer=function(){var n=this,r=this.props,o=r.enable,s=r.handleStyles,a=r.handleClasses,c=r.handleWrapperStyle,d=r.handleWrapperClass,p=r.handleComponent;if(!o)return null;var h=Object.keys(o).map(function(m){return o[m]!==!1?f.createElement(RH,{key:m,direction:m,onResizeStart:n.onResizeStart,replaceStyles:s&&s[m],className:a&&a[m]},p&&p[m]?p[m]:null):null});return f.createElement("div",{className:d,style:c},h)},t.prototype.render=function(){var n=this,r=Object.keys(this.props).reduce(function(a,c){return NH.indexOf(c)!==-1||(a[c]=n.props[c]),a},{}),o=qs(qs(qs({position:"relative",userSelect:this.state.isResizing?"none":"auto"},this.props.style),this.sizeStyle),{maxWidth:this.props.maxWidth,maxHeight:this.props.maxHeight,minWidth:this.props.minWidth,minHeight:this.props.minHeight,boxSizing:"border-box",flexShrink:0});this.state.flexBasis&&(o.flexBasis=this.state.flexBasis);var s=this.props.as||"div";return f.createElement(s,qs({ref:this.ref,style:o,className:this.props.className},r),this.state.isResizing&&f.createElement("div",{style:this.state.backgroundStyle}),this.props.children,this.renderResizer())},t.defaultProps={as:"div",onResizeStart:function(){},onResize:function(){},onResizeStop:function(){},enable:{top:!0,right:!0,bottom:!0,left:!0,topRight:!0,bottomRight:!0,bottomLeft:!0,topLeft:!0},style:{},grid:[1,1],lockAspectRatio:!1,lockAspectRatioExtraWidth:0,lockAspectRatioExtraHeight:0,scale:1,resizeRatio:1,snapGap:0},t}(f.PureComponent);const zH=({direction:e,langDirection:t})=>({top:e==="bottom",right:t!=="rtl"&&e==="left"||t==="rtl"&&e==="right",bottom:e==="top",left:t!=="rtl"&&e==="right"||t==="rtl"&&e==="left"}),LH=({direction:e,minWidth:t,maxWidth:n,minHeight:r,maxHeight:o})=>{const s=t??(["left","right"].includes(e)?10:void 0),a=n??(["left","right"].includes(e)?"95vw":void 0),c=r??(["top","bottom"].includes(e)?10:void 0),d=o??(["top","bottom"].includes(e)?"95vh":void 0);return{...s?{minWidth:s}:{},...a?{maxWidth:a}:{},...c?{minHeight:c}:{},...d?{maxHeight:d}:{}}},ba="0.75rem",Uf="1rem",hu="5px",BH=({isResizable:e,direction:t})=>{const n=`calc((2 * ${ba} + ${hu}) / -2)`;return t==="top"?{containerStyles:{borderBottomWidth:hu,paddingBottom:Uf},handleStyles:e?{top:{paddingTop:ba,paddingBottom:ba,bottom:n}}:{}}:t==="left"?{containerStyles:{borderInlineEndWidth:hu,paddingInlineEnd:Uf},handleStyles:e?{right:{paddingInlineStart:ba,paddingInlineEnd:ba,insetInlineEnd:n}}:{}}:t==="bottom"?{containerStyles:{borderTopWidth:hu,paddingTop:Uf},handleStyles:e?{bottom:{paddingTop:ba,paddingBottom:ba,top:n}}:{}}:t==="right"?{containerStyles:{borderInlineStartWidth:hu,paddingInlineStart:Uf},handleStyles:e?{left:{paddingInlineStart:ba,paddingInlineEnd:ba,insetInlineStart:n}}:{}}:{containerStyles:{},handleStyles:{}}},FH=(e,t)=>["top","bottom"].includes(e)?e:e==="left"?t==="rtl"?"right":"left":e==="right"?t==="rtl"?"left":"right":"left",Fe=(e,t)=>n=>n==="light"?e:t,HH=je($H,{shouldForwardProp:e=>!["sx"].includes(e)}),fP=({direction:e="left",isResizable:t,isOpen:n,onClose:r,children:o,initialWidth:s,minWidth:a,maxWidth:c,initialHeight:d,minHeight:p,maxHeight:h,onResizeStart:m,onResizeStop:v,onResize:b,sx:w={}})=>{const y=Dc().direction,{colorMode:S}=Ds(),_=f.useRef(null),k=f.useMemo(()=>s??a??(["left","right"].includes(e)?"auto":"100%"),[s,a,e]),j=f.useMemo(()=>d??p??(["top","bottom"].includes(e)?"auto":"100%"),[d,p,e]),[I,E]=f.useState(k),[O,R]=f.useState(j);NN({ref:_,handler:()=>{r()},enabled:n});const M=f.useMemo(()=>t?zH({direction:e,langDirection:y}):{},[t,y,e]),A=f.useMemo(()=>LH({direction:e,minWidth:a,maxWidth:c,minHeight:p,maxHeight:h}),[a,c,p,h,e]),{containerStyles:T,handleStyles:$}=f.useMemo(()=>BH({isResizable:t,direction:e}),[t,e]),Q=f.useMemo(()=>FH(e,y),[e,y]);return f.useEffect(()=>{["left","right"].includes(e)&&R("100vh"),["top","bottom"].includes(e)&&E("100vw")},[e]),i.jsx(F5,{direction:Q,in:n,motionProps:{initial:!1},style:{width:"full"},children:i.jsx(Ee,{ref:_,sx:{width:"full",height:"full"},children:i.jsx(HH,{size:{width:t?I:k,height:t?O:j},enable:M,handleStyles:$,...A,sx:{borderColor:Fe("base.200","base.800")(S),p:4,bg:Fe("base.50","base.900")(S),height:"full",shadow:n?"dark-lg":void 0,...T,...w},onResizeStart:(B,V,q)=>{m&&m(B,V,q)},onResize:(B,V,q,G)=>{b&&b(B,V,q,G)},onResizeStop:(B,V,q,G)=>{["left","right"].includes(V)&&E(Number(I)+G.width),["top","bottom"].includes(V)&&R(Number(O)+G.height),v&&v(B,V,q,G)},children:o})})})},WH=Ae((e,t)=>{const{children:n,tooltip:r="",tooltipProps:{placement:o="top",hasArrow:s=!0,...a}={},isChecked:c,...d}=e;return i.jsx(wn,{label:r,placement:o,hasArrow:s,...a,children:i.jsx(vc,{ref:t,colorScheme:c?"accent":"base",...d,children:n})})}),en=f.memo(WH);var pP={color:void 0,size:void 0,className:void 0,style:void 0,attr:void 0},IS=H.createContext&&H.createContext(pP),fi=globalThis&&globalThis.__assign||function(){return fi=Object.assign||function(e){for(var t,n=1,r=arguments.length;nt(e[n],n,e));return e}function ro(e,t){const n=Ei(t);if(Rs(t)||n){let o=n?"":{};if(e){const s=window.getComputedStyle(e,null);o=n?DS(e,s,t):t.reduce((a,c)=>(a[c]=DS(e,s,c),a),o)}return o}e&&_n(Fo(t),o=>UW(e,o,t[o]))}const xs=(e,t)=>{const{o:n,u:r,_:o}=e;let s=n,a;const c=(h,m)=>{const v=s,b=h,w=m||(r?!r(v,b):v!==b);return(w||o)&&(s=b,a=v),[s,w,a]};return[t?h=>c(t(s,a),h):c,h=>[s,!!h,a]]},Td=()=>typeof window<"u",EP=Td()&&Node.ELEMENT_NODE,{toString:OW,hasOwnProperty:B0}=Object.prototype,Ha=e=>e===void 0,Em=e=>e===null,RW=e=>Ha(e)||Em(e)?`${e}`:OW.call(e).replace(/^\[object (.+)\]$/,"$1").toLowerCase(),pi=e=>typeof e=="number",Ei=e=>typeof e=="string",sy=e=>typeof e=="boolean",Os=e=>typeof e=="function",Rs=e=>Array.isArray(e),od=e=>typeof e=="object"&&!Rs(e)&&!Em(e),Om=e=>{const t=!!e&&e.length,n=pi(t)&&t>-1&&t%1==0;return Rs(e)||!Os(e)&&n?t>0&&od(e)?t-1 in e:!0:!1},u1=e=>{if(!e||!od(e)||RW(e)!=="object")return!1;let t;const n="constructor",r=e[n],o=r&&r.prototype,s=B0.call(e,n),a=o&&B0.call(o,"isPrototypeOf");if(r&&!s&&!a)return!1;for(t in e);return Ha(t)||B0.call(e,t)},Jp=e=>{const t=HTMLElement;return e?t?e instanceof t:e.nodeType===EP:!1},Rm=e=>{const t=Element;return e?t?e instanceof t:e.nodeType===EP:!1},ay=(e,t,n)=>e.indexOf(t,n),An=(e,t,n)=>(!n&&!Ei(t)&&Om(t)?Array.prototype.push.apply(e,t):e.push(t),e),ll=e=>{const t=Array.from,n=[];return t&&e?t(e):(e instanceof Set?e.forEach(r=>{An(n,r)}):_n(e,r=>{An(n,r)}),n)},iy=e=>!!e&&e.length===0,ca=(e,t,n)=>{_n(e,o=>o&&o.apply(void 0,t||[])),!n&&(e.length=0)},Mm=(e,t)=>Object.prototype.hasOwnProperty.call(e,t),Fo=e=>e?Object.keys(e):[],pr=(e,t,n,r,o,s,a)=>{const c=[t,n,r,o,s,a];return(typeof e!="object"||Em(e))&&!Os(e)&&(e={}),_n(c,d=>{_n(Fo(d),p=>{const h=d[p];if(e===h)return!0;const m=Rs(h);if(h&&(u1(h)||m)){const v=e[p];let b=v;m&&!Rs(v)?b=[]:!m&&!u1(v)&&(b={}),e[p]=pr(b,h)}else e[p]=h})}),e},ly=e=>{for(const t in e)return!1;return!0},OP=(e,t,n,r)=>{if(Ha(r))return n?n[e]:t;n&&(Ei(r)||pi(r))&&(n[e]=r)},to=(e,t,n)=>{if(Ha(n))return e?e.getAttribute(t):null;e&&e.setAttribute(t,n)},wo=(e,t)=>{e&&e.removeAttribute(t)},Ji=(e,t,n,r)=>{if(n){const o=to(e,t)||"",s=new Set(o.split(" "));s[r?"add":"delete"](n);const a=ll(s).join(" ").trim();to(e,t,a)}},MW=(e,t,n)=>{const r=to(e,t)||"";return new Set(r.split(" ")).has(n)},_s=(e,t)=>OP("scrollLeft",0,e,t),ka=(e,t)=>OP("scrollTop",0,e,t),d1=Td()&&Element.prototype,RP=(e,t)=>{const n=[],r=t?Rm(t)?t:null:document;return r?An(n,r.querySelectorAll(e)):n},DW=(e,t)=>{const n=t?Rm(t)?t:null:document;return n?n.querySelector(e):null},Zp=(e,t)=>Rm(e)?(d1.matches||d1.msMatchesSelector).call(e,t):!1,cy=e=>e?ll(e.childNodes):[],Ta=e=>e?e.parentElement:null,Yl=(e,t)=>{if(Rm(e)){const n=d1.closest;if(n)return n.call(e,t);do{if(Zp(e,t))return e;e=Ta(e)}while(e)}return null},AW=(e,t,n)=>{const r=e&&Yl(e,t),o=e&&DW(n,r),s=Yl(o,t)===r;return r&&o?r===e||o===e||s&&Yl(Yl(e,n),t)!==r:!1},uy=(e,t,n)=>{if(n&&e){let r=t,o;Om(n)?(o=document.createDocumentFragment(),_n(n,s=>{s===r&&(r=s.previousSibling),o.appendChild(s)})):o=n,t&&(r?r!==t&&(r=r.nextSibling):r=e.firstChild),e.insertBefore(o,r||null)}},ts=(e,t)=>{uy(e,null,t)},TW=(e,t)=>{uy(Ta(e),e,t)},OS=(e,t)=>{uy(Ta(e),e&&e.nextSibling,t)},oa=e=>{if(Om(e))_n(ll(e),t=>oa(t));else if(e){const t=Ta(e);t&&t.removeChild(e)}},Zi=e=>{const t=document.createElement("div");return e&&to(t,"class",e),t},MP=e=>{const t=Zi();return t.innerHTML=e.trim(),_n(cy(t),n=>oa(n))},f1=e=>e.charAt(0).toUpperCase()+e.slice(1),NW=()=>Zi().style,$W=["-webkit-","-moz-","-o-","-ms-"],zW=["WebKit","Moz","O","MS","webkit","moz","o","ms"],F0={},H0={},LW=e=>{let t=H0[e];if(Mm(H0,e))return t;const n=f1(e),r=NW();return _n($W,o=>{const s=o.replace(/-/g,"");return!(t=[e,o+e,s+n,f1(s)+n].find(c=>r[c]!==void 0))}),H0[e]=t||""},Nd=e=>{if(Td()){let t=F0[e]||window[e];return Mm(F0,e)||(_n(zW,n=>(t=t||window[n+f1(e)],!t)),F0[e]=t),t}},BW=Nd("MutationObserver"),RS=Nd("IntersectionObserver"),Ql=Nd("ResizeObserver"),DP=Nd("cancelAnimationFrame"),AP=Nd("requestAnimationFrame"),eh=Td()&&window.setTimeout,p1=Td()&&window.clearTimeout,FW=/[^\x20\t\r\n\f]+/g,TP=(e,t,n)=>{const r=e&&e.classList;let o,s=0,a=!1;if(r&&t&&Ei(t)){const c=t.match(FW)||[];for(a=c.length>0;o=c[s++];)a=!!n(r,o)&&a}return a},dy=(e,t)=>{TP(e,t,(n,r)=>n.remove(r))},_a=(e,t)=>(TP(e,t,(n,r)=>n.add(r)),dy.bind(0,e,t)),Dm=(e,t,n,r)=>{if(e&&t){let o=!0;return _n(n,s=>{const a=r?r(e[s]):e[s],c=r?r(t[s]):t[s];a!==c&&(o=!1)}),o}return!1},NP=(e,t)=>Dm(e,t,["w","h"]),$P=(e,t)=>Dm(e,t,["x","y"]),HW=(e,t)=>Dm(e,t,["t","r","b","l"]),MS=(e,t,n)=>Dm(e,t,["width","height"],n&&(r=>Math.round(r))),es=()=>{},Gl=e=>{let t;const n=e?eh:AP,r=e?p1:DP;return[o=>{r(t),t=n(o,Os(e)?e():e)},()=>r(t)]},fy=(e,t)=>{let n,r,o,s=es;const{v:a,g:c,p:d}=t||{},p=function(w){s(),p1(n),n=r=void 0,s=es,e.apply(this,w)},h=b=>d&&r?d(r,b):b,m=()=>{s!==es&&p(h(o)||o)},v=function(){const w=ll(arguments),y=Os(a)?a():a;if(pi(y)&&y>=0){const _=Os(c)?c():c,k=pi(_)&&_>=0,j=y>0?eh:AP,I=y>0?p1:DP,O=h(w)||w,R=p.bind(0,O);s();const M=j(R,y);s=()=>I(M),k&&!n&&(n=eh(m,_)),r=o=O}else p(w)};return v.m=m,v},WW={opacity:1,zindex:1},Gf=(e,t)=>{const n=t?parseFloat(e):parseInt(e,10);return n===n?n:0},VW=(e,t)=>!WW[e.toLowerCase()]&&pi(t)?`${t}px`:t,DS=(e,t,n)=>t!=null?t[n]||t.getPropertyValue(n):e.style[n],UW=(e,t,n)=>{try{const{style:r}=e;Ha(r[t])?r.setProperty(t,n):r[t]=VW(t,n)}catch{}},sd=e=>ro(e,"direction")==="rtl",AS=(e,t,n)=>{const r=t?`${t}-`:"",o=n?`-${n}`:"",s=`${r}top${o}`,a=`${r}right${o}`,c=`${r}bottom${o}`,d=`${r}left${o}`,p=ro(e,[s,a,c,d]);return{t:Gf(p[s],!0),r:Gf(p[a],!0),b:Gf(p[c],!0),l:Gf(p[d],!0)}},{round:TS}=Math,py={w:0,h:0},ad=e=>e?{w:e.offsetWidth,h:e.offsetHeight}:py,Ip=e=>e?{w:e.clientWidth,h:e.clientHeight}:py,th=e=>e?{w:e.scrollWidth,h:e.scrollHeight}:py,nh=e=>{const t=parseFloat(ro(e,"height"))||0,n=parseFloat(ro(e,"width"))||0;return{w:n-TS(n),h:t-TS(t)}},Zs=e=>e.getBoundingClientRect();let qf;const GW=()=>{if(Ha(qf)){qf=!1;try{window.addEventListener("test",null,Object.defineProperty({},"passive",{get(){qf=!0}}))}catch{}}return qf},zP=e=>e.split(" "),qW=(e,t,n,r)=>{_n(zP(t),o=>{e.removeEventListener(o,n,r)})},Tr=(e,t,n,r)=>{var o;const s=GW(),a=(o=s&&r&&r.S)!=null?o:s,c=r&&r.$||!1,d=r&&r.C||!1,p=[],h=s?{passive:a,capture:c}:c;return _n(zP(t),m=>{const v=d?b=>{e.removeEventListener(m,v,c),n&&n(b)}:n;An(p,qW.bind(null,e,m,v,c)),e.addEventListener(m,v,h)}),ca.bind(0,p)},LP=e=>e.stopPropagation(),BP=e=>e.preventDefault(),KW={x:0,y:0},W0=e=>{const t=e?Zs(e):0;return t?{x:t.left+window.pageYOffset,y:t.top+window.pageXOffset}:KW},NS=(e,t)=>{_n(Rs(t)?t:[t],e)},hy=e=>{const t=new Map,n=(s,a)=>{if(s){const c=t.get(s);NS(d=>{c&&c[d?"delete":"clear"](d)},a)}else t.forEach(c=>{c.clear()}),t.clear()},r=(s,a)=>{if(Ei(s)){const p=t.get(s)||new Set;return t.set(s,p),NS(h=>{Os(h)&&p.add(h)},a),n.bind(0,s,a)}sy(a)&&a&&n();const c=Fo(s),d=[];return _n(c,p=>{const h=s[p];h&&An(d,r(p,h))}),ca.bind(0,d)},o=(s,a)=>{const c=t.get(s);_n(ll(c),d=>{a&&!iy(a)?d.apply(0,a):d()})};return r(e||{}),[r,n,o]},$S=e=>JSON.stringify(e,(t,n)=>{if(Os(n))throw new Error;return n}),XW={paddingAbsolute:!1,showNativeOverlaidScrollbars:!1,update:{elementEvents:[["img","load"]],debounce:[0,33],attributes:null,ignoreMutation:null},overflow:{x:"scroll",y:"scroll"},scrollbars:{theme:"os-theme-dark",visibility:"auto",autoHide:"never",autoHideDelay:1300,dragScroll:!0,clickScroll:!1,pointers:["mouse","touch","pen"]}},FP=(e,t)=>{const n={},r=Fo(t).concat(Fo(e));return _n(r,o=>{const s=e[o],a=t[o];if(od(s)&&od(a))pr(n[o]={},FP(s,a)),ly(n[o])&&delete n[o];else if(Mm(t,o)&&a!==s){let c=!0;if(Rs(s)||Rs(a))try{$S(s)===$S(a)&&(c=!1)}catch{}c&&(n[o]=a)}}),n},HP="os-environment",WP=`${HP}-flexbox-glue`,YW=`${WP}-max`,VP="os-scrollbar-hidden",V0="data-overlayscrollbars-initialize",ws="data-overlayscrollbars",UP=`${ws}-overflow-x`,GP=`${ws}-overflow-y`,uc="overflowVisible",QW="scrollbarHidden",zS="scrollbarPressed",rh="updating",oi="data-overlayscrollbars-viewport",U0="arrange",qP="scrollbarHidden",dc=uc,h1="data-overlayscrollbars-padding",JW=dc,LS="data-overlayscrollbars-content",my="os-size-observer",ZW=`${my}-appear`,eV=`${my}-listener`,tV="os-trinsic-observer",nV="os-no-css-vars",rV="os-theme-none",Eo="os-scrollbar",oV=`${Eo}-rtl`,sV=`${Eo}-horizontal`,aV=`${Eo}-vertical`,KP=`${Eo}-track`,gy=`${Eo}-handle`,iV=`${Eo}-visible`,lV=`${Eo}-cornerless`,BS=`${Eo}-transitionless`,FS=`${Eo}-interaction`,HS=`${Eo}-unusable`,WS=`${Eo}-auto-hidden`,VS=`${Eo}-wheel`,cV=`${KP}-interactive`,uV=`${gy}-interactive`,XP={},cl=()=>XP,dV=e=>{const t=[];return _n(Rs(e)?e:[e],n=>{const r=Fo(n);_n(r,o=>{An(t,XP[o]=n[o])})}),t},fV="__osOptionsValidationPlugin",pV="__osSizeObserverPlugin",vy="__osScrollbarsHidingPlugin",hV="__osClickScrollPlugin";let G0;const US=(e,t,n,r)=>{ts(e,t);const o=Ip(t),s=ad(t),a=nh(n);return r&&oa(t),{x:s.h-o.h+a.h,y:s.w-o.w+a.w}},mV=e=>{let t=!1;const n=_a(e,VP);try{t=ro(e,LW("scrollbar-width"))==="none"||window.getComputedStyle(e,"::-webkit-scrollbar").getPropertyValue("display")==="none"}catch{}return n(),t},gV=(e,t)=>{const n="hidden";ro(e,{overflowX:n,overflowY:n,direction:"rtl"}),_s(e,0);const r=W0(e),o=W0(t);_s(e,-999);const s=W0(t);return{i:r.x===o.x,n:o.x!==s.x}},vV=(e,t)=>{const n=_a(e,WP),r=Zs(e),o=Zs(t),s=MS(o,r,!0),a=_a(e,YW),c=Zs(e),d=Zs(t),p=MS(d,c,!0);return n(),a(),s&&p},bV=()=>{const{body:e}=document,n=MP(`
`)[0],r=n.firstChild,[o,,s]=hy(),[a,c]=xs({o:US(e,n,r),u:$P},US.bind(0,e,n,r,!0)),[d]=c(),p=mV(n),h={x:d.x===0,y:d.y===0},m={elements:{host:null,padding:!p,viewport:k=>p&&k===k.ownerDocument.body&&k,content:!1},scrollbars:{slot:!0},cancel:{nativeScrollbarsOverlaid:!1,body:null}},v=pr({},XW),b=pr.bind(0,{},v),w=pr.bind(0,{},m),y={k:d,A:h,I:p,L:ro(n,"zIndex")==="-1",B:gV(n,r),V:vV(n,r),Y:o.bind(0,"z"),j:o.bind(0,"r"),N:w,q:k=>pr(m,k)&&w(),F:b,G:k=>pr(v,k)&&b(),X:pr({},m),U:pr({},v)},S=window.addEventListener,_=fy(k=>s(k?"z":"r"),{v:33,g:99});if(wo(n,"style"),oa(n),S("resize",_.bind(0,!1)),!p&&(!h.x||!h.y)){let k;S("resize",()=>{const j=cl()[vy];k=k||j&&j.R(),k&&k(y,a,_.bind(0,!0))})}return y},Oo=()=>(G0||(G0=bV()),G0),by=(e,t)=>Os(t)?t.apply(0,e):t,yV=(e,t,n,r)=>{const o=Ha(r)?n:r;return by(e,o)||t.apply(0,e)},YP=(e,t,n,r)=>{const o=Ha(r)?n:r,s=by(e,o);return!!s&&(Jp(s)?s:t.apply(0,e))},xV=(e,t,n)=>{const{nativeScrollbarsOverlaid:r,body:o}=n||{},{A:s,I:a}=Oo(),{nativeScrollbarsOverlaid:c,body:d}=t,p=r??c,h=Ha(o)?d:o,m=(s.x||s.y)&&p,v=e&&(Em(h)?!a:h);return!!m||!!v},yy=new WeakMap,wV=(e,t)=>{yy.set(e,t)},SV=e=>{yy.delete(e)},QP=e=>yy.get(e),GS=(e,t)=>e?t.split(".").reduce((n,r)=>n&&Mm(n,r)?n[r]:void 0,e):void 0,m1=(e,t,n)=>r=>[GS(e,r),n||GS(t,r)!==void 0],JP=e=>{let t=e;return[()=>t,n=>{t=pr({},t,n)}]},Kf="tabindex",Xf=Zi.bind(0,""),q0=e=>{ts(Ta(e),cy(e)),oa(e)},CV=e=>{const t=Oo(),{N:n,I:r}=t,o=cl()[vy],s=o&&o.T,{elements:a}=n(),{host:c,padding:d,viewport:p,content:h}=a,m=Jp(e),v=m?{}:e,{elements:b}=v,{host:w,padding:y,viewport:S,content:_}=b||{},k=m?e:v.target,j=Zp(k,"textarea"),I=k.ownerDocument,E=I.documentElement,O=k===I.body,R=I.defaultView,M=yV.bind(0,[k]),A=YP.bind(0,[k]),T=by.bind(0,[k]),$=M.bind(0,Xf,p),Q=A.bind(0,Xf,h),B=$(S),V=B===k,q=V&&O,G=!V&&Q(_),D=!V&&Jp(B)&&B===G,L=D&&!!T(h),W=L?$():B,Y=L?G:Q(),be=q?E:D?W:B,ie=j?M(Xf,c,w):k,X=q?be:ie,K=D?Y:G,U=I.activeElement,se=!V&&R.top===R&&U===k,re={W:k,Z:X,J:be,K:!V&&A(Xf,d,y),tt:K,nt:!V&&!r&&s&&s(t),ot:q?E:be,st:q?I:be,et:R,ct:I,rt:j,it:O,lt:m,ut:V,dt:D,ft:(vt,bt)=>MW(be,V?ws:oi,V?bt:vt),_t:(vt,bt,Se)=>Ji(be,V?ws:oi,V?bt:vt,Se)},oe=Fo(re).reduce((vt,bt)=>{const Se=re[bt];return An(vt,Se&&!Ta(Se)?Se:!1)},[]),pe=vt=>vt?ay(oe,vt)>-1:null,{W:le,Z:ge,K:ke,J:xe,tt:de,nt:Te}=re,Oe=[()=>{wo(ge,ws),wo(ge,V0),wo(le,V0),O&&(wo(E,ws),wo(E,V0))}],$e=j&&pe(ge);let kt=j?le:cy([de,xe,ke,ge,le].find(vt=>pe(vt)===!1));const ct=q?le:de||xe;return[re,()=>{to(ge,ws,V?"viewport":"host"),to(ke,h1,""),to(de,LS,""),V||to(xe,oi,"");const vt=O&&!V?_a(Ta(k),VP):es;if($e&&(OS(le,ge),An(Oe,()=>{OS(ge,le),oa(ge)})),ts(ct,kt),ts(ge,ke),ts(ke||ge,!V&&xe),ts(xe,de),An(Oe,()=>{vt(),wo(ke,h1),wo(de,LS),wo(xe,UP),wo(xe,GP),wo(xe,oi),pe(de)&&q0(de),pe(xe)&&q0(xe),pe(ke)&&q0(ke)}),r&&!V&&(Ji(xe,oi,qP,!0),An(Oe,wo.bind(0,xe,oi))),Te&&(TW(xe,Te),An(Oe,oa.bind(0,Te))),se){const bt=to(xe,Kf);to(xe,Kf,"-1"),xe.focus();const Se=()=>bt?to(xe,Kf,bt):wo(xe,Kf),Me=Tr(I,"pointerdown keydown",()=>{Se(),Me()});An(Oe,[Se,Me])}else U&&U.focus&&U.focus();kt=0},ca.bind(0,Oe)]},kV=(e,t)=>{const{tt:n}=e,[r]=t;return o=>{const{V:s}=Oo(),{ht:a}=r(),{vt:c}=o,d=(n||!s)&&c;return d&&ro(n,{height:a?"":"100%"}),{gt:d,wt:d}}},_V=(e,t)=>{const[n,r]=t,{Z:o,K:s,J:a,ut:c}=e,[d,p]=xs({u:HW,o:AS()},AS.bind(0,o,"padding",""));return(h,m,v)=>{let[b,w]=p(v);const{I:y,V:S}=Oo(),{bt:_}=n(),{gt:k,wt:j,yt:I}=h,[E,O]=m("paddingAbsolute");(k||w||!S&&j)&&([b,w]=d(v));const M=!c&&(O||I||w);if(M){const A=!E||!s&&!y,T=b.r+b.l,$=b.t+b.b,Q={marginRight:A&&!_?-T:0,marginBottom:A?-$:0,marginLeft:A&&_?-T:0,top:A?-b.t:0,right:A?_?-b.r:"auto":0,left:A?_?"auto":-b.l:0,width:A?`calc(100% + ${T}px)`:""},B={paddingTop:A?b.t:0,paddingRight:A?b.r:0,paddingBottom:A?b.b:0,paddingLeft:A?b.l:0};ro(s||a,Q),ro(a,B),r({K:b,St:!A,P:s?B:pr({},Q,B)})}return{xt:M}}},{max:g1}=Math,si=g1.bind(0,0),ZP="visible",qS="hidden",PV=42,Yf={u:NP,o:{w:0,h:0}},jV={u:$P,o:{x:qS,y:qS}},IV=(e,t)=>{const n=window.devicePixelRatio%1!==0?1:0,r={w:si(e.w-t.w),h:si(e.h-t.h)};return{w:r.w>n?r.w:0,h:r.h>n?r.h:0}},Qf=e=>e.indexOf(ZP)===0,EV=(e,t)=>{const[n,r]=t,{Z:o,K:s,J:a,nt:c,ut:d,_t:p,it:h,et:m}=e,{k:v,V:b,I:w,A:y}=Oo(),S=cl()[vy],_=!d&&!w&&(y.x||y.y),k=h&&d,[j,I]=xs(Yf,nh.bind(0,a)),[E,O]=xs(Yf,th.bind(0,a)),[R,M]=xs(Yf),[A,T]=xs(Yf),[$]=xs(jV),Q=(L,W)=>{if(ro(a,{height:""}),W){const{St:Y,K:ae}=n(),{$t:be,D:ie}=L,X=nh(o),K=Ip(o),U=ro(a,"boxSizing")==="content-box",se=Y||U?ae.b+ae.t:0,re=!(y.x&&U);ro(a,{height:K.h+X.h+(be.x&&re?ie.x:0)-se})}},B=(L,W)=>{const Y=!w&&!L?PV:0,ae=(pe,le,ge)=>{const ke=ro(a,pe),de=(W?W[pe]:ke)==="scroll";return[ke,de,de&&!w?le?Y:ge:0,le&&!!Y]},[be,ie,X,K]=ae("overflowX",y.x,v.x),[U,se,re,oe]=ae("overflowY",y.y,v.y);return{Ct:{x:be,y:U},$t:{x:ie,y:se},D:{x:X,y:re},M:{x:K,y:oe}}},V=(L,W,Y,ae)=>{const be=(se,re)=>{const oe=Qf(se),pe=re&&oe&&se.replace(`${ZP}-`,"")||"";return[re&&!oe?se:"",Qf(pe)?"hidden":pe]},[ie,X]=be(Y.x,W.x),[K,U]=be(Y.y,W.y);return ae.overflowX=X&&K?X:ie,ae.overflowY=U&&ie?U:K,B(L,ae)},q=(L,W,Y,ae)=>{const{D:be,M:ie}=L,{x:X,y:K}=ie,{x:U,y:se}=be,{P:re}=n(),oe=W?"marginLeft":"marginRight",pe=W?"paddingLeft":"paddingRight",le=re[oe],ge=re.marginBottom,ke=re[pe],xe=re.paddingBottom;ae.width=`calc(100% + ${se+-1*le}px)`,ae[oe]=-se+le,ae.marginBottom=-U+ge,Y&&(ae[pe]=ke+(K?se:0),ae.paddingBottom=xe+(X?U:0))},[G,D]=S?S.H(_,b,a,c,n,B,q):[()=>_,()=>[es]];return(L,W,Y)=>{const{gt:ae,Ot:be,wt:ie,xt:X,vt:K,yt:U}=L,{ht:se,bt:re}=n(),[oe,pe]=W("showNativeOverlaidScrollbars"),[le,ge]=W("overflow"),ke=oe&&y.x&&y.y,xe=!d&&!b&&(ae||ie||be||pe||K),de=Qf(le.x),Te=Qf(le.y),Oe=de||Te;let $e=I(Y),kt=O(Y),ct=M(Y),on=T(Y),vt;if(pe&&w&&p(qP,QW,!ke),xe&&(vt=B(ke),Q(vt,se)),ae||X||ie||U||pe){Oe&&p(dc,uc,!1);const[Pe,Ze]=D(ke,re,vt),[Qe,dt]=$e=j(Y),[Lt,lr]=kt=E(Y),pn=Ip(a);let ln=Lt,Hr=pn;Pe(),(lr||dt||pe)&&Ze&&!ke&&G(Ze,Lt,Qe,re)&&(Hr=Ip(a),ln=th(a));const yr={w:si(g1(Lt.w,ln.w)+Qe.w),h:si(g1(Lt.h,ln.h)+Qe.h)},Fn={w:si((k?m.innerWidth:Hr.w+si(pn.w-Lt.w))+Qe.w),h:si((k?m.innerHeight+Qe.h:Hr.h+si(pn.h-Lt.h))+Qe.h)};on=A(Fn),ct=R(IV(yr,Fn),Y)}const[bt,Se]=on,[Me,Pt]=ct,[Tt,we]=kt,[ht,$t]=$e,zt={x:Me.w>0,y:Me.h>0},ze=de&&Te&&(zt.x||zt.y)||de&&zt.x&&!zt.y||Te&&zt.y&&!zt.x;if(X||U||$t||we||Se||Pt||ge||pe||xe){const Pe={marginRight:0,marginBottom:0,marginLeft:0,width:"",overflowY:"",overflowX:""},Ze=V(ke,zt,le,Pe),Qe=G(Ze,Tt,ht,re);d||q(Ze,re,Qe,Pe),xe&&Q(Ze,se),d?(to(o,UP,Pe.overflowX),to(o,GP,Pe.overflowY)):ro(a,Pe)}Ji(o,ws,uc,ze),Ji(s,h1,JW,ze),d||Ji(a,oi,dc,Oe);const[qe,Pn]=$(B(ke).Ct);return r({Ct:qe,zt:{x:bt.w,y:bt.h},Tt:{x:Me.w,y:Me.h},Et:zt}),{It:Pn,At:Se,Lt:Pt}}},KS=(e,t,n)=>{const r={},o=t||{},s=Fo(e).concat(Fo(o));return _n(s,a=>{const c=e[a],d=o[a];r[a]=!!(n||c||d)}),r},OV=(e,t)=>{const{W:n,J:r,_t:o,ut:s}=e,{I:a,A:c,V:d}=Oo(),p=!a&&(c.x||c.y),h=[kV(e,t),_V(e,t),EV(e,t)];return(m,v,b)=>{const w=KS(pr({gt:!1,xt:!1,yt:!1,vt:!1,At:!1,Lt:!1,It:!1,Ot:!1,wt:!1},v),{},b),y=p||!d,S=y&&_s(r),_=y&&ka(r);o("",rh,!0);let k=w;return _n(h,j=>{k=KS(k,j(k,m,!!b)||{},b)}),_s(r,S),ka(r,_),o("",rh),s||(_s(n,0),ka(n,0)),k}},RV=(e,t,n)=>{let r,o=!1;const s=()=>{o=!0},a=c=>{if(n){const d=n.reduce((p,h)=>{if(h){const[m,v]=h,b=v&&m&&(c?c(m):RP(m,e));b&&b.length&&v&&Ei(v)&&An(p,[b,v.trim()],!0)}return p},[]);_n(d,p=>_n(p[0],h=>{const m=p[1],v=r.get(h)||[];if(e.contains(h)){const w=Tr(h,m,y=>{o?(w(),r.delete(h)):t(y)});r.set(h,An(v,w))}else ca(v),r.delete(h)}))}};return n&&(r=new WeakMap,a()),[s,a]},XS=(e,t,n,r)=>{let o=!1;const{Ht:s,Pt:a,Dt:c,Mt:d,Rt:p,kt:h}=r||{},m=fy(()=>{o&&n(!0)},{v:33,g:99}),[v,b]=RV(e,m,c),w=s||[],y=a||[],S=w.concat(y),_=(j,I)=>{const E=p||es,O=h||es,R=new Set,M=new Set;let A=!1,T=!1;if(_n(j,$=>{const{attributeName:Q,target:B,type:V,oldValue:q,addedNodes:G,removedNodes:D}=$,L=V==="attributes",W=V==="childList",Y=e===B,ae=L&&Ei(Q)?to(B,Q):0,be=ae!==0&&q!==ae,ie=ay(y,Q)>-1&&be;if(t&&(W||!Y)){const X=!L,K=L&&be,U=K&&d&&Zp(B,d),re=(U?!E(B,Q,q,ae):X||K)&&!O($,!!U,e,r);_n(G,oe=>R.add(oe)),_n(D,oe=>R.add(oe)),T=T||re}!t&&Y&&be&&!E(B,Q,q,ae)&&(M.add(Q),A=A||ie)}),R.size>0&&b($=>ll(R).reduce((Q,B)=>(An(Q,RP($,B)),Zp(B,$)?An(Q,B):Q),[])),t)return!I&&T&&n(!1),[!1];if(M.size>0||A){const $=[ll(M),A];return!I&&n.apply(0,$),$}},k=new BW(j=>_(j));return k.observe(e,{attributes:!0,attributeOldValue:!0,attributeFilter:S,subtree:t,childList:t,characterData:t}),o=!0,[()=>{o&&(v(),k.disconnect(),o=!1)},()=>{if(o){m.m();const j=k.takeRecords();return!iy(j)&&_(j,!0)}}]},Jf=3333333,Zf=e=>e&&(e.height||e.width),ej=(e,t,n)=>{const{Bt:r=!1,Vt:o=!1}=n||{},s=cl()[pV],{B:a}=Oo(),d=MP(`
`)[0],p=d.firstChild,h=sd.bind(0,e),[m]=xs({o:void 0,_:!0,u:(y,S)=>!(!y||!Zf(y)&&Zf(S))}),v=y=>{const S=Rs(y)&&y.length>0&&od(y[0]),_=!S&&sy(y[0]);let k=!1,j=!1,I=!0;if(S){const[E,,O]=m(y.pop().contentRect),R=Zf(E),M=Zf(O);k=!O||!R,j=!M&&R,I=!k}else _?[,I]=y:j=y===!0;if(r&&I){const E=_?y[0]:sd(d);_s(d,E?a.n?-Jf:a.i?0:Jf:Jf),ka(d,Jf)}k||t({gt:!_,Yt:_?y:void 0,Vt:!!j})},b=[];let w=o?v:!1;return[()=>{ca(b),oa(d)},()=>{if(Ql){const y=new Ql(v);y.observe(p),An(b,()=>{y.disconnect()})}else if(s){const[y,S]=s.O(p,v,o);w=y,An(b,S)}if(r){const[y]=xs({o:void 0},h);An(b,Tr(d,"scroll",S=>{const _=y(),[k,j,I]=_;j&&(dy(p,"ltr rtl"),k?_a(p,"rtl"):_a(p,"ltr"),v([!!k,j,I])),LP(S)}))}w&&(_a(d,ZW),An(b,Tr(d,"animationstart",w,{C:!!Ql}))),(Ql||s)&&ts(e,d)}]},MV=e=>e.h===0||e.isIntersecting||e.intersectionRatio>0,DV=(e,t)=>{let n;const r=Zi(tV),o=[],[s]=xs({o:!1}),a=(d,p)=>{if(d){const h=s(MV(d)),[,m]=h;if(m)return!p&&t(h),[h]}},c=(d,p)=>{if(d&&d.length>0)return a(d.pop(),p)};return[()=>{ca(o),oa(r)},()=>{if(RS)n=new RS(d=>c(d),{root:e}),n.observe(r),An(o,()=>{n.disconnect()});else{const d=()=>{const m=ad(r);a(m)},[p,h]=ej(r,d);An(o,p),h(),d()}ts(e,r)},()=>{if(n)return c(n.takeRecords(),!0)}]},YS=`[${ws}]`,AV=`[${oi}]`,K0=["tabindex"],QS=["wrap","cols","rows"],X0=["id","class","style","open"],TV=(e,t,n)=>{let r,o,s;const{Z:a,J:c,tt:d,rt:p,ut:h,ft:m,_t:v}=e,{V:b}=Oo(),[w]=xs({u:NP,o:{w:0,h:0}},()=>{const V=m(dc,uc),q=m(U0,""),G=q&&_s(c),D=q&&ka(c);v(dc,uc),v(U0,""),v("",rh,!0);const L=th(d),W=th(c),Y=nh(c);return v(dc,uc,V),v(U0,"",q),v("",rh),_s(c,G),ka(c,D),{w:W.w+L.w+Y.w,h:W.h+L.h+Y.h}}),y=p?QS:X0.concat(QS),S=fy(n,{v:()=>r,g:()=>o,p(V,q){const[G]=V,[D]=q;return[Fo(G).concat(Fo(D)).reduce((L,W)=>(L[W]=G[W]||D[W],L),{})]}}),_=V=>{_n(V||K0,q=>{if(ay(K0,q)>-1){const G=to(a,q);Ei(G)?to(c,q,G):wo(c,q)}})},k=(V,q)=>{const[G,D]=V,L={vt:D};return t({ht:G}),!q&&n(L),L},j=({gt:V,Yt:q,Vt:G})=>{const D=!V||G?n:S;let L=!1;if(q){const[W,Y]=q;L=Y,t({bt:W})}D({gt:V,yt:L})},I=(V,q)=>{const[,G]=w(),D={wt:G};return G&&!q&&(V?n:S)(D),D},E=(V,q,G)=>{const D={Ot:q};return q?!G&&S(D):h||_(V),D},[O,R,M]=d||!b?DV(a,k):[es,es,es],[A,T]=h?[es,es]:ej(a,j,{Vt:!0,Bt:!0}),[$,Q]=XS(a,!1,E,{Pt:X0,Ht:X0.concat(K0)}),B=h&&Ql&&new Ql(j.bind(0,{gt:!0}));return B&&B.observe(a),_(),[()=>{O(),A(),s&&s[0](),B&&B.disconnect(),$()},()=>{T(),R()},()=>{const V={},q=Q(),G=M(),D=s&&s[1]();return q&&pr(V,E.apply(0,An(q,!0))),G&&pr(V,k.apply(0,An(G,!0))),D&&pr(V,I.apply(0,An(D,!0))),V},V=>{const[q]=V("update.ignoreMutation"),[G,D]=V("update.attributes"),[L,W]=V("update.elementEvents"),[Y,ae]=V("update.debounce"),be=W||D,ie=X=>Os(q)&&q(X);if(be&&(s&&(s[1](),s[0]()),s=XS(d||c,!0,I,{Ht:y.concat(G||[]),Dt:L,Mt:YS,kt:(X,K)=>{const{target:U,attributeName:se}=X;return(!K&&se&&!h?AW(U,YS,AV):!1)||!!Yl(U,`.${Eo}`)||!!ie(X)}})),ae)if(S.m(),Rs(Y)){const X=Y[0],K=Y[1];r=pi(X)&&X,o=pi(K)&&K}else pi(Y)?(r=Y,o=!1):(r=!1,o=!1)}]},JS={x:0,y:0},NV=e=>({K:{t:0,r:0,b:0,l:0},St:!1,P:{marginRight:0,marginBottom:0,marginLeft:0,paddingTop:0,paddingRight:0,paddingBottom:0,paddingLeft:0},zt:JS,Tt:JS,Ct:{x:"hidden",y:"hidden"},Et:{x:!1,y:!1},ht:!1,bt:sd(e.Z)}),$V=(e,t)=>{const n=m1(t,{}),[r,o,s]=hy(),[a,c,d]=CV(e),p=JP(NV(a)),[h,m]=p,v=OV(a,p),b=(j,I,E)=>{const R=Fo(j).some(M=>j[M])||!ly(I)||E;return R&&s("u",[j,I,E]),R},[w,y,S,_]=TV(a,m,j=>b(v(n,j),{},!1)),k=h.bind(0);return k.jt=j=>r("u",j),k.Nt=()=>{const{W:j,J:I}=a,E=_s(j),O=ka(j);y(),c(),_s(I,E),ka(I,O)},k.qt=a,[(j,I)=>{const E=m1(t,j,I);return _(E),b(v(E,S(),I),j,!!I)},k,()=>{o(),w(),d()}]},{round:ZS}=Math,zV=e=>{const{width:t,height:n}=Zs(e),{w:r,h:o}=ad(e);return{x:ZS(t)/r||1,y:ZS(n)/o||1}},LV=(e,t,n)=>{const r=t.scrollbars,{button:o,isPrimary:s,pointerType:a}=e,{pointers:c}=r;return o===0&&s&&r[n?"dragScroll":"clickScroll"]&&(c||[]).includes(a)},BV=(e,t)=>Tr(e,"mousedown",Tr.bind(0,t,"click",LP,{C:!0,$:!0}),{$:!0}),eC="pointerup pointerleave pointercancel lostpointercapture",FV=(e,t,n,r,o,s,a)=>{const{B:c}=Oo(),{Ft:d,Gt:p,Xt:h}=r,m=`scroll${a?"Left":"Top"}`,v=`client${a?"X":"Y"}`,b=a?"width":"height",w=a?"left":"top",y=a?"w":"h",S=a?"x":"y",_=(k,j)=>I=>{const{Tt:E}=s(),O=ad(p)[y]-ad(d)[y],M=j*I/O*E[S],T=sd(h)&&a?c.n||c.i?1:-1:1;o[m]=k+M*T};return Tr(p,"pointerdown",k=>{const j=Yl(k.target,`.${gy}`)===d,I=j?d:p;if(Ji(t,ws,zS,!0),LV(k,e,j)){const E=!j&&k.shiftKey,O=()=>Zs(d),R=()=>Zs(p),M=(W,Y)=>(W||O())[w]-(Y||R())[w],A=_(o[m]||0,1/zV(o)[S]),T=k[v],$=O(),Q=R(),B=$[b],V=M($,Q)+B/2,q=T-Q[w],G=j?0:q-V,D=W=>{ca(L),I.releasePointerCapture(W.pointerId)},L=[Ji.bind(0,t,ws,zS),Tr(n,eC,D),Tr(n,"selectstart",W=>BP(W),{S:!1}),Tr(p,eC,D),Tr(p,"pointermove",W=>{const Y=W[v]-T;(j||E)&&A(G+Y)})];if(E)A(G);else if(!j){const W=cl()[hV];W&&An(L,W.O(A,M,G,B,q))}I.setPointerCapture(k.pointerId)}})},HV=(e,t)=>(n,r,o,s,a,c)=>{const{Xt:d}=n,[p,h]=Gl(333),m=!!a.scrollBy;let v=!0;return ca.bind(0,[Tr(d,"pointerenter",()=>{r(FS,!0)}),Tr(d,"pointerleave pointercancel",()=>{r(FS)}),Tr(d,"wheel",b=>{const{deltaX:w,deltaY:y,deltaMode:S}=b;m&&v&&S===0&&Ta(d)===s&&a.scrollBy({left:w,top:y,behavior:"smooth"}),v=!1,r(VS,!0),p(()=>{v=!0,r(VS)}),BP(b)},{S:!1,$:!0}),BV(d,o),FV(e,s,o,n,a,t,c),h])},{min:v1,max:tC,abs:WV,round:VV}=Math,tj=(e,t,n,r)=>{if(r){const c=n?"x":"y",{Tt:d,zt:p}=r,h=p[c],m=d[c];return tC(0,v1(1,h/(h+m)))}const o=n?"width":"height",s=Zs(e)[o],a=Zs(t)[o];return tC(0,v1(1,s/a))},UV=(e,t,n,r,o,s)=>{const{B:a}=Oo(),c=s?"x":"y",d=s?"Left":"Top",{Tt:p}=r,h=VV(p[c]),m=WV(n[`scroll${d}`]),v=s&&o,b=a.i?m:h-m,y=v1(1,(v?b:m)/h),S=tj(e,t,s);return 1/S*(1-S)*y},GV=(e,t,n)=>{const{N:r,L:o}=Oo(),{scrollbars:s}=r(),{slot:a}=s,{ct:c,W:d,Z:p,J:h,lt:m,ot:v,it:b,ut:w}=t,{scrollbars:y}=m?{}:e,{slot:S}=y||{},_=YP([d,p,h],()=>w&&b?d:p,a,S),k=(G,D,L)=>{const W=L?_a:dy;_n(G,Y=>{W(Y.Xt,D)})},j=(G,D)=>{_n(G,L=>{const[W,Y]=D(L);ro(W,Y)})},I=(G,D,L)=>{j(G,W=>{const{Ft:Y,Gt:ae}=W;return[Y,{[L?"width":"height"]:`${(100*tj(Y,ae,L,D)).toFixed(3)}%`}]})},E=(G,D,L)=>{const W=L?"X":"Y";j(G,Y=>{const{Ft:ae,Gt:be,Xt:ie}=Y,X=UV(ae,be,v,D,sd(ie),L);return[ae,{transform:X===X?`translate${W}(${(100*X).toFixed(3)}%)`:""}]})},O=[],R=[],M=[],A=(G,D,L)=>{const W=sy(L),Y=W?L:!0,ae=W?!L:!0;Y&&k(R,G,D),ae&&k(M,G,D)},T=G=>{I(R,G,!0),I(M,G)},$=G=>{E(R,G,!0),E(M,G)},Q=G=>{const D=G?sV:aV,L=G?R:M,W=iy(L)?BS:"",Y=Zi(`${Eo} ${D} ${W}`),ae=Zi(KP),be=Zi(gy),ie={Xt:Y,Gt:ae,Ft:be};return o||_a(Y,nV),ts(Y,ae),ts(ae,be),An(L,ie),An(O,[oa.bind(0,Y),n(ie,A,c,p,v,G)]),ie},B=Q.bind(0,!0),V=Q.bind(0,!1),q=()=>{ts(_,R[0].Xt),ts(_,M[0].Xt),eh(()=>{A(BS)},300)};return B(),V(),[{Ut:T,Wt:$,Zt:A,Jt:{Kt:R,Qt:B,tn:j.bind(0,R)},nn:{Kt:M,Qt:V,tn:j.bind(0,M)}},q,ca.bind(0,O)]},qV=(e,t,n,r)=>{let o,s,a,c,d,p=0;const h=JP({}),[m]=h,[v,b]=Gl(),[w,y]=Gl(),[S,_]=Gl(100),[k,j]=Gl(100),[I,E]=Gl(()=>p),[O,R,M]=GV(e,n.qt,HV(t,n)),{Z:A,J:T,ot:$,st:Q,ut:B,it:V}=n.qt,{Jt:q,nn:G,Zt:D,Ut:L,Wt:W}=O,{tn:Y}=q,{tn:ae}=G,be=se=>{const{Xt:re}=se,oe=B&&!V&&Ta(re)===T&&re;return[oe,{transform:oe?`translate(${_s($)}px, ${ka($)}px)`:""}]},ie=(se,re)=>{if(E(),se)D(WS);else{const oe=()=>D(WS,!0);p>0&&!re?I(oe):oe()}},X=()=>{c=s,c&&ie(!0)},K=[_,E,j,y,b,M,Tr(A,"pointerover",X,{C:!0}),Tr(A,"pointerenter",X),Tr(A,"pointerleave",()=>{c=!1,s&&ie(!1)}),Tr(A,"pointermove",()=>{o&&v(()=>{_(),ie(!0),k(()=>{o&&ie(!1)})})}),Tr(Q,"scroll",se=>{w(()=>{W(n()),a&&ie(!0),S(()=>{a&&!c&&ie(!1)})}),r(se),B&&Y(be),B&&ae(be)})],U=m.bind(0);return U.qt=O,U.Nt=R,[(se,re,oe)=>{const{At:pe,Lt:le,It:ge,yt:ke}=oe,{A:xe}=Oo(),de=m1(t,se,re),Te=n(),{Tt:Oe,Ct:$e,bt:kt}=Te,[ct,on]=de("showNativeOverlaidScrollbars"),[vt,bt]=de("scrollbars.theme"),[Se,Me]=de("scrollbars.visibility"),[Pt,Tt]=de("scrollbars.autoHide"),[we]=de("scrollbars.autoHideDelay"),[ht,$t]=de("scrollbars.dragScroll"),[zt,ze]=de("scrollbars.clickScroll"),qe=pe||le||ke,Pn=ge||Me,Pe=ct&&xe.x&&xe.y,Ze=(Qe,dt)=>{const Lt=Se==="visible"||Se==="auto"&&Qe==="scroll";return D(iV,Lt,dt),Lt};if(p=we,on&&D(rV,Pe),bt&&(D(d),D(vt,!0),d=vt),Tt&&(o=Pt==="move",s=Pt==="leave",a=Pt!=="never",ie(!a,!0)),$t&&D(uV,ht),ze&&D(cV,zt),Pn){const Qe=Ze($e.x,!0),dt=Ze($e.y,!1);D(lV,!(Qe&&dt))}qe&&(L(Te),W(Te),D(HS,!Oe.x,!0),D(HS,!Oe.y,!1),D(oV,kt&&!V))},U,ca.bind(0,K)]},nj=(e,t,n)=>{Os(e)&&e(t||void 0,n||void 0)},ci=(e,t,n)=>{const{F:r,N:o,Y:s,j:a}=Oo(),c=cl(),d=Jp(e),p=d?e:e.target,h=QP(p);if(t&&!h){let m=!1;const v=B=>{const V=cl()[fV],q=V&&V.O;return q?q(B,!0):B},b=pr({},r(),v(t)),[w,y,S]=hy(n),[_,k,j]=$V(e,b),[I,E,O]=qV(e,b,k,B=>S("scroll",[Q,B])),R=(B,V)=>_(B,!!V),M=R.bind(0,{},!0),A=s(M),T=a(M),$=B=>{SV(p),A(),T(),O(),j(),m=!0,S("destroyed",[Q,!!B]),y()},Q={options(B,V){if(B){const q=V?r():{},G=FP(b,pr(q,v(B)));ly(G)||(pr(b,G),R(G))}return pr({},b)},on:w,off:(B,V)=>{B&&V&&y(B,V)},state(){const{zt:B,Tt:V,Ct:q,Et:G,K:D,St:L,bt:W}=k();return pr({},{overflowEdge:B,overflowAmount:V,overflowStyle:q,hasOverflow:G,padding:D,paddingAbsolute:L,directionRTL:W,destroyed:m})},elements(){const{W:B,Z:V,K:q,J:G,tt:D,ot:L,st:W}=k.qt,{Jt:Y,nn:ae}=E.qt,be=X=>{const{Ft:K,Gt:U,Xt:se}=X;return{scrollbar:se,track:U,handle:K}},ie=X=>{const{Kt:K,Qt:U}=X,se=be(K[0]);return pr({},se,{clone:()=>{const re=be(U());return I({},!0,{}),re}})};return pr({},{target:B,host:V,padding:q||G,viewport:G,content:D||G,scrollOffsetElement:L,scrollEventElement:W,scrollbarHorizontal:ie(Y),scrollbarVertical:ie(ae)})},update:B=>R({},B),destroy:$.bind(0)};return k.jt((B,V,q)=>{I(V,q,B)}),wV(p,Q),_n(Fo(c),B=>nj(c[B],0,Q)),xV(k.qt.it,o().cancel,!d&&e.cancel)?($(!0),Q):(k.Nt(),E.Nt(),S("initialized",[Q]),k.jt((B,V,q)=>{const{gt:G,yt:D,vt:L,At:W,Lt:Y,It:ae,wt:be,Ot:ie}=B;S("updated",[Q,{updateHints:{sizeChanged:G,directionChanged:D,heightIntrinsicChanged:L,overflowEdgeChanged:W,overflowAmountChanged:Y,overflowStyleChanged:ae,contentMutation:be,hostMutation:ie},changedOptions:V,force:q}])}),Q.update(!0),Q)}return h};ci.plugin=e=>{_n(dV(e),t=>nj(t,ci))};ci.valid=e=>{const t=e&&e.elements,n=Os(t)&&t();return u1(n)&&!!QP(n.target)};ci.env=()=>{const{k:e,A:t,I:n,B:r,V:o,L:s,X:a,U:c,N:d,q:p,F:h,G:m}=Oo();return pr({},{scrollbarsSize:e,scrollbarsOverlaid:t,scrollbarsHiding:n,rtlScrollBehavior:r,flexboxGlue:o,cssCustomProperties:s,staticDefaultInitialization:a,staticDefaultOptions:c,getDefaultInitialization:d,setDefaultInitialization:p,getDefaultOptions:h,setDefaultOptions:m})};const KV=()=>{if(typeof window>"u"){const p=()=>{};return[p,p]}let e,t;const n=window,r=typeof n.requestIdleCallback=="function",o=n.requestAnimationFrame,s=n.cancelAnimationFrame,a=r?n.requestIdleCallback:o,c=r?n.cancelIdleCallback:s,d=()=>{c(e),s(t)};return[(p,h)=>{d(),e=a(r?()=>{d(),t=o(p)}:p,typeof h=="object"?h:{timeout:2233})},d]},xy=e=>{const{options:t,events:n,defer:r}=e||{},[o,s]=f.useMemo(KV,[]),a=f.useRef(null),c=f.useRef(r),d=f.useRef(t),p=f.useRef(n);return f.useEffect(()=>{c.current=r},[r]),f.useEffect(()=>{const{current:h}=a;d.current=t,ci.valid(h)&&h.options(t||{},!0)},[t]),f.useEffect(()=>{const{current:h}=a;p.current=n,ci.valid(h)&&h.on(n||{},!0)},[n]),f.useEffect(()=>()=>{var h;s(),(h=a.current)==null||h.destroy()},[]),f.useMemo(()=>[h=>{const m=a.current;if(ci.valid(m))return;const v=c.current,b=d.current||{},w=p.current||{},y=()=>a.current=ci(h,b,w);v?o(y,v):y()},()=>a.current],[])},XV=(e,t)=>{const{element:n="div",options:r,events:o,defer:s,children:a,...c}=e,d=n,p=f.useRef(null),h=f.useRef(null),[m,v]=xy({options:r,events:o,defer:s});return f.useEffect(()=>{const{current:b}=p,{current:w}=h;return b&&w&&m({target:b,elements:{viewport:w,content:w}}),()=>{var y;return(y=v())==null?void 0:y.destroy()}},[m,n]),f.useImperativeHandle(t,()=>({osInstance:v,getElement:()=>p.current}),[]),H.createElement(d,{"data-overlayscrollbars-initialize":"",ref:p,...c},H.createElement("div",{ref:h},a))},rj=f.forwardRef(XV);var oj={exports:{}},sj={};const $o=K1(N7),mu=K1($7),YV=K1(z7);(function(e){var t,n,r=Ml&&Ml.__generator||function(J,ee){var he,_e,me,ut,st={label:0,sent:function(){if(1&me[0])throw me[1];return me[1]},trys:[],ops:[]};return ut={next:Ht(0),throw:Ht(1),return:Ht(2)},typeof Symbol=="function"&&(ut[Symbol.iterator]=function(){return this}),ut;function Ht(ft){return function(xt){return function(He){if(he)throw new TypeError("Generator is already executing.");for(;st;)try{if(he=1,_e&&(me=2&He[0]?_e.return:He[0]?_e.throw||((me=_e.return)&&me.call(_e),0):_e.next)&&!(me=me.call(_e,He[1])).done)return me;switch(_e=0,me&&(He=[2&He[0],me.value]),He[0]){case 0:case 1:me=He;break;case 4:return st.label++,{value:He[1],done:!1};case 5:st.label++,_e=He[1],He=[0];continue;case 7:He=st.ops.pop(),st.trys.pop();continue;default:if(!((me=(me=st.trys).length>0&&me[me.length-1])||He[0]!==6&&He[0]!==2)){st=0;continue}if(He[0]===3&&(!me||He[1]>me[0]&&He[1]=200&&J.status<=299},Q=function(J){return/ion\/(vnd\.api\+)?json/.test(J.get("content-type")||"")};function B(J){if(!(0,A.isPlainObject)(J))return J;for(var ee=S({},J),he=0,_e=Object.entries(ee);he<_e.length;he++){var me=_e[he];me[1]===void 0&&delete ee[me[0]]}return ee}function V(J){var ee=this;J===void 0&&(J={});var he=J.baseUrl,_e=J.prepareHeaders,me=_e===void 0?function(Zt){return Zt}:_e,ut=J.fetchFn,st=ut===void 0?T:ut,Ht=J.paramsSerializer,ft=J.isJsonContentType,xt=ft===void 0?Q:ft,He=J.jsonContentType,Ce=He===void 0?"application/json":He,Je=J.jsonReplacer,jt=J.timeout,Et=J.responseHandler,Nt=J.validateStatus,qt=j(J,["baseUrl","prepareHeaders","fetchFn","paramsSerializer","isJsonContentType","jsonContentType","jsonReplacer","timeout","responseHandler","validateStatus"]);return typeof fetch>"u"&&st===T&&console.warn("Warning: `fetch` is not available. Please supply a custom `fetchFn` property to use `fetchBaseQuery` on SSR environments."),function(Zt,Ut){return E(ee,null,function(){var Be,yt,Mt,Wt,jn,Gt,un,sn,Or,Qn,It,In,Rn,Jn,mr,Tn,Nn,dn,Sn,En,vn,bn,Ke,Ot,St,at,wt,Bt,mt,ot,Re,Ie,De,We,tt,Dt;return r(this,function(Rt){switch(Rt.label){case 0:return Be=Ut.signal,yt=Ut.getState,Mt=Ut.extra,Wt=Ut.endpoint,jn=Ut.forced,Gt=Ut.type,Or=(sn=typeof Zt=="string"?{url:Zt}:Zt).url,It=(Qn=sn.headers)===void 0?new Headers(qt.headers):Qn,Rn=(In=sn.params)===void 0?void 0:In,mr=(Jn=sn.responseHandler)===void 0?Et??"json":Jn,Nn=(Tn=sn.validateStatus)===void 0?Nt??$:Tn,Sn=(dn=sn.timeout)===void 0?jt:dn,En=j(sn,["url","headers","params","responseHandler","validateStatus","timeout"]),vn=S(_(S({},qt),{signal:Be}),En),It=new Headers(B(It)),bn=vn,[4,me(It,{getState:yt,extra:Mt,endpoint:Wt,forced:jn,type:Gt})];case 1:bn.headers=Rt.sent()||It,Ke=function(Ve){return typeof Ve=="object"&&((0,A.isPlainObject)(Ve)||Array.isArray(Ve)||typeof Ve.toJSON=="function")},!vn.headers.has("content-type")&&Ke(vn.body)&&vn.headers.set("content-type",Ce),Ke(vn.body)&&xt(vn.headers)&&(vn.body=JSON.stringify(vn.body,Je)),Rn&&(Ot=~Or.indexOf("?")?"&":"?",St=Ht?Ht(Rn):new URLSearchParams(B(Rn)),Or+=Ot+St),Or=function(Ve,nn){if(!Ve)return nn;if(!nn)return Ve;if(function(hn){return new RegExp("(^|:)//").test(hn)}(nn))return nn;var yn=Ve.endsWith("/")||!nn.startsWith("?")?"/":"";return Ve=function(hn){return hn.replace(/\/$/,"")}(Ve),""+Ve+yn+function(hn){return hn.replace(/^\//,"")}(nn)}(he,Or),at=new Request(Or,vn),wt=at.clone(),un={request:wt},mt=!1,ot=Sn&&setTimeout(function(){mt=!0,Ut.abort()},Sn),Rt.label=2;case 2:return Rt.trys.push([2,4,5,6]),[4,st(at)];case 3:return Bt=Rt.sent(),[3,6];case 4:return Re=Rt.sent(),[2,{error:{status:mt?"TIMEOUT_ERROR":"FETCH_ERROR",error:String(Re)},meta:un}];case 5:return ot&&clearTimeout(ot),[7];case 6:Ie=Bt.clone(),un.response=Ie,We="",Rt.label=7;case 7:return Rt.trys.push([7,9,,10]),[4,Promise.all([tn(Bt,mr).then(function(Ve){return De=Ve},function(Ve){return tt=Ve}),Ie.text().then(function(Ve){return We=Ve},function(){})])];case 8:if(Rt.sent(),tt)throw tt;return[3,10];case 9:return Dt=Rt.sent(),[2,{error:{status:"PARSING_ERROR",originalStatus:Bt.status,data:We,error:String(Dt)},meta:un}];case 10:return[2,Nn(Bt,De)?{data:De,meta:un}:{error:{status:Bt.status,data:De},meta:un}]}})})};function tn(Zt,Ut){return E(this,null,function(){var Be;return r(this,function(yt){switch(yt.label){case 0:return typeof Ut=="function"?[2,Ut(Zt)]:(Ut==="content-type"&&(Ut=xt(Zt.headers)?"json":"text"),Ut!=="json"?[3,2]:[4,Zt.text()]);case 1:return[2,(Be=yt.sent()).length?JSON.parse(Be):null];case 2:return[2,Zt.text()]}})})}}var q=function(J,ee){ee===void 0&&(ee=void 0),this.value=J,this.meta=ee};function G(J,ee){return J===void 0&&(J=0),ee===void 0&&(ee=5),E(this,null,function(){var he,_e;return r(this,function(me){switch(me.label){case 0:return he=Math.min(J,ee),_e=~~((Math.random()+.4)*(300<=Ie)}var En=(0,$e.createAsyncThunk)(Rn+"/executeQuery",dn,{getPendingMeta:function(){var Ke;return(Ke={startedTimeStamp:Date.now()})[$e.SHOULD_AUTOBATCH]=!0,Ke},condition:function(Ke,Ot){var St,at,wt,Bt=(0,Ot.getState)(),mt=(at=(St=Bt[Rn])==null?void 0:St.queries)==null?void 0:at[Ke.queryCacheKey],ot=mt==null?void 0:mt.fulfilledTimeStamp,Re=Ke.originalArgs,Ie=mt==null?void 0:mt.originalArgs,De=mr[Ke.endpointName];return!(!de(Ke)&&((mt==null?void 0:mt.status)==="pending"||!Sn(Ke,Bt)&&(!oe(De)||!((wt=De==null?void 0:De.forceRefetch)!=null&&wt.call(De,{currentArg:Re,previousArg:Ie,endpointState:mt,state:Bt})))&&ot))},dispatchConditionRejection:!0}),vn=(0,$e.createAsyncThunk)(Rn+"/executeMutation",dn,{getPendingMeta:function(){var Ke;return(Ke={startedTimeStamp:Date.now()})[$e.SHOULD_AUTOBATCH]=!0,Ke}});function bn(Ke){return function(Ot){var St,at;return((at=(St=Ot==null?void 0:Ot.meta)==null?void 0:St.arg)==null?void 0:at.endpointName)===Ke}}return{queryThunk:En,mutationThunk:vn,prefetch:function(Ke,Ot,St){return function(at,wt){var Bt=function(De){return"force"in De}(St)&&St.force,mt=function(De){return"ifOlderThan"in De}(St)&&St.ifOlderThan,ot=function(De){return De===void 0&&(De=!0),Nn.endpoints[Ke].initiate(Ot,{forceRefetch:De})},Re=Nn.endpoints[Ke].select(Ot)(wt());if(Bt)at(ot());else if(mt){var Ie=Re==null?void 0:Re.fulfilledTimeStamp;if(!Ie)return void at(ot());(Number(new Date)-Number(new Date(Ie)))/1e3>=mt&&at(ot())}else at(ot(!1))}},updateQueryData:function(Ke,Ot,St){return function(at,wt){var Bt,mt,ot=Nn.endpoints[Ke].select(Ot)(wt()),Re={patches:[],inversePatches:[],undo:function(){return at(Nn.util.patchQueryData(Ke,Ot,Re.inversePatches))}};if(ot.status===t.uninitialized)return Re;if("data"in ot)if((0,Oe.isDraftable)(ot.data)){var Ie=(0,Oe.produceWithPatches)(ot.data,St),De=Ie[2];(Bt=Re.patches).push.apply(Bt,Ie[1]),(mt=Re.inversePatches).push.apply(mt,De)}else{var We=St(ot.data);Re.patches.push({op:"replace",path:[],value:We}),Re.inversePatches.push({op:"replace",path:[],value:ot.data})}return at(Nn.util.patchQueryData(Ke,Ot,Re.patches)),Re}},upsertQueryData:function(Ke,Ot,St){return function(at){var wt;return at(Nn.endpoints[Ke].initiate(Ot,((wt={subscribe:!1,forceRefetch:!0})[xe]=function(){return{data:St}},wt)))}},patchQueryData:function(Ke,Ot,St){return function(at){at(Nn.internalActions.queryResultPatched({queryCacheKey:Tn({queryArgs:Ot,endpointDefinition:mr[Ke],endpointName:Ke}),patches:St}))}},buildMatchThunkActions:function(Ke,Ot){return{matchPending:(0,Te.isAllOf)((0,Te.isPending)(Ke),bn(Ot)),matchFulfilled:(0,Te.isAllOf)((0,Te.isFulfilled)(Ke),bn(Ot)),matchRejected:(0,Te.isAllOf)((0,Te.isRejected)(Ke),bn(Ot))}}}}({baseQuery:_e,reducerPath:me,context:he,api:J,serializeQueryArgs:ut}),Je=Ce.queryThunk,jt=Ce.mutationThunk,Et=Ce.patchQueryData,Nt=Ce.updateQueryData,qt=Ce.upsertQueryData,tn=Ce.prefetch,Zt=Ce.buildMatchThunkActions,Ut=function(It){var In=It.reducerPath,Rn=It.queryThunk,Jn=It.mutationThunk,mr=It.context,Tn=mr.endpointDefinitions,Nn=mr.apiUid,dn=mr.extractRehydrationInfo,Sn=mr.hasRehydrationInfo,En=It.assertTagType,vn=It.config,bn=(0,ge.createAction)(In+"/resetApiState"),Ke=(0,ge.createSlice)({name:In+"/queries",initialState:Pt,reducers:{removeQueryResult:{reducer:function(ot,Re){delete ot[Re.payload.queryCacheKey]},prepare:(0,ge.prepareAutoBatched)()},queryResultPatched:function(ot,Re){var Ie=Re.payload,De=Ie.patches;bt(ot,Ie.queryCacheKey,function(We){We.data=(0,vt.applyPatches)(We.data,De.concat())})}},extraReducers:function(ot){ot.addCase(Rn.pending,function(Re,Ie){var De,We=Ie.meta,tt=Ie.meta.arg,Dt=de(tt);(tt.subscribe||Dt)&&(Re[De=tt.queryCacheKey]!=null||(Re[De]={status:t.uninitialized,endpointName:tt.endpointName})),bt(Re,tt.queryCacheKey,function(Rt){Rt.status=t.pending,Rt.requestId=Dt&&Rt.requestId?Rt.requestId:We.requestId,tt.originalArgs!==void 0&&(Rt.originalArgs=tt.originalArgs),Rt.startedTimeStamp=We.startedTimeStamp})}).addCase(Rn.fulfilled,function(Re,Ie){var De=Ie.meta,We=Ie.payload;bt(Re,De.arg.queryCacheKey,function(tt){var Dt;if(tt.requestId===De.requestId||de(De.arg)){var Rt=Tn[De.arg.endpointName].merge;if(tt.status=t.fulfilled,Rt)if(tt.data!==void 0){var Ve=De.fulfilledTimeStamp,nn=De.arg,yn=De.baseQueryMeta,hn=De.requestId,gr=(0,ge.createNextState)(tt.data,function(Xn){return Rt(Xn,We,{arg:nn.originalArgs,baseQueryMeta:yn,fulfilledTimeStamp:Ve,requestId:hn})});tt.data=gr}else tt.data=We;else tt.data=(Dt=Tn[De.arg.endpointName].structuralSharing)==null||Dt?M((0,on.isDraft)(tt.data)?(0,vt.original)(tt.data):tt.data,We):We;delete tt.error,tt.fulfilledTimeStamp=De.fulfilledTimeStamp}})}).addCase(Rn.rejected,function(Re,Ie){var De=Ie.meta,We=De.condition,tt=De.requestId,Dt=Ie.error,Rt=Ie.payload;bt(Re,De.arg.queryCacheKey,function(Ve){if(!We){if(Ve.requestId!==tt)return;Ve.status=t.rejected,Ve.error=Rt??Dt}})}).addMatcher(Sn,function(Re,Ie){for(var De=dn(Ie).queries,We=0,tt=Object.entries(De);We"u"||navigator.onLine===void 0||navigator.onLine,focused:typeof document>"u"||document.visibilityState!=="hidden",middlewareRegistered:!1},vn),reducers:{middlewareRegistered:function(ot,Re){ot.middlewareRegistered=ot.middlewareRegistered!=="conflict"&&Nn===Re.payload||"conflict"}},extraReducers:function(ot){ot.addCase(be,function(Re){Re.online=!0}).addCase(ie,function(Re){Re.online=!1}).addCase(Y,function(Re){Re.focused=!0}).addCase(ae,function(Re){Re.focused=!1}).addMatcher(Sn,function(Re){return S({},Re)})}}),mt=(0,ge.combineReducers)({queries:Ke.reducer,mutations:Ot.reducer,provided:St.reducer,subscriptions:wt.reducer,config:Bt.reducer});return{reducer:function(ot,Re){return mt(bn.match(Re)?void 0:ot,Re)},actions:_(S(S(S(S(S({},Bt.actions),Ke.actions),at.actions),wt.actions),Ot.actions),{unsubscribeMutationResult:Ot.actions.removeMutationResult,resetApiState:bn})}}({context:he,queryThunk:Je,mutationThunk:jt,reducerPath:me,assertTagType:He,config:{refetchOnFocus:ft,refetchOnReconnect:xt,refetchOnMountOrArgChange:Ht,keepUnusedDataFor:st,reducerPath:me}}),Be=Ut.reducer,yt=Ut.actions;$r(J.util,{patchQueryData:Et,updateQueryData:Nt,upsertQueryData:qt,prefetch:tn,resetApiState:yt.resetApiState}),$r(J.internalActions,yt);var Mt=function(It){var In=It.reducerPath,Rn=It.queryThunk,Jn=It.api,mr=It.context,Tn=mr.apiUid,Nn={invalidateTags:(0,lr.createAction)(In+"/invalidateTags")},dn=[Wr,pn,Hr,yr,Wn,Mo];return{middleware:function(En){var vn=!1,bn=_(S({},It),{internalState:{currentSubscriptions:{}},refetchQuery:Sn}),Ke=dn.map(function(at){return at(bn)}),Ot=function(at){var wt=at.api,Bt=at.queryThunk,mt=at.internalState,ot=wt.reducerPath+"/subscriptions",Re=null,Ie=!1,De=wt.internalActions,We=De.updateSubscriptionOptions,tt=De.unsubscribeQueryResult;return function(Dt,Rt){var Ve,nn;if(Re||(Re=JSON.parse(JSON.stringify(mt.currentSubscriptions))),wt.util.resetApiState.match(Dt))return Re=mt.currentSubscriptions={},[!0,!1];if(wt.internalActions.internal_probeSubscription.match(Dt)){var yn=Dt.payload;return[!1,!!((Ve=mt.currentSubscriptions[yn.queryCacheKey])!=null&&Ve[yn.requestId])]}var hn=function(gn,Vn){var ao,fn,$n,Ur,Rr,Va,Gd,Do,fa;if(We.match(Vn)){var Ls=Vn.payload,pa=Ls.queryCacheKey,io=Ls.requestId;return(ao=gn==null?void 0:gn[pa])!=null&&ao[io]&&(gn[pa][io]=Ls.options),!0}if(tt.match(Vn)){var lo=Vn.payload;return io=lo.requestId,gn[pa=lo.queryCacheKey]&&delete gn[pa][io],!0}if(wt.internalActions.removeQueryResult.match(Vn))return delete gn[Vn.payload.queryCacheKey],!0;if(Bt.pending.match(Vn)){var co=Vn.meta;if(io=co.requestId,(Yr=co.arg).subscribe)return(Ho=($n=gn[fn=Yr.queryCacheKey])!=null?$n:gn[fn]={})[io]=(Rr=(Ur=Yr.subscriptionOptions)!=null?Ur:Ho[io])!=null?Rr:{},!0}if(Bt.rejected.match(Vn)){var Ho,Ao=Vn.meta,Yr=Ao.arg;if(io=Ao.requestId,Ao.condition&&Yr.subscribe)return(Ho=(Gd=gn[Va=Yr.queryCacheKey])!=null?Gd:gn[Va]={})[io]=(fa=(Do=Yr.subscriptionOptions)!=null?Do:Ho[io])!=null?fa:{},!0}return!1}(mt.currentSubscriptions,Dt);if(hn){Ie||(fs(function(){var gn=JSON.parse(JSON.stringify(mt.currentSubscriptions)),Vn=(0,Vr.produceWithPatches)(Re,function(){return gn});Rt.next(wt.internalActions.subscriptionsUpdated(Vn[1])),Re=gn,Ie=!1}),Ie=!0);var gr=!!((nn=Dt.type)!=null&&nn.startsWith(ot)),Xn=Bt.rejected.match(Dt)&&Dt.meta.condition&&!!Dt.meta.arg.subscribe;return[!gr&&!Xn,!1]}return[!0,!1]}}(bn),St=function(at){var wt=at.reducerPath,Bt=at.context,mt=at.refetchQuery,ot=at.internalState,Re=at.api.internalActions.removeQueryResult;function Ie(De,We){var tt=De.getState()[wt],Dt=tt.queries,Rt=ot.currentSubscriptions;Bt.batch(function(){for(var Ve=0,nn=Object.keys(Rt);Ve{const{imageUsage:t,topMessage:n="This image is currently in use in the following features:",bottomMessage:r="If you delete this image, those features will immediately be reset."}=e;return!t||!Su(t)?null:i.jsxs(i.Fragment,{children:[i.jsx(Ye,{children:n}),i.jsxs(Rb,{sx:{paddingInlineStart:6},children:[t.isInitialImage&&i.jsx(wa,{children:"Image to Image"}),t.isCanvasImage&&i.jsx(wa,{children:"Unified Canvas"}),t.isControlNetImage&&i.jsx(wa,{children:"ControlNet"}),t.isNodesImage&&i.jsx(wa,{children:"Node Editor"})]}),i.jsx(Ye,{children:r})]})},aj=f.memo(QV),JV=e=>{const{boardToDelete:t,setBoardToDelete:n}=e,{t:r}=ye(),o=z(k=>k.config.canRestoreDeletedImagesFromBin),{currentData:s,isFetching:a}=L7((t==null?void 0:t.board_id)??oo.skipToken),c=f.useMemo(()=>fe([Xe],k=>{const j=(s??[]).map(E=>B7(k,E));return{imageUsageSummary:{isInitialImage:Su(j,E=>E.isInitialImage),isCanvasImage:Su(j,E=>E.isCanvasImage),isNodesImage:Su(j,E=>E.isNodesImage),isControlNetImage:Su(j,E=>E.isControlNetImage)}}}),[s]),[d,{isLoading:p}]=F7(),[h,{isLoading:m}]=H7(),{imageUsageSummary:v}=z(c),b=f.useCallback(()=>{t&&(d(t.board_id),n(void 0))},[t,d,n]),w=f.useCallback(()=>{t&&(h(t.board_id),n(void 0))},[t,h,n]),y=f.useCallback(()=>{n(void 0)},[n]),S=f.useRef(null),_=f.useMemo(()=>m||p||a,[m,p,a]);return t?i.jsx(Id,{isOpen:!!t,onClose:y,leastDestructiveRef:S,isCentered:!0,children:i.jsx(Da,{children:i.jsxs(Ed,{children:[i.jsxs(Ma,{fontSize:"lg",fontWeight:"bold",children:["Delete ",t.board_name]}),i.jsx(Aa,{children:i.jsxs(F,{direction:"column",gap:3,children:[a?i.jsx(ym,{children:i.jsx(F,{sx:{w:"full",h:32}})}):i.jsx(aj,{imageUsage:v,topMessage:"This board contains images used in the following features:",bottomMessage:"Deleting this board and its images will reset any features currently using them."}),i.jsx(Ye,{children:"Deleted boards cannot be restored."}),i.jsx(Ye,{children:r(o?"gallery.deleteImageBin":"gallery.deleteImagePermanent")})]})}),i.jsx(Ra,{children:i.jsxs(F,{sx:{justifyContent:"space-between",width:"full",gap:2},children:[i.jsx(en,{ref:S,onClick:y,children:"Cancel"}),i.jsx(en,{colorScheme:"warning",isLoading:_,onClick:b,children:"Delete Board Only"}),i.jsx(en,{colorScheme:"error",isLoading:_,onClick:w,children:"Delete Board and Images"})]})})]})})}):null},ZV=f.memo(JV),ij=Ae((e,t)=>{const{role:n,tooltip:r="",tooltipProps:o,isChecked:s,...a}=e;return i.jsx(wn,{label:r,hasArrow:!0,...o,...o!=null&&o.placement?{placement:o.placement}:{placement:"top"},children:i.jsx(Ca,{ref:t,role:n,colorScheme:s?"accent":"base",...a})})});ij.displayName="IAIIconButton";const Le=f.memo(ij),eU="My Board",tU=()=>{const[e,{isLoading:t}]=W7(),n=f.useCallback(()=>{e(eU)},[e]);return i.jsx(Le,{icon:i.jsx(ml,{}),isLoading:t,tooltip:"Add Board","aria-label":"Add Board",onClick:n,size:"sm"})};var nC={path:i.jsxs("g",{stroke:"currentColor",strokeWidth:"1.5",children:[i.jsx("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"}),i.jsx("path",{fill:"currentColor",strokeLinecap:"round",d:"M12,17.25a.375.375,0,1,0,.375.375A.375.375,0,0,0,12,17.25h0"}),i.jsx("circle",{fill:"none",strokeMiterlimit:"10",cx:"12",cy:"12",r:"11.25"})]}),viewBox:"0 0 24 24"},lj=Ae((e,t)=>{const{as:n,viewBox:r,color:o="currentColor",focusable:s=!1,children:a,className:c,__css:d,...p}=e,h=Ct("chakra-icon",c),m=ia("Icon",e),v={w:"1em",h:"1em",display:"inline-block",lineHeight:"1em",flexShrink:0,color:o,...d,...m},b={ref:t,focusable:s,className:h,__css:v},w=r??nC.viewBox;if(n&&typeof n!="string")return i.jsx(je.svg,{as:n,...b,...p});const y=a??nC.path;return i.jsx(je.svg,{verticalAlign:"middle",viewBox:w,...b,...p,children:y})});lj.displayName="Icon";function $d(e){const{viewBox:t="0 0 24 24",d:n,displayName:r,defaultProps:o={}}=e,s=f.Children.toArray(e.path),a=Ae((c,d)=>i.jsx(lj,{ref:d,viewBox:t,...o,...c,children:s.length?s:i.jsx("path",{fill:"currentColor",d:n})}));return a.displayName=r,a}var cj=$d({displayName:"ExternalLinkIcon",path:i.jsxs("g",{fill:"none",stroke:"currentColor",strokeLinecap:"round",strokeWidth:"2",children:[i.jsx("path",{d:"M18 13v6a2 2 0 0 1-2 2H5a2 2 0 0 1-2-2V8a2 2 0 0 1 2-2h6"}),i.jsx("path",{d:"M15 3h6v6"}),i.jsx("path",{d:"M10 14L21 3"})]})}),wy=$d({d:"M12 8l-6 6 1.41 1.41L12 10.83l4.59 4.58L18 14z",displayName:"ChevronUpIcon"}),nU=$d({displayName:"CloseIcon",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"}),rU=$d({displayName:"DeleteIcon",path:i.jsx("g",{fill:"currentColor",children:i.jsx("path",{d:"M19.452 7.5H4.547a.5.5 0 00-.5.545l1.287 14.136A2 2 0 007.326 24h9.347a2 2 0 001.992-1.819L19.95 8.045a.5.5 0 00-.129-.382.5.5 0 00-.369-.163zm-9.2 13a.75.75 0 01-1.5 0v-9a.75.75 0 011.5 0zm5 0a.75.75 0 01-1.5 0v-9a.75.75 0 011.5 0zM22 4h-4.75a.25.25 0 01-.25-.25V2.5A2.5 2.5 0 0014.5 0h-5A2.5 2.5 0 007 2.5v1.25a.25.25 0 01-.25.25H2a1 1 0 000 2h20a1 1 0 000-2zM9 3.75V2.5a.5.5 0 01.5-.5h5a.5.5 0 01.5.5v1.25a.25.25 0 01-.25.25h-5.5A.25.25 0 019 3.75z"})})}),oU=$d({displayName:"ChevronDownIcon",d:"M16.59 8.59L12 13.17 7.41 8.59 6 10l6 6 6-6z"});const sU=fe([Xe],({boards:e})=>{const{searchText:t}=e;return{searchText:t}},Ge),aU=()=>{const e=te(),{searchText:t}=z(sU),n=f.useRef(null),r=f.useCallback(c=>{e(G2(c))},[e]),o=f.useCallback(()=>{e(G2(""))},[e]),s=f.useCallback(c=>{c.key==="Escape"&&o()},[o]),a=f.useCallback(c=>{r(c.target.value)},[r]);return f.useEffect(()=>{n.current&&n.current.focus()},[]),i.jsxs(U3,{children:[i.jsx(Sd,{ref:n,placeholder:"Search Boards...",value:t,onKeyDown:s,onChange:a}),t&&t.length&&i.jsx(Ib,{children:i.jsx(Ca,{onClick:o,size:"xs",variant:"ghost","aria-label":"Clear Search",opacity:.5,icon:i.jsx(nU,{boxSize:2})})})]})},iU=f.memo(aU),lU=e=>{const{isOver:t,label:n="Drop"}=e,r=f.useRef(ui()),{colorMode:o}=Ds();return i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.1}},exit:{opacity:0,transition:{duration:.1}},children:i.jsxs(F,{sx:{position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full"},children:[i.jsx(F,{sx:{position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full",bg:Fe("base.700","base.900")(o),opacity:.7,borderRadius:"base",alignItems:"center",justifyContent:"center",transitionProperty:"common",transitionDuration:"0.1s"}}),i.jsx(F,{sx:{position:"absolute",top:.5,insetInlineStart:.5,insetInlineEnd:.5,bottom:.5,opacity:1,borderWidth:2,borderColor:t?Fe("base.50","base.50")(o):Fe("base.200","base.300")(o),borderRadius:"lg",borderStyle:"dashed",transitionProperty:"common",transitionDuration:"0.1s",alignItems:"center",justifyContent:"center"},children:i.jsx(Ye,{sx:{fontSize:"2xl",fontWeight:600,transform:t?"scale(1.1)":"scale(1)",color:t?Fe("base.50","base.50")(o):Fe("base.200","base.300")(o),transitionProperty:"common",transitionDuration:"0.1s"},children:n})})]})},r.current)},oh=f.memo(lU),cU=e=>{const{dropLabel:t,data:n,disabled:r}=e,o=f.useRef(ui()),{isOver:s,setNodeRef:a,active:c}=X1({id:o.current,disabled:r,data:n});return i.jsx(Ee,{ref:a,position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full",pointerEvents:"none",children:i.jsx(ho,{children:Rp(n,c)&&i.jsx(oh,{isOver:s,label:t})})})},Sy=f.memo(cU),Cy=({isSelected:e,isHovered:t})=>i.jsx(Ee,{className:"selection-box",sx:{position:"absolute",top:0,insetInlineEnd:0,bottom:0,insetInlineStart:0,borderRadius:"base",opacity:e?1:.7,transitionProperty:"common",transitionDuration:"0.1s",shadow:e?t?"hoverSelected.light":"selected.light":t?"hoverUnselected.light":void 0,_dark:{shadow:e?t?"hoverSelected.dark":"selected.dark":t?"hoverUnselected.dark":void 0}}}),uj=()=>i.jsx(F,{sx:{position:"absolute",insetInlineEnd:0,top:0,p:1},children:i.jsx(hl,{variant:"solid",sx:{bg:"accent.400",_dark:{bg:"accent.500"}},children:"auto"})});var Bu=globalThis&&globalThis.__assign||function(){return Bu=Object.assign||function(e){for(var t,n=1,r=arguments.length;n{const{boardName:t}=tm(void 0,{selectFromResult:({data:n})=>{const r=n==null?void 0:n.find(s=>s.board_id===e);return{boardName:(r==null?void 0:r.board_name)||"Uncategorized"}}});return t},uU=({board:e,setBoardToDelete:t})=>{const n=f.useCallback(()=>{t&&t(e)},[e,t]);return i.jsxs(i.Fragment,{children:[e.image_count>0&&i.jsx(i.Fragment,{}),i.jsx(Pr,{sx:{color:"error.600",_dark:{color:"error.300"}},icon:i.jsx(us,{}),onClick:n,children:"Delete Board"})]})},dU=f.memo(uU),fU=()=>i.jsx(i.Fragment,{}),pU=f.memo(fU),ky=f.memo(({board:e,board_id:t,setBoardToDelete:n,children:r})=>{const o=te(),s=f.useMemo(()=>fe(Xe,({gallery:h})=>({isAutoAdd:h.autoAddBoardId===t})),[t]),{isAutoAdd:a}=z(s),c=Am(t),d=f.useCallback(()=>{o(T_(t))},[t,o]),p=f.useCallback(h=>{h.preventDefault()},[]);return i.jsx(dj,{menuProps:{size:"sm",isLazy:!0},menuButtonProps:{bg:"transparent",_hover:{bg:"transparent"}},renderMenu:()=>i.jsx(Bc,{sx:{visibility:"visible !important"},motionProps:sm,onContextMenu:p,children:i.jsxs(ed,{title:c,children:[i.jsx(Pr,{icon:i.jsx(ml,{}),isDisabled:a,onClick:d,children:"Auto-add to this Board"}),!e&&i.jsx(pU,{}),e&&i.jsx(dU,{board:e,setBoardToDelete:n})]})}),children:r})});ky.displayName="HoverableBoard";const fj=f.memo(({board:e,isSelected:t,setBoardToDelete:n})=>{const r=te(),o=f.useMemo(()=>fe(Xe,({gallery:E})=>({isSelectedForAutoAdd:e.board_id===E.autoAddBoardId}),Ge),[e.board_id]),{isSelectedForAutoAdd:s}=z(o),[a,c]=f.useState(!1),d=f.useCallback(()=>{c(!0)},[]),p=f.useCallback(()=>{c(!1)},[]),{currentData:h}=os(e.cover_image_name??oo.skipToken),{board_name:m,board_id:v}=e,[b,w]=f.useState(m),y=f.useCallback(()=>{r(N_(v))},[v,r]),[S,{isLoading:_}]=V7(),k=f.useMemo(()=>({id:v,actionType:"MOVE_BOARD",context:{boardId:v}}),[v]),j=f.useCallback(async E=>{if(!E.trim()){w(m);return}if(E!==m)try{const{board_name:O}=await S({board_id:v,changes:{board_name:E}}).unwrap();w(O)}catch{w(m)}},[v,m,S]),I=f.useCallback(E=>{w(E)},[]);return i.jsx(Ee,{sx:{w:"full",h:"full",touchAction:"none",userSelect:"none"},children:i.jsx(F,{onMouseOver:d,onMouseOut:p,sx:{position:"relative",justifyContent:"center",alignItems:"center",aspectRatio:"1/1",w:"full",h:"full"},children:i.jsx(ky,{board:e,board_id:v,setBoardToDelete:n,children:E=>i.jsxs(F,{ref:E,onClick:y,sx:{w:"full",h:"full",position:"relative",justifyContent:"center",alignItems:"center",borderRadius:"base",cursor:"pointer",bg:"base.200",_dark:{bg:"base.800"}},children:[h!=null&&h.thumbnail_url?i.jsx(Tc,{src:h==null?void 0:h.thumbnail_url,draggable:!1,sx:{objectFit:"cover",w:"full",h:"full",maxH:"full",borderRadius:"base",borderBottomRadius:"lg"}}):i.jsx(F,{sx:{w:"full",h:"full",justifyContent:"center",alignItems:"center"},children:i.jsx(no,{boxSize:12,as:EW,sx:{mt:-6,opacity:.7,color:"base.500",_dark:{color:"base.500"}}})}),s&&i.jsx(uj,{}),i.jsx(Cy,{isSelected:t,isHovered:a}),i.jsx(F,{sx:{position:"absolute",bottom:0,left:0,p:1,justifyContent:"center",alignItems:"center",w:"full",maxW:"full",borderBottomRadius:"base",bg:t?"accent.400":"base.500",color:t?"base.50":"base.100",_dark:{bg:t?"accent.500":"base.600",color:t?"base.50":"base.100"},lineHeight:"short",fontSize:"xs"},children:i.jsxs(o3,{value:b,isDisabled:_,submitOnBlur:!0,onChange:I,onSubmit:j,sx:{w:"full"},children:[i.jsx(t3,{sx:{p:0,fontWeight:t?700:500,textAlign:"center",overflow:"hidden",textOverflow:"ellipsis"},noOfLines:1}),i.jsx(e3,{sx:{p:0,_focusVisible:{p:0,textAlign:"center",boxShadow:"none"}}})]})}),i.jsx(Sy,{data:k,dropLabel:i.jsx(Ye,{fontSize:"md",children:"Move"})})]})})})})});fj.displayName="HoverableBoard";const hU=fe(Xe,({gallery:e})=>{const{autoAddBoardId:t}=e;return{autoAddBoardId:t}},Ge),pj=f.memo(({isSelected:e})=>{const t=te(),{autoAddBoardId:n}=z(hU),r=Am(void 0),o=f.useCallback(()=>{t(N_(void 0))},[t]),[s,a]=f.useState(!1),c=f.useCallback(()=>{a(!0)},[]),d=f.useCallback(()=>{a(!1)},[]),p=f.useMemo(()=>({id:"no_board",actionType:"MOVE_BOARD",context:{boardId:void 0}}),[]);return i.jsx(Ee,{sx:{w:"full",h:"full",touchAction:"none",userSelect:"none"},children:i.jsx(F,{onMouseOver:c,onMouseOut:d,sx:{position:"relative",justifyContent:"center",alignItems:"center",aspectRatio:"1/1",borderRadius:"base",w:"full",h:"full"},children:i.jsx(ky,{children:h=>i.jsxs(F,{ref:h,onClick:o,sx:{w:"full",h:"full",position:"relative",justifyContent:"center",alignItems:"center",borderRadius:"base",cursor:"pointer",bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsx(F,{sx:{w:"full",h:"full",justifyContent:"center",alignItems:"center"},children:i.jsx(Tc,{src:$_,alt:"invoke-ai-logo",sx:{opacity:.4,filter:"grayscale(1)",mt:-6,w:16,h:16,minW:16,minH:16,userSelect:"none"}})}),!n&&i.jsx(uj,{}),i.jsx(F,{sx:{position:"absolute",bottom:0,left:0,p:1,justifyContent:"center",alignItems:"center",w:"full",maxW:"full",borderBottomRadius:"base",bg:e?"accent.400":"base.500",color:e?"base.50":"base.100",_dark:{bg:e?"accent.500":"base.600",color:e?"base.50":"base.100"},lineHeight:"short",fontSize:"xs",fontWeight:e?700:500},children:r}),i.jsx(Cy,{isSelected:e,isHovered:s}),i.jsx(Sy,{data:p,dropLabel:i.jsx(Ye,{fontSize:"md",children:"Move"})})]})})})})});pj.displayName="HoverableBoard";const mU=fe([Xe],({boards:e,gallery:t})=>{const{searchText:n}=e,{selectedBoardId:r}=t;return{selectedBoardId:r,searchText:n}},Ge),gU=e=>{const{isOpen:t}=e,{selectedBoardId:n,searchText:r}=z(mU),{data:o}=tm(),s=r?o==null?void 0:o.filter(d=>d.board_name.toLowerCase().includes(r.toLowerCase())):o,[a,c]=f.useState();return i.jsxs(i.Fragment,{children:[i.jsx(lm,{in:t,animateOpacity:!0,children:i.jsxs(F,{layerStyle:"first",sx:{flexDir:"column",gap:2,p:2,mt:2,borderRadius:"base"},children:[i.jsxs(F,{sx:{gap:2,alignItems:"center"},children:[i.jsx(iU,{}),i.jsx(tU,{})]}),i.jsx(rj,{defer:!0,style:{height:"100%",width:"100%"},options:{scrollbars:{visibility:"auto",autoHide:"move",autoHideDelay:1300,theme:"os-theme-dark"}},children:i.jsxs(ol,{className:"list-container",sx:{gridTemplateColumns:"repeat(auto-fill, minmax(108px, 1fr));",maxH:346},children:[i.jsx(Kv,{sx:{p:1.5},children:i.jsx(pj,{isSelected:n===void 0})}),s&&s.map(d=>i.jsx(Kv,{sx:{p:1.5},children:i.jsx(fj,{board:d,isSelected:n===d.board_id,setBoardToDelete:c})},d.board_id))]})})]})}),i.jsx(ZV,{boardToDelete:a,setBoardToDelete:c})]})},vU=f.memo(gU),bU=fe([Xe],e=>{const{selectedBoardId:t}=e.gallery;return{selectedBoardId:t}},Ge),yU=e=>{const{isOpen:t,onToggle:n}=e,{selectedBoardId:r}=z(bU),o=Am(r),s=f.useMemo(()=>o.length>20?`${o.substring(0,20)}...`:o,[o]);return i.jsxs(F,{as:vc,onClick:n,size:"sm",sx:{position:"relative",gap:2,w:"full",justifyContent:"space-between",alignItems:"center",px:2},children:[i.jsx(Ye,{noOfLines:1,sx:{fontWeight:600,w:"100%",textAlign:"center",color:"base.800",_dark:{color:"base.200"}},children:s}),i.jsx(wy,{sx:{transform:t?"rotate(0deg)":"rotate(180deg)",transitionProperty:"common",transitionDuration:"normal"}})]})},xU=f.memo(yU);function hj(e){return et({tag:"svg",attr:{fill:"currentColor",viewBox:"0 0 16 16"},child:[{tag:"path",attr:{d:"M9.828.722a.5.5 0 0 1 .354.146l4.95 4.95a.5.5 0 0 1 0 .707c-.48.48-1.072.588-1.503.588-.177 0-.335-.018-.46-.039l-3.134 3.134a5.927 5.927 0 0 1 .16 1.013c.046.702-.032 1.687-.72 2.375a.5.5 0 0 1-.707 0l-2.829-2.828-3.182 3.182c-.195.195-1.219.902-1.414.707-.195-.195.512-1.22.707-1.414l3.182-3.182-2.828-2.829a.5.5 0 0 1 0-.707c.688-.688 1.673-.767 2.375-.72a5.922 5.922 0 0 1 1.013.16l3.134-3.133a2.772 2.772 0 0 1-.04-.461c0-.43.108-1.022.589-1.503a.5.5 0 0 1 .353-.146z"}}]})(e)}function mj(e){return et({tag:"svg",attr:{fill:"currentColor",viewBox:"0 0 16 16"},child:[{tag:"path",attr:{d:"M9.828.722a.5.5 0 0 1 .354.146l4.95 4.95a.5.5 0 0 1 0 .707c-.48.48-1.072.588-1.503.588-.177 0-.335-.018-.46-.039l-3.134 3.134a5.927 5.927 0 0 1 .16 1.013c.046.702-.032 1.687-.72 2.375a.5.5 0 0 1-.707 0l-2.829-2.828-3.182 3.182c-.195.195-1.219.902-1.414.707-.195-.195.512-1.22.707-1.414l3.182-3.182-2.828-2.829a.5.5 0 0 1 0-.707c.688-.688 1.673-.767 2.375-.72a5.922 5.922 0 0 1 1.013.16l3.134-3.133a2.772 2.772 0 0 1-.04-.461c0-.43.108-1.022.589-1.503a.5.5 0 0 1 .353-.146zm.122 2.112v-.002.002zm0-.002v.002a.5.5 0 0 1-.122.51L6.293 6.878a.5.5 0 0 1-.511.12H5.78l-.014-.004a4.507 4.507 0 0 0-.288-.076 4.922 4.922 0 0 0-.765-.116c-.422-.028-.836.008-1.175.15l5.51 5.509c.141-.34.177-.753.149-1.175a4.924 4.924 0 0 0-.192-1.054l-.004-.013v-.001a.5.5 0 0 1 .12-.512l3.536-3.535a.5.5 0 0 1 .532-.115l.096.022c.087.017.208.034.344.034.114 0 .23-.011.343-.04L9.927 2.028c-.029.113-.04.23-.04.343a1.779 1.779 0 0 0 .062.46z"}}]})(e)}const wU=fe([Xe],e=>{const{shouldPinGallery:t}=e.ui;return{shouldPinGallery:t}},Ge),SU=()=>{const e=te(),{t}=ye(),{shouldPinGallery:n}=z(wU),r=()=>{e(z_()),e(Co())};return i.jsx(Le,{size:"sm","aria-label":t("gallery.pinGallery"),tooltip:`${t("gallery.pinGallery")} (Shift+G)`,onClick:r,icon:n?i.jsx(hj,{}):i.jsx(mj,{})})},CU=e=>{const{triggerComponent:t,children:n,hasArrow:r=!0,isLazy:o=!0,...s}=e;return i.jsxs(Kb,{isLazy:o,...s,children:[i.jsx(qb,{children:t}),i.jsxs(Xb,{shadow:"dark-lg",children:[r&&i.jsx(_6,{}),n]})]})},gl=f.memo(CU),kU=e=>{const{label:t,...n}=e,{colorMode:r}=Ds();return i.jsx(K5,{colorScheme:"accent",...n,children:i.jsx(Ye,{sx:{fontSize:"sm",color:Fe("base.800","base.200")(r)},children:t})})},Gn=f.memo(kU);function _U(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{d:"M12 16c1.671 0 3-1.331 3-3s-1.329-3-3-3-3 1.331-3 3 1.329 3 3 3z"}},{tag:"path",attr:{d:"M20.817 11.186a8.94 8.94 0 0 0-1.355-3.219 9.053 9.053 0 0 0-2.43-2.43 8.95 8.95 0 0 0-3.219-1.355 9.028 9.028 0 0 0-1.838-.18V2L8 5l3.975 3V6.002c.484-.002.968.044 1.435.14a6.961 6.961 0 0 1 2.502 1.053 7.005 7.005 0 0 1 1.892 1.892A6.967 6.967 0 0 1 19 13a7.032 7.032 0 0 1-.55 2.725 7.11 7.11 0 0 1-.644 1.188 7.2 7.2 0 0 1-.858 1.039 7.028 7.028 0 0 1-3.536 1.907 7.13 7.13 0 0 1-2.822 0 6.961 6.961 0 0 1-2.503-1.054 7.002 7.002 0 0 1-1.89-1.89A6.996 6.996 0 0 1 5 13H3a9.02 9.02 0 0 0 1.539 5.034 9.096 9.096 0 0 0 2.428 2.428A8.95 8.95 0 0 0 12 22a9.09 9.09 0 0 0 1.814-.183 9.014 9.014 0 0 0 3.218-1.355 8.886 8.886 0 0 0 1.331-1.099 9.228 9.228 0 0 0 1.1-1.332A8.952 8.952 0 0 0 21 13a9.09 9.09 0 0 0-.183-1.814z"}}]})(e)}const PU=e=>{const[t,n]=f.useState(!1),{label:r,value:o,min:s=1,max:a=100,step:c=1,onChange:d,tooltipSuffix:p="",withSliderMarks:h=!1,withInput:m=!1,isInteger:v=!1,inputWidth:b=16,withReset:w=!1,hideTooltip:y=!1,isCompact:S=!1,isDisabled:_=!1,sliderMarks:k,handleReset:j,sliderFormControlProps:I,sliderFormLabelProps:E,sliderMarkProps:O,sliderTrackProps:R,sliderThumbProps:M,sliderNumberInputProps:A,sliderNumberInputFieldProps:T,sliderNumberInputStepperProps:$,sliderTooltipProps:Q,sliderIAIIconButtonProps:B,...V}=e,q=te(),{t:G}=ye(),[D,L]=f.useState(String(o));f.useEffect(()=>{L(o)},[o]);const W=f.useMemo(()=>A!=null&&A.min?A.min:s,[s,A==null?void 0:A.min]),Y=f.useMemo(()=>A!=null&&A.max?A.max:a,[a,A==null?void 0:A.max]),ae=f.useCallback(re=>{d(re)},[d]),be=f.useCallback(re=>{re.target.value===""&&(re.target.value=String(W));const oe=Es(v?Math.floor(Number(re.target.value)):Number(D),W,Y),pe=Cu(oe,c);d(pe),L(pe)},[v,D,W,Y,d,c]),ie=f.useCallback(re=>{L(re)},[]),X=f.useCallback(()=>{j&&j()},[j]),K=f.useCallback(re=>{re.target instanceof HTMLDivElement&&re.target.focus()},[]),U=f.useCallback(re=>{re.shiftKey&&q(Po(!0))},[q]),se=f.useCallback(re=>{re.shiftKey||q(Po(!1))},[q]);return i.jsxs(mo,{onClick:K,sx:S?{display:"flex",flexDirection:"row",alignItems:"center",columnGap:4,margin:0,padding:0}:{},isDisabled:_,...I,children:[r&&i.jsx(Lo,{sx:m?{mb:-1.5}:{},...E,children:r}),i.jsxs(di,{w:"100%",gap:2,alignItems:"center",children:[i.jsxs(W6,{"aria-label":r,value:o,min:s,max:a,step:c,onChange:ae,onMouseEnter:()=>n(!0),onMouseLeave:()=>n(!1),focusThumbOnChange:!1,isDisabled:_,...V,children:[h&&!k&&i.jsxs(i.Fragment,{children:[i.jsx(Ul,{value:s,sx:{insetInlineStart:"0 !important",insetInlineEnd:"unset !important"},...O,children:s}),i.jsx(Ul,{value:a,sx:{insetInlineStart:"unset !important",insetInlineEnd:"0 !important"},...O,children:a})]}),h&&k&&i.jsx(i.Fragment,{children:k.map((re,oe)=>oe===0?i.jsx(Ul,{value:re,sx:{insetInlineStart:"0 !important",insetInlineEnd:"unset !important"},...O,children:re},re):oe===k.length-1?i.jsx(Ul,{value:re,sx:{insetInlineStart:"unset !important",insetInlineEnd:"0 !important"},...O,children:re},re):i.jsx(Ul,{value:re,sx:{transform:"translateX(-50%)"},...O,children:re},re))}),i.jsx(U6,{...R,children:i.jsx(G6,{})}),i.jsx(wn,{hasArrow:!0,placement:"top",isOpen:t,label:`${o}${p}`,hidden:y,...Q,children:i.jsx(V6,{...M,zIndex:0})})]}),m&&i.jsxs(hm,{min:W,max:Y,step:c,value:D,onChange:ie,onBlur:be,focusInputOnChange:!1,...A,children:[i.jsx(gm,{onKeyDown:U,onKeyUp:se,minWidth:b,...T}),i.jsxs(mm,{...$,children:[i.jsx(bm,{onClick:()=>d(Number(D))}),i.jsx(vm,{onClick:()=>d(Number(D))})]})]}),w&&i.jsx(Le,{size:"sm","aria-label":G("accessibility.reset"),tooltip:G("accessibility.reset"),icon:i.jsx(_U,{}),isDisabled:_,onClick:X,...B})]})]})},_t=f.memo(PU);function jU(e){const t=f.createContext(null);return[({children:o,value:s})=>H.createElement(t.Provider,{value:s},o),()=>{const o=f.useContext(t);if(o===null)throw new Error(e);return o}]}function gj(e){return Array.isArray(e)?e:[e]}const IU=()=>{};function EU(e,t={active:!0}){return typeof e!="function"||!t.active?t.onKeyDown||IU:n=>{var r;n.key==="Escape"&&(e(n),(r=t.onTrigger)==null||r.call(t))}}function vj({data:e}){const t=[],n=[],r=e.reduce((o,s,a)=>(s.group?o[s.group]?o[s.group].push(a):o[s.group]=[a]:n.push(a),o),{});return Object.keys(r).forEach(o=>{t.push(...r[o].map(s=>e[s]))}),t.push(...n.map(o=>e[o])),t}function bj(e){return Array.isArray(e)||e===null?!1:typeof e=="object"?e.type!==H.Fragment:!1}function yj(e){var t,n,r="";if(typeof e=="string"||typeof e=="number")r+=e;else if(typeof e=="object")if(Array.isArray(e))for(t=0;tr===t[o]).indexOf(!1)>=0)&&(n.current={v:e(),prevDeps:[...t]}),n.current.v}const MU=U7({key:"mantine",prepend:!0});function DU(){return O5()||MU}var AU=Object.defineProperty,rC=Object.getOwnPropertySymbols,TU=Object.prototype.hasOwnProperty,NU=Object.prototype.propertyIsEnumerable,oC=(e,t,n)=>t in e?AU(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,$U=(e,t)=>{for(var n in t||(t={}))TU.call(t,n)&&oC(e,n,t[n]);if(rC)for(var n of rC(t))NU.call(t,n)&&oC(e,n,t[n]);return e};const Y0="ref";function zU(e){let t;if(e.length!==1)return{args:e,ref:t};const[n]=e;if(!(n instanceof Object))return{args:e,ref:t};if(!(Y0 in n))return{args:e,ref:t};t=n[Y0];const r=$U({},n);return delete r[Y0],{args:[r],ref:t}}const{cssFactory:LU}=(()=>{function e(n,r,o){const s=[],a=K7(n,s,o);return s.length<2?o:a+r(s)}function t(n){const{cache:r}=n,o=(...a)=>{const{ref:c,args:d}=zU(a),p=G7(d,r.registered);return q7(r,p,!1),`${r.key}-${p.name}${c===void 0?"":` ${c}`}`};return{css:o,cx:(...a)=>e(r.registered,o,xj(a))}}return{cssFactory:t}})();function wj(){const e=DU();return RU(()=>LU({cache:e}),[e])}function BU({cx:e,classes:t,context:n,classNames:r,name:o,cache:s}){const a=n.reduce((c,d)=>(Object.keys(d.classNames).forEach(p=>{typeof c[p]!="string"?c[p]=`${d.classNames[p]}`:c[p]=`${c[p]} ${d.classNames[p]}`}),c),{});return Object.keys(t).reduce((c,d)=>(c[d]=e(t[d],a[d],r!=null&&r[d],Array.isArray(o)?o.filter(Boolean).map(p=>`${(s==null?void 0:s.key)||"mantine"}-${p}-${d}`).join(" "):o?`${(s==null?void 0:s.key)||"mantine"}-${o}-${d}`:null),c),{})}var FU=Object.defineProperty,sC=Object.getOwnPropertySymbols,HU=Object.prototype.hasOwnProperty,WU=Object.prototype.propertyIsEnumerable,aC=(e,t,n)=>t in e?FU(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Q0=(e,t)=>{for(var n in t||(t={}))HU.call(t,n)&&aC(e,n,t[n]);if(sC)for(var n of sC(t))WU.call(t,n)&&aC(e,n,t[n]);return e};function b1(e,t){return t&&Object.keys(t).forEach(n=>{e[n]?e[n]=Q0(Q0({},e[n]),t[n]):e[n]=Q0({},t[n])}),e}function iC(e,t,n,r){const o=s=>typeof s=="function"?s(t,n||{},r):s||{};return Array.isArray(e)?e.map(s=>o(s.styles)).reduce((s,a)=>b1(s,a),{}):o(e)}function VU({ctx:e,theme:t,params:n,variant:r,size:o}){return e.reduce((s,a)=>(a.variants&&r in a.variants&&b1(s,a.variants[r](t,n,{variant:r,size:o})),a.sizes&&o in a.sizes&&b1(s,a.sizes[o](t,n,{variant:r,size:o})),s),{})}function so(e){const t=typeof e=="function"?e:()=>e;function n(r,o){const s=Fa(),a=XD(o==null?void 0:o.name),c=O5(),d={variant:o==null?void 0:o.variant,size:o==null?void 0:o.size},{css:p,cx:h}=wj(),m=t(s,r,d),v=iC(o==null?void 0:o.styles,s,r,d),b=iC(a,s,r,d),w=VU({ctx:a,theme:s,params:r,variant:o==null?void 0:o.variant,size:o==null?void 0:o.size}),y=Object.fromEntries(Object.keys(m).map(S=>{const _=h({[p(m[S])]:!(o!=null&&o.unstyled)},p(w[S]),p(b[S]),p(v[S]));return[S,_]}));return{classes:BU({cx:h,classes:y,context:a,classNames:o==null?void 0:o.classNames,name:o==null?void 0:o.name,cache:c}),cx:h,theme:s}}return n}function lC(e){return`___ref-${e||""}`}var UU=Object.defineProperty,GU=Object.defineProperties,qU=Object.getOwnPropertyDescriptors,cC=Object.getOwnPropertySymbols,KU=Object.prototype.hasOwnProperty,XU=Object.prototype.propertyIsEnumerable,uC=(e,t,n)=>t in e?UU(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,gu=(e,t)=>{for(var n in t||(t={}))KU.call(t,n)&&uC(e,n,t[n]);if(cC)for(var n of cC(t))XU.call(t,n)&&uC(e,n,t[n]);return e},vu=(e,t)=>GU(e,qU(t));const bu={in:{opacity:1,transform:"scale(1)"},out:{opacity:0,transform:`scale(.9) translateY(${Ue(10)})`},transitionProperty:"transform, opacity"},ep={fade:{in:{opacity:1},out:{opacity:0},transitionProperty:"opacity"},scale:{in:{opacity:1,transform:"scale(1)"},out:{opacity:0,transform:"scale(0)"},common:{transformOrigin:"top"},transitionProperty:"transform, opacity"},"scale-y":{in:{opacity:1,transform:"scaleY(1)"},out:{opacity:0,transform:"scaleY(0)"},common:{transformOrigin:"top"},transitionProperty:"transform, opacity"},"scale-x":{in:{opacity:1,transform:"scaleX(1)"},out:{opacity:0,transform:"scaleX(0)"},common:{transformOrigin:"left"},transitionProperty:"transform, opacity"},"skew-up":{in:{opacity:1,transform:"translateY(0) skew(0deg, 0deg)"},out:{opacity:0,transform:`translateY(-${Ue(20)}) skew(-10deg, -5deg)`},common:{transformOrigin:"top"},transitionProperty:"transform, opacity"},"skew-down":{in:{opacity:1,transform:"translateY(0) skew(0deg, 0deg)"},out:{opacity:0,transform:`translateY(${Ue(20)}) skew(-10deg, -5deg)`},common:{transformOrigin:"bottom"},transitionProperty:"transform, opacity"},"rotate-left":{in:{opacity:1,transform:"translateY(0) rotate(0deg)"},out:{opacity:0,transform:`translateY(${Ue(20)}) rotate(-5deg)`},common:{transformOrigin:"bottom"},transitionProperty:"transform, opacity"},"rotate-right":{in:{opacity:1,transform:"translateY(0) rotate(0deg)"},out:{opacity:0,transform:`translateY(${Ue(20)}) rotate(5deg)`},common:{transformOrigin:"top"},transitionProperty:"transform, opacity"},"slide-down":{in:{opacity:1,transform:"translateY(0)"},out:{opacity:0,transform:"translateY(-100%)"},common:{transformOrigin:"top"},transitionProperty:"transform, opacity"},"slide-up":{in:{opacity:1,transform:"translateY(0)"},out:{opacity:0,transform:"translateY(100%)"},common:{transformOrigin:"bottom"},transitionProperty:"transform, opacity"},"slide-left":{in:{opacity:1,transform:"translateX(0)"},out:{opacity:0,transform:"translateX(100%)"},common:{transformOrigin:"left"},transitionProperty:"transform, opacity"},"slide-right":{in:{opacity:1,transform:"translateX(0)"},out:{opacity:0,transform:"translateX(-100%)"},common:{transformOrigin:"right"},transitionProperty:"transform, opacity"},pop:vu(gu({},bu),{common:{transformOrigin:"center center"}}),"pop-bottom-left":vu(gu({},bu),{common:{transformOrigin:"bottom left"}}),"pop-bottom-right":vu(gu({},bu),{common:{transformOrigin:"bottom right"}}),"pop-top-left":vu(gu({},bu),{common:{transformOrigin:"top left"}}),"pop-top-right":vu(gu({},bu),{common:{transformOrigin:"top right"}})},dC=["mousedown","touchstart"];function YU(e,t,n){const r=f.useRef();return f.useEffect(()=>{const o=s=>{const{target:a}=s??{};if(Array.isArray(n)){const c=(a==null?void 0:a.hasAttribute("data-ignore-outside-clicks"))||!document.body.contains(a)&&a.tagName!=="HTML";n.every(p=>!!p&&!s.composedPath().includes(p))&&!c&&e()}else r.current&&!r.current.contains(a)&&e()};return(t||dC).forEach(s=>document.addEventListener(s,o)),()=>{(t||dC).forEach(s=>document.removeEventListener(s,o))}},[r,e,n]),r}function QU(e,t){try{return e.addEventListener("change",t),()=>e.removeEventListener("change",t)}catch{return e.addListener(t),()=>e.removeListener(t)}}function JU(e,t){return typeof t=="boolean"?t:typeof window<"u"&&"matchMedia"in window?window.matchMedia(e).matches:!1}function ZU(e,t,{getInitialValueInEffect:n}={getInitialValueInEffect:!0}){const[r,o]=f.useState(n?t:JU(e,t)),s=f.useRef();return f.useEffect(()=>{if("matchMedia"in window)return s.current=window.matchMedia(e),o(s.current.matches),QU(s.current,a=>o(a.matches))},[e]),r}const Sj=typeof document<"u"?f.useLayoutEffect:f.useEffect;function Ps(e,t){const n=f.useRef(!1);f.useEffect(()=>()=>{n.current=!1},[]),f.useEffect(()=>{if(n.current)return e();n.current=!0},t)}function eG({opened:e,shouldReturnFocus:t=!0}){const n=f.useRef(),r=()=>{var o;n.current&&"focus"in n.current&&typeof n.current.focus=="function"&&((o=n.current)==null||o.focus({preventScroll:!0}))};return Ps(()=>{let o=-1;const s=a=>{a.key==="Tab"&&window.clearTimeout(o)};return document.addEventListener("keydown",s),e?n.current=document.activeElement:t&&(o=window.setTimeout(r,10)),()=>{window.clearTimeout(o),document.removeEventListener("keydown",s)}},[e,t]),r}const tG=/input|select|textarea|button|object/,Cj="a, input, select, textarea, button, object, [tabindex]";function nG(e){return e.style.display==="none"}function rG(e){if(e.getAttribute("aria-hidden")||e.getAttribute("hidden")||e.getAttribute("type")==="hidden")return!1;let n=e;for(;n&&!(n===document.body||n.nodeType===11);){if(nG(n))return!1;n=n.parentNode}return!0}function kj(e){let t=e.getAttribute("tabindex");return t===null&&(t=void 0),parseInt(t,10)}function y1(e){const t=e.nodeName.toLowerCase(),n=!Number.isNaN(kj(e));return(tG.test(t)&&!e.disabled||e instanceof HTMLAnchorElement&&e.href||n)&&rG(e)}function _j(e){const t=kj(e);return(Number.isNaN(t)||t>=0)&&y1(e)}function oG(e){return Array.from(e.querySelectorAll(Cj)).filter(_j)}function sG(e,t){const n=oG(e);if(!n.length){t.preventDefault();return}const r=n[t.shiftKey?0:n.length-1],o=e.getRootNode();if(!(r===o.activeElement||e===o.activeElement))return;t.preventDefault();const a=n[t.shiftKey?n.length-1:0];a&&a.focus()}function Py(){return`mantine-${Math.random().toString(36).slice(2,11)}`}function aG(e,t="body > :not(script)"){const n=Py(),r=Array.from(document.querySelectorAll(t)).map(o=>{var s;if((s=o==null?void 0:o.shadowRoot)!=null&&s.contains(e)||o.contains(e))return;const a=o.getAttribute("aria-hidden"),c=o.getAttribute("data-hidden"),d=o.getAttribute("data-focus-id");return o.setAttribute("data-focus-id",n),a===null||a==="false"?o.setAttribute("aria-hidden","true"):!c&&!d&&o.setAttribute("data-hidden",a),{node:o,ariaHidden:c||null}});return()=>{r.forEach(o=>{!o||n!==o.node.getAttribute("data-focus-id")||(o.ariaHidden===null?o.node.removeAttribute("aria-hidden"):o.node.setAttribute("aria-hidden",o.ariaHidden),o.node.removeAttribute("data-focus-id"),o.node.removeAttribute("data-hidden"))})}}function iG(e=!0){const t=f.useRef(),n=f.useRef(null),r=s=>{let a=s.querySelector("[data-autofocus]");if(!a){const c=Array.from(s.querySelectorAll(Cj));a=c.find(_j)||c.find(y1)||null,!a&&y1(s)&&(a=s)}a&&a.focus({preventScroll:!0})},o=f.useCallback(s=>{if(e){if(s===null){n.current&&(n.current(),n.current=null);return}n.current=aG(s),t.current!==s&&(s?(setTimeout(()=>{s.getRootNode()&&r(s)}),t.current=s):t.current=null)}},[e]);return f.useEffect(()=>{if(!e)return;t.current&&setTimeout(()=>r(t.current));const s=a=>{a.key==="Tab"&&t.current&&sG(t.current,a)};return document.addEventListener("keydown",s),()=>{document.removeEventListener("keydown",s),n.current&&n.current()}},[e]),o}const lG=H["useId".toString()]||(()=>{});function cG(){const e=lG();return e?`mantine-${e.replace(/:/g,"")}`:""}function jy(e){const t=cG(),[n,r]=f.useState(t);return Sj(()=>{r(Py())},[]),typeof e=="string"?e:typeof window>"u"?t:n}function fC(e,t,n){f.useEffect(()=>(window.addEventListener(e,t,n),()=>window.removeEventListener(e,t,n)),[e,t])}function Pj(e,t){typeof e=="function"?e(t):typeof e=="object"&&e!==null&&"current"in e&&(e.current=t)}function uG(...e){return t=>{e.forEach(n=>Pj(n,t))}}function zd(...e){return f.useCallback(uG(...e),e)}function id({value:e,defaultValue:t,finalValue:n,onChange:r=()=>{}}){const[o,s]=f.useState(t!==void 0?t:n),a=c=>{s(c),r==null||r(c)};return e!==void 0?[e,r,!0]:[o,a,!1]}function jj(e,t){return ZU("(prefers-reduced-motion: reduce)",e,t)}const dG=e=>e<.5?2*e*e:-1+(4-2*e)*e,fG=({axis:e,target:t,parent:n,alignment:r,offset:o,isList:s})=>{if(!t||!n&&typeof document>"u")return 0;const a=!!n,d=(n||document.body).getBoundingClientRect(),p=t.getBoundingClientRect(),h=m=>p[m]-d[m];if(e==="y"){const m=h("top");if(m===0)return 0;if(r==="start"){const b=m-o;return b<=p.height*(s?0:1)||!s?b:0}const v=a?d.height:window.innerHeight;if(r==="end"){const b=m+o-v+p.height;return b>=-p.height*(s?0:1)||!s?b:0}return r==="center"?m-v/2+p.height/2:0}if(e==="x"){const m=h("left");if(m===0)return 0;if(r==="start"){const b=m-o;return b<=p.width||!s?b:0}const v=a?d.width:window.innerWidth;if(r==="end"){const b=m+o-v+p.width;return b>=-p.width||!s?b:0}return r==="center"?m-v/2+p.width/2:0}return 0},pG=({axis:e,parent:t})=>{if(!t&&typeof document>"u")return 0;const n=e==="y"?"scrollTop":"scrollLeft";if(t)return t[n];const{body:r,documentElement:o}=document;return r[n]+o[n]},hG=({axis:e,parent:t,distance:n})=>{if(!t&&typeof document>"u")return;const r=e==="y"?"scrollTop":"scrollLeft";if(t)t[r]=n;else{const{body:o,documentElement:s}=document;o[r]=n,s[r]=n}};function Ij({duration:e=1250,axis:t="y",onScrollFinish:n,easing:r=dG,offset:o=0,cancelable:s=!0,isList:a=!1}={}){const c=f.useRef(0),d=f.useRef(0),p=f.useRef(!1),h=f.useRef(null),m=f.useRef(null),v=jj(),b=()=>{c.current&&cancelAnimationFrame(c.current)},w=f.useCallback(({alignment:S="start"}={})=>{var _;p.current=!1,c.current&&b();const k=(_=pG({parent:h.current,axis:t}))!=null?_:0,j=fG({parent:h.current,target:m.current,axis:t,alignment:S,offset:o,isList:a})-(h.current?0:k);function I(){d.current===0&&(d.current=performance.now());const O=performance.now()-d.current,R=v||e===0?1:O/e,M=k+j*r(R);hG({parent:h.current,axis:t,distance:M}),!p.current&&R<1?c.current=requestAnimationFrame(I):(typeof n=="function"&&n(),d.current=0,c.current=0,b())}I()},[t,e,r,a,o,n,v]),y=()=>{s&&(p.current=!0)};return fC("wheel",y,{passive:!0}),fC("touchmove",y,{passive:!0}),f.useEffect(()=>b,[]),{scrollableRef:h,targetRef:m,scrollIntoView:w,cancel:b}}var pC=Object.getOwnPropertySymbols,mG=Object.prototype.hasOwnProperty,gG=Object.prototype.propertyIsEnumerable,vG=(e,t)=>{var n={};for(var r in e)mG.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&pC)for(var r of pC(e))t.indexOf(r)<0&&gG.call(e,r)&&(n[r]=e[r]);return n};function Tm(e){const t=e,{m:n,mx:r,my:o,mt:s,mb:a,ml:c,mr:d,p,px:h,py:m,pt:v,pb:b,pl:w,pr:y,bg:S,c:_,opacity:k,ff:j,fz:I,fw:E,lts:O,ta:R,lh:M,fs:A,tt:T,td:$,w:Q,miw:B,maw:V,h:q,mih:G,mah:D,bgsz:L,bgp:W,bgr:Y,bga:ae,pos:be,top:ie,left:X,bottom:K,right:U,inset:se,display:re}=t,oe=vG(t,["m","mx","my","mt","mb","ml","mr","p","px","py","pt","pb","pl","pr","bg","c","opacity","ff","fz","fw","lts","ta","lh","fs","tt","td","w","miw","maw","h","mih","mah","bgsz","bgp","bgr","bga","pos","top","left","bottom","right","inset","display"]);return{systemStyles:YD({m:n,mx:r,my:o,mt:s,mb:a,ml:c,mr:d,p,px:h,py:m,pt:v,pb:b,pl:w,pr:y,bg:S,c:_,opacity:k,ff:j,fz:I,fw:E,lts:O,ta:R,lh:M,fs:A,tt:T,td:$,w:Q,miw:B,maw:V,h:q,mih:G,mah:D,bgsz:L,bgp:W,bgr:Y,bga:ae,pos:be,top:ie,left:X,bottom:K,right:U,inset:se,display:re}),rest:oe}}function bG(e,t){const n=Object.keys(e).filter(r=>r!=="base").sort((r,o)=>xw(Vt({size:r,sizes:t.breakpoints}))-xw(Vt({size:o,sizes:t.breakpoints})));return"base"in e?["base",...n]:n}function yG({value:e,theme:t,getValue:n,property:r}){if(e==null)return;if(typeof e=="object")return bG(e,t).reduce((a,c)=>{if(c==="base"&&e.base!==void 0){const p=n(e.base,t);return Array.isArray(r)?(r.forEach(h=>{a[h]=p}),a):(a[r]=p,a)}const d=n(e[c],t);return Array.isArray(r)?(a[t.fn.largerThan(c)]={},r.forEach(p=>{a[t.fn.largerThan(c)][p]=d}),a):(a[t.fn.largerThan(c)]={[r]:d},a)},{});const o=n(e,t);return Array.isArray(r)?r.reduce((s,a)=>(s[a]=o,s),{}):{[r]:o}}function xG(e,t){return e==="dimmed"?t.colorScheme==="dark"?t.colors.dark[2]:t.colors.gray[6]:t.fn.variant({variant:"filled",color:e,primaryFallback:!1}).background}function wG(e){return Ue(e)}function SG(e){return e}function CG(e,t){return Vt({size:e,sizes:t.fontSizes})}const kG=["-xs","-sm","-md","-lg","-xl"];function _G(e,t){return kG.includes(e)?`calc(${Vt({size:e.replace("-",""),sizes:t.spacing})} * -1)`:Vt({size:e,sizes:t.spacing})}const PG={identity:SG,color:xG,size:wG,fontSize:CG,spacing:_G},jG={m:{type:"spacing",property:"margin"},mt:{type:"spacing",property:"marginTop"},mb:{type:"spacing",property:"marginBottom"},ml:{type:"spacing",property:"marginLeft"},mr:{type:"spacing",property:"marginRight"},mx:{type:"spacing",property:["marginRight","marginLeft"]},my:{type:"spacing",property:["marginTop","marginBottom"]},p:{type:"spacing",property:"padding"},pt:{type:"spacing",property:"paddingTop"},pb:{type:"spacing",property:"paddingBottom"},pl:{type:"spacing",property:"paddingLeft"},pr:{type:"spacing",property:"paddingRight"},px:{type:"spacing",property:["paddingRight","paddingLeft"]},py:{type:"spacing",property:["paddingTop","paddingBottom"]},bg:{type:"color",property:"background"},c:{type:"color",property:"color"},opacity:{type:"identity",property:"opacity"},ff:{type:"identity",property:"fontFamily"},fz:{type:"fontSize",property:"fontSize"},fw:{type:"identity",property:"fontWeight"},lts:{type:"size",property:"letterSpacing"},ta:{type:"identity",property:"textAlign"},lh:{type:"identity",property:"lineHeight"},fs:{type:"identity",property:"fontStyle"},tt:{type:"identity",property:"textTransform"},td:{type:"identity",property:"textDecoration"},w:{type:"spacing",property:"width"},miw:{type:"spacing",property:"minWidth"},maw:{type:"spacing",property:"maxWidth"},h:{type:"spacing",property:"height"},mih:{type:"spacing",property:"minHeight"},mah:{type:"spacing",property:"maxHeight"},bgsz:{type:"size",property:"backgroundSize"},bgp:{type:"identity",property:"backgroundPosition"},bgr:{type:"identity",property:"backgroundRepeat"},bga:{type:"identity",property:"backgroundAttachment"},pos:{type:"identity",property:"position"},top:{type:"identity",property:"top"},left:{type:"size",property:"left"},bottom:{type:"size",property:"bottom"},right:{type:"size",property:"right"},inset:{type:"size",property:"inset"},display:{type:"identity",property:"display"}};var IG=Object.defineProperty,hC=Object.getOwnPropertySymbols,EG=Object.prototype.hasOwnProperty,OG=Object.prototype.propertyIsEnumerable,mC=(e,t,n)=>t in e?IG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,gC=(e,t)=>{for(var n in t||(t={}))EG.call(t,n)&&mC(e,n,t[n]);if(hC)for(var n of hC(t))OG.call(t,n)&&mC(e,n,t[n]);return e};function vC(e,t,n=jG){return Object.keys(n).reduce((o,s)=>(s in e&&e[s]!==void 0&&o.push(yG({value:e[s],getValue:PG[n[s].type],property:n[s].property,theme:t})),o),[]).reduce((o,s)=>(Object.keys(s).forEach(a=>{typeof s[a]=="object"&&s[a]!==null&&a in o?o[a]=gC(gC({},o[a]),s[a]):o[a]=s[a]}),o),{})}function bC(e,t){return typeof e=="function"?e(t):e}function RG(e,t,n){const r=Fa(),{css:o,cx:s}=wj();return Array.isArray(e)?s(n,o(vC(t,r)),e.map(a=>o(bC(a,r)))):s(n,o(bC(e,r)),o(vC(t,r)))}var MG=Object.defineProperty,sh=Object.getOwnPropertySymbols,Ej=Object.prototype.hasOwnProperty,Oj=Object.prototype.propertyIsEnumerable,yC=(e,t,n)=>t in e?MG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,DG=(e,t)=>{for(var n in t||(t={}))Ej.call(t,n)&&yC(e,n,t[n]);if(sh)for(var n of sh(t))Oj.call(t,n)&&yC(e,n,t[n]);return e},AG=(e,t)=>{var n={};for(var r in e)Ej.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&sh)for(var r of sh(e))t.indexOf(r)<0&&Oj.call(e,r)&&(n[r]=e[r]);return n};const Rj=f.forwardRef((e,t)=>{var n=e,{className:r,component:o,style:s,sx:a}=n,c=AG(n,["className","component","style","sx"]);const{systemStyles:d,rest:p}=Tm(c),h=o||"div";return H.createElement(h,DG({ref:t,className:RG(a,d,r),style:s},p))});Rj.displayName="@mantine/core/Box";const jo=Rj;var TG=Object.defineProperty,NG=Object.defineProperties,$G=Object.getOwnPropertyDescriptors,xC=Object.getOwnPropertySymbols,zG=Object.prototype.hasOwnProperty,LG=Object.prototype.propertyIsEnumerable,wC=(e,t,n)=>t in e?TG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,SC=(e,t)=>{for(var n in t||(t={}))zG.call(t,n)&&wC(e,n,t[n]);if(xC)for(var n of xC(t))LG.call(t,n)&&wC(e,n,t[n]);return e},BG=(e,t)=>NG(e,$G(t)),FG=so(e=>({root:BG(SC(SC({},e.fn.focusStyles()),e.fn.fontStyles()),{cursor:"pointer",border:0,padding:0,appearance:"none",fontSize:e.fontSizes.md,backgroundColor:"transparent",textAlign:"left",color:e.colorScheme==="dark"?e.colors.dark[0]:e.black,textDecoration:"none",boxSizing:"border-box"})}));const HG=FG;var WG=Object.defineProperty,ah=Object.getOwnPropertySymbols,Mj=Object.prototype.hasOwnProperty,Dj=Object.prototype.propertyIsEnumerable,CC=(e,t,n)=>t in e?WG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,VG=(e,t)=>{for(var n in t||(t={}))Mj.call(t,n)&&CC(e,n,t[n]);if(ah)for(var n of ah(t))Dj.call(t,n)&&CC(e,n,t[n]);return e},UG=(e,t)=>{var n={};for(var r in e)Mj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&ah)for(var r of ah(e))t.indexOf(r)<0&&Dj.call(e,r)&&(n[r]=e[r]);return n};const Aj=f.forwardRef((e,t)=>{const n=Sr("UnstyledButton",{},e),{className:r,component:o="button",unstyled:s,variant:a}=n,c=UG(n,["className","component","unstyled","variant"]),{classes:d,cx:p}=HG(null,{name:"UnstyledButton",unstyled:s,variant:a});return H.createElement(jo,VG({component:o,ref:t,className:p(d.root,r),type:o==="button"?"button":void 0},c))});Aj.displayName="@mantine/core/UnstyledButton";const GG=Aj;var qG=Object.defineProperty,KG=Object.defineProperties,XG=Object.getOwnPropertyDescriptors,kC=Object.getOwnPropertySymbols,YG=Object.prototype.hasOwnProperty,QG=Object.prototype.propertyIsEnumerable,_C=(e,t,n)=>t in e?qG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,x1=(e,t)=>{for(var n in t||(t={}))YG.call(t,n)&&_C(e,n,t[n]);if(kC)for(var n of kC(t))QG.call(t,n)&&_C(e,n,t[n]);return e},PC=(e,t)=>KG(e,XG(t));const JG=["subtle","filled","outline","light","default","transparent","gradient"],tp={xs:Ue(18),sm:Ue(22),md:Ue(28),lg:Ue(34),xl:Ue(44)};function ZG({variant:e,theme:t,color:n,gradient:r}){const o=t.fn.variant({color:n,variant:e,gradient:r});return e==="gradient"?{border:0,backgroundImage:o.background,color:o.color,"&:hover":t.fn.hover({backgroundSize:"200%"})}:JG.includes(e)?x1({border:`${Ue(1)} solid ${o.border}`,backgroundColor:o.background,color:o.color},t.fn.hover({backgroundColor:o.hover})):null}var eq=so((e,{radius:t,color:n,gradient:r},{variant:o,size:s})=>({root:PC(x1({position:"relative",borderRadius:e.fn.radius(t),padding:0,lineHeight:1,display:"flex",alignItems:"center",justifyContent:"center",height:Vt({size:s,sizes:tp}),minHeight:Vt({size:s,sizes:tp}),width:Vt({size:s,sizes:tp}),minWidth:Vt({size:s,sizes:tp})},ZG({variant:o,theme:e,color:n,gradient:r})),{"&:active":e.activeStyles,"& [data-action-icon-loader]":{maxWidth:"70%"},"&:disabled, &[data-disabled]":{color:e.colors.gray[e.colorScheme==="dark"?6:4],cursor:"not-allowed",backgroundColor:o==="transparent"?void 0:e.fn.themeColor("gray",e.colorScheme==="dark"?8:1),borderColor:o==="transparent"?void 0:e.fn.themeColor("gray",e.colorScheme==="dark"?8:1),backgroundImage:"none",pointerEvents:"none","&:active":{transform:"none"}},"&[data-loading]":{pointerEvents:"none","&::before":PC(x1({content:'""'},e.fn.cover(Ue(-1))),{backgroundColor:e.colorScheme==="dark"?e.fn.rgba(e.colors.dark[7],.5):"rgba(255, 255, 255, .5)",borderRadius:e.fn.radius(t),cursor:"not-allowed"})}})}));const tq=eq;var nq=Object.defineProperty,ih=Object.getOwnPropertySymbols,Tj=Object.prototype.hasOwnProperty,Nj=Object.prototype.propertyIsEnumerable,jC=(e,t,n)=>t in e?nq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,IC=(e,t)=>{for(var n in t||(t={}))Tj.call(t,n)&&jC(e,n,t[n]);if(ih)for(var n of ih(t))Nj.call(t,n)&&jC(e,n,t[n]);return e},EC=(e,t)=>{var n={};for(var r in e)Tj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&ih)for(var r of ih(e))t.indexOf(r)<0&&Nj.call(e,r)&&(n[r]=e[r]);return n};function rq(e){var t=e,{size:n,color:r}=t,o=EC(t,["size","color"]);const s=o,{style:a}=s,c=EC(s,["style"]);return H.createElement("svg",IC({viewBox:"0 0 135 140",xmlns:"http://www.w3.org/2000/svg",fill:r,style:IC({width:n},a)},c),H.createElement("rect",{y:"10",width:"15",height:"120",rx:"6"},H.createElement("animate",{attributeName:"height",begin:"0.5s",dur:"1s",values:"120;110;100;90;80;70;60;50;40;140;120",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"y",begin:"0.5s",dur:"1s",values:"10;15;20;25;30;35;40;45;50;0;10",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("rect",{x:"30",y:"10",width:"15",height:"120",rx:"6"},H.createElement("animate",{attributeName:"height",begin:"0.25s",dur:"1s",values:"120;110;100;90;80;70;60;50;40;140;120",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"y",begin:"0.25s",dur:"1s",values:"10;15;20;25;30;35;40;45;50;0;10",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("rect",{x:"60",width:"15",height:"140",rx:"6"},H.createElement("animate",{attributeName:"height",begin:"0s",dur:"1s",values:"120;110;100;90;80;70;60;50;40;140;120",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"y",begin:"0s",dur:"1s",values:"10;15;20;25;30;35;40;45;50;0;10",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("rect",{x:"90",y:"10",width:"15",height:"120",rx:"6"},H.createElement("animate",{attributeName:"height",begin:"0.25s",dur:"1s",values:"120;110;100;90;80;70;60;50;40;140;120",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"y",begin:"0.25s",dur:"1s",values:"10;15;20;25;30;35;40;45;50;0;10",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("rect",{x:"120",y:"10",width:"15",height:"120",rx:"6"},H.createElement("animate",{attributeName:"height",begin:"0.5s",dur:"1s",values:"120;110;100;90;80;70;60;50;40;140;120",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"y",begin:"0.5s",dur:"1s",values:"10;15;20;25;30;35;40;45;50;0;10",calcMode:"linear",repeatCount:"indefinite"})))}var oq=Object.defineProperty,lh=Object.getOwnPropertySymbols,$j=Object.prototype.hasOwnProperty,zj=Object.prototype.propertyIsEnumerable,OC=(e,t,n)=>t in e?oq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,RC=(e,t)=>{for(var n in t||(t={}))$j.call(t,n)&&OC(e,n,t[n]);if(lh)for(var n of lh(t))zj.call(t,n)&&OC(e,n,t[n]);return e},MC=(e,t)=>{var n={};for(var r in e)$j.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&lh)for(var r of lh(e))t.indexOf(r)<0&&zj.call(e,r)&&(n[r]=e[r]);return n};function sq(e){var t=e,{size:n,color:r}=t,o=MC(t,["size","color"]);const s=o,{style:a}=s,c=MC(s,["style"]);return H.createElement("svg",RC({viewBox:"0 0 38 38",xmlns:"http://www.w3.org/2000/svg",stroke:r,style:RC({width:n,height:n},a)},c),H.createElement("g",{fill:"none",fillRule:"evenodd"},H.createElement("g",{transform:"translate(2.5 2.5)",strokeWidth:"5"},H.createElement("circle",{strokeOpacity:".5",cx:"16",cy:"16",r:"16"}),H.createElement("path",{d:"M32 16c0-9.94-8.06-16-16-16"},H.createElement("animateTransform",{attributeName:"transform",type:"rotate",from:"0 16 16",to:"360 16 16",dur:"1s",repeatCount:"indefinite"})))))}var aq=Object.defineProperty,ch=Object.getOwnPropertySymbols,Lj=Object.prototype.hasOwnProperty,Bj=Object.prototype.propertyIsEnumerable,DC=(e,t,n)=>t in e?aq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,AC=(e,t)=>{for(var n in t||(t={}))Lj.call(t,n)&&DC(e,n,t[n]);if(ch)for(var n of ch(t))Bj.call(t,n)&&DC(e,n,t[n]);return e},TC=(e,t)=>{var n={};for(var r in e)Lj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&ch)for(var r of ch(e))t.indexOf(r)<0&&Bj.call(e,r)&&(n[r]=e[r]);return n};function iq(e){var t=e,{size:n,color:r}=t,o=TC(t,["size","color"]);const s=o,{style:a}=s,c=TC(s,["style"]);return H.createElement("svg",AC({viewBox:"0 0 120 30",xmlns:"http://www.w3.org/2000/svg",fill:r,style:AC({width:n},a)},c),H.createElement("circle",{cx:"15",cy:"15",r:"15"},H.createElement("animate",{attributeName:"r",from:"15",to:"15",begin:"0s",dur:"0.8s",values:"15;9;15",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"fill-opacity",from:"1",to:"1",begin:"0s",dur:"0.8s",values:"1;.5;1",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("circle",{cx:"60",cy:"15",r:"9",fillOpacity:"0.3"},H.createElement("animate",{attributeName:"r",from:"9",to:"9",begin:"0s",dur:"0.8s",values:"9;15;9",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"fill-opacity",from:"0.5",to:"0.5",begin:"0s",dur:"0.8s",values:".5;1;.5",calcMode:"linear",repeatCount:"indefinite"})),H.createElement("circle",{cx:"105",cy:"15",r:"15"},H.createElement("animate",{attributeName:"r",from:"15",to:"15",begin:"0s",dur:"0.8s",values:"15;9;15",calcMode:"linear",repeatCount:"indefinite"}),H.createElement("animate",{attributeName:"fill-opacity",from:"1",to:"1",begin:"0s",dur:"0.8s",values:"1;.5;1",calcMode:"linear",repeatCount:"indefinite"})))}var lq=Object.defineProperty,uh=Object.getOwnPropertySymbols,Fj=Object.prototype.hasOwnProperty,Hj=Object.prototype.propertyIsEnumerable,NC=(e,t,n)=>t in e?lq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,cq=(e,t)=>{for(var n in t||(t={}))Fj.call(t,n)&&NC(e,n,t[n]);if(uh)for(var n of uh(t))Hj.call(t,n)&&NC(e,n,t[n]);return e},uq=(e,t)=>{var n={};for(var r in e)Fj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&uh)for(var r of uh(e))t.indexOf(r)<0&&Hj.call(e,r)&&(n[r]=e[r]);return n};const J0={bars:rq,oval:sq,dots:iq},dq={xs:Ue(18),sm:Ue(22),md:Ue(36),lg:Ue(44),xl:Ue(58)},fq={size:"md"};function Wj(e){const t=Sr("Loader",fq,e),{size:n,color:r,variant:o}=t,s=uq(t,["size","color","variant"]),a=Fa(),c=o in J0?o:a.loader;return H.createElement(jo,cq({role:"presentation",component:J0[c]||J0.bars,size:Vt({size:n,sizes:dq}),color:a.fn.variant({variant:"filled",primaryFallback:!1,color:r||a.primaryColor}).background},s))}Wj.displayName="@mantine/core/Loader";var pq=Object.defineProperty,dh=Object.getOwnPropertySymbols,Vj=Object.prototype.hasOwnProperty,Uj=Object.prototype.propertyIsEnumerable,$C=(e,t,n)=>t in e?pq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,zC=(e,t)=>{for(var n in t||(t={}))Vj.call(t,n)&&$C(e,n,t[n]);if(dh)for(var n of dh(t))Uj.call(t,n)&&$C(e,n,t[n]);return e},hq=(e,t)=>{var n={};for(var r in e)Vj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&dh)for(var r of dh(e))t.indexOf(r)<0&&Uj.call(e,r)&&(n[r]=e[r]);return n};const mq={color:"gray",size:"md",variant:"subtle"},Gj=f.forwardRef((e,t)=>{const n=Sr("ActionIcon",mq,e),{className:r,color:o,children:s,radius:a,size:c,variant:d,gradient:p,disabled:h,loaderProps:m,loading:v,unstyled:b,__staticSelector:w}=n,y=hq(n,["className","color","children","radius","size","variant","gradient","disabled","loaderProps","loading","unstyled","__staticSelector"]),{classes:S,cx:_,theme:k}=tq({radius:a,color:o,gradient:p},{name:["ActionIcon",w],unstyled:b,size:c,variant:d}),j=H.createElement(Wj,zC({color:k.fn.variant({color:o,variant:d}).color,size:"100%","data-action-icon-loader":!0},m));return H.createElement(GG,zC({className:_(S.root,r),ref:t,disabled:h,"data-disabled":h||void 0,"data-loading":v||void 0,unstyled:b},y),v?j:s)});Gj.displayName="@mantine/core/ActionIcon";const gq=Gj;var vq=Object.defineProperty,bq=Object.defineProperties,yq=Object.getOwnPropertyDescriptors,fh=Object.getOwnPropertySymbols,qj=Object.prototype.hasOwnProperty,Kj=Object.prototype.propertyIsEnumerable,LC=(e,t,n)=>t in e?vq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,xq=(e,t)=>{for(var n in t||(t={}))qj.call(t,n)&&LC(e,n,t[n]);if(fh)for(var n of fh(t))Kj.call(t,n)&&LC(e,n,t[n]);return e},wq=(e,t)=>bq(e,yq(t)),Sq=(e,t)=>{var n={};for(var r in e)qj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&fh)for(var r of fh(e))t.indexOf(r)<0&&Kj.call(e,r)&&(n[r]=e[r]);return n};function Xj(e){const t=Sr("Portal",{},e),{children:n,target:r,className:o,innerRef:s}=t,a=Sq(t,["children","target","className","innerRef"]),c=Fa(),[d,p]=f.useState(!1),h=f.useRef();return Sj(()=>(p(!0),h.current=r?typeof r=="string"?document.querySelector(r):r:document.createElement("div"),r||document.body.appendChild(h.current),()=>{!r&&document.body.removeChild(h.current)}),[r]),d?_i.createPortal(H.createElement("div",wq(xq({className:o,dir:c.dir},a),{ref:s}),n),h.current):null}Xj.displayName="@mantine/core/Portal";var Cq=Object.defineProperty,ph=Object.getOwnPropertySymbols,Yj=Object.prototype.hasOwnProperty,Qj=Object.prototype.propertyIsEnumerable,BC=(e,t,n)=>t in e?Cq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,kq=(e,t)=>{for(var n in t||(t={}))Yj.call(t,n)&&BC(e,n,t[n]);if(ph)for(var n of ph(t))Qj.call(t,n)&&BC(e,n,t[n]);return e},_q=(e,t)=>{var n={};for(var r in e)Yj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&ph)for(var r of ph(e))t.indexOf(r)<0&&Qj.call(e,r)&&(n[r]=e[r]);return n};function Jj(e){var t=e,{withinPortal:n=!0,children:r}=t,o=_q(t,["withinPortal","children"]);return n?H.createElement(Xj,kq({},o),r):H.createElement(H.Fragment,null,r)}Jj.displayName="@mantine/core/OptionalPortal";var Pq=Object.defineProperty,hh=Object.getOwnPropertySymbols,Zj=Object.prototype.hasOwnProperty,eI=Object.prototype.propertyIsEnumerable,FC=(e,t,n)=>t in e?Pq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,HC=(e,t)=>{for(var n in t||(t={}))Zj.call(t,n)&&FC(e,n,t[n]);if(hh)for(var n of hh(t))eI.call(t,n)&&FC(e,n,t[n]);return e},jq=(e,t)=>{var n={};for(var r in e)Zj.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&hh)for(var r of hh(e))t.indexOf(r)<0&&eI.call(e,r)&&(n[r]=e[r]);return n};function tI(e){const t=e,{width:n,height:r,style:o}=t,s=jq(t,["width","height","style"]);return H.createElement("svg",HC({viewBox:"0 0 15 15",fill:"none",xmlns:"http://www.w3.org/2000/svg",style:HC({width:n,height:r},o)},s),H.createElement("path",{d:"M11.7816 4.03157C12.0062 3.80702 12.0062 3.44295 11.7816 3.2184C11.5571 2.99385 11.193 2.99385 10.9685 3.2184L7.50005 6.68682L4.03164 3.2184C3.80708 2.99385 3.44301 2.99385 3.21846 3.2184C2.99391 3.44295 2.99391 3.80702 3.21846 4.03157L6.68688 7.49999L3.21846 10.9684C2.99391 11.193 2.99391 11.557 3.21846 11.7816C3.44301 12.0061 3.80708 12.0061 4.03164 11.7816L7.50005 8.31316L10.9685 11.7816C11.193 12.0061 11.5571 12.0061 11.7816 11.7816C12.0062 11.557 12.0062 11.193 11.7816 10.9684L8.31322 7.49999L11.7816 4.03157Z",fill:"currentColor",fillRule:"evenodd",clipRule:"evenodd"}))}tI.displayName="@mantine/core/CloseIcon";var Iq=Object.defineProperty,mh=Object.getOwnPropertySymbols,nI=Object.prototype.hasOwnProperty,rI=Object.prototype.propertyIsEnumerable,WC=(e,t,n)=>t in e?Iq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Eq=(e,t)=>{for(var n in t||(t={}))nI.call(t,n)&&WC(e,n,t[n]);if(mh)for(var n of mh(t))rI.call(t,n)&&WC(e,n,t[n]);return e},Oq=(e,t)=>{var n={};for(var r in e)nI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&mh)for(var r of mh(e))t.indexOf(r)<0&&rI.call(e,r)&&(n[r]=e[r]);return n};const Rq={xs:Ue(12),sm:Ue(16),md:Ue(20),lg:Ue(28),xl:Ue(34)},Mq={size:"sm"},oI=f.forwardRef((e,t)=>{const n=Sr("CloseButton",Mq,e),{iconSize:r,size:o,children:s}=n,a=Oq(n,["iconSize","size","children"]),c=Ue(r||Rq[o]);return H.createElement(gq,Eq({ref:t,__staticSelector:"CloseButton",size:o},a),s||H.createElement(tI,{width:c,height:c}))});oI.displayName="@mantine/core/CloseButton";const sI=oI;var Dq=Object.defineProperty,Aq=Object.defineProperties,Tq=Object.getOwnPropertyDescriptors,VC=Object.getOwnPropertySymbols,Nq=Object.prototype.hasOwnProperty,$q=Object.prototype.propertyIsEnumerable,UC=(e,t,n)=>t in e?Dq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,np=(e,t)=>{for(var n in t||(t={}))Nq.call(t,n)&&UC(e,n,t[n]);if(VC)for(var n of VC(t))$q.call(t,n)&&UC(e,n,t[n]);return e},zq=(e,t)=>Aq(e,Tq(t));function Lq({underline:e,strikethrough:t}){const n=[];return e&&n.push("underline"),t&&n.push("line-through"),n.length>0?n.join(" "):"none"}function Bq({theme:e,color:t}){return t==="dimmed"?e.fn.dimmed():typeof t=="string"&&(t in e.colors||t.split(".")[0]in e.colors)?e.fn.variant({variant:"filled",color:t}).background:t||"inherit"}function Fq(e){return typeof e=="number"?{overflow:"hidden",textOverflow:"ellipsis",display:"-webkit-box",WebkitLineClamp:e,WebkitBoxOrient:"vertical"}:null}function Hq({theme:e,truncate:t}){return t==="start"?{overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap",direction:e.dir==="ltr"?"rtl":"ltr",textAlign:e.dir==="ltr"?"right":"left"}:t?{overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"}:null}var Wq=so((e,{color:t,lineClamp:n,truncate:r,inline:o,inherit:s,underline:a,gradient:c,weight:d,transform:p,align:h,strikethrough:m,italic:v},{size:b})=>{const w=e.fn.variant({variant:"gradient",gradient:c});return{root:zq(np(np(np(np({},e.fn.fontStyles()),e.fn.focusStyles()),Fq(n)),Hq({theme:e,truncate:r})),{color:Bq({color:t,theme:e}),fontFamily:s?"inherit":e.fontFamily,fontSize:s||b===void 0?"inherit":Vt({size:b,sizes:e.fontSizes}),lineHeight:s?"inherit":o?1:e.lineHeight,textDecoration:Lq({underline:a,strikethrough:m}),WebkitTapHighlightColor:"transparent",fontWeight:s?"inherit":d,textTransform:p,textAlign:h,fontStyle:v?"italic":void 0}),gradient:{backgroundImage:w.background,WebkitBackgroundClip:"text",WebkitTextFillColor:"transparent"}}});const Vq=Wq;var Uq=Object.defineProperty,gh=Object.getOwnPropertySymbols,aI=Object.prototype.hasOwnProperty,iI=Object.prototype.propertyIsEnumerable,GC=(e,t,n)=>t in e?Uq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Gq=(e,t)=>{for(var n in t||(t={}))aI.call(t,n)&&GC(e,n,t[n]);if(gh)for(var n of gh(t))iI.call(t,n)&&GC(e,n,t[n]);return e},qq=(e,t)=>{var n={};for(var r in e)aI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&gh)for(var r of gh(e))t.indexOf(r)<0&&iI.call(e,r)&&(n[r]=e[r]);return n};const Kq={variant:"text"},lI=f.forwardRef((e,t)=>{const n=Sr("Text",Kq,e),{className:r,size:o,weight:s,transform:a,color:c,align:d,variant:p,lineClamp:h,truncate:m,gradient:v,inline:b,inherit:w,underline:y,strikethrough:S,italic:_,classNames:k,styles:j,unstyled:I,span:E,__staticSelector:O}=n,R=qq(n,["className","size","weight","transform","color","align","variant","lineClamp","truncate","gradient","inline","inherit","underline","strikethrough","italic","classNames","styles","unstyled","span","__staticSelector"]),{classes:M,cx:A}=Vq({color:c,lineClamp:h,truncate:m,inline:b,inherit:w,underline:y,strikethrough:S,italic:_,weight:s,transform:a,align:d,gradient:v},{unstyled:I,name:O||"Text",variant:p,size:o});return H.createElement(jo,Gq({ref:t,className:A(M.root,{[M.gradient]:p==="gradient"},r),component:E?"span":"div"},R))});lI.displayName="@mantine/core/Text";const Cc=lI,rp={xs:Ue(1),sm:Ue(2),md:Ue(3),lg:Ue(4),xl:Ue(5)};function op(e,t){const n=e.fn.variant({variant:"outline",color:t}).border;return typeof t=="string"&&(t in e.colors||t.split(".")[0]in e.colors)?n:t===void 0?e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[4]:t}var Xq=so((e,{color:t},{size:n,variant:r})=>({root:{},withLabel:{borderTop:"0 !important"},left:{"&::before":{display:"none"}},right:{"&::after":{display:"none"}},label:{display:"flex",alignItems:"center","&::before":{content:'""',flex:1,height:Ue(1),borderTop:`${Vt({size:n,sizes:rp})} ${r} ${op(e,t)}`,marginRight:e.spacing.xs},"&::after":{content:'""',flex:1,borderTop:`${Vt({size:n,sizes:rp})} ${r} ${op(e,t)}`,marginLeft:e.spacing.xs}},labelDefaultStyles:{color:t==="dark"?e.colors.dark[1]:e.fn.themeColor(t,e.colorScheme==="dark"?5:e.fn.primaryShade(),!1)},horizontal:{border:0,borderTopWidth:Ue(Vt({size:n,sizes:rp})),borderTopColor:op(e,t),borderTopStyle:r,margin:0},vertical:{border:0,alignSelf:"stretch",height:"auto",borderLeftWidth:Ue(Vt({size:n,sizes:rp})),borderLeftColor:op(e,t),borderLeftStyle:r}}));const Yq=Xq;var Qq=Object.defineProperty,Jq=Object.defineProperties,Zq=Object.getOwnPropertyDescriptors,vh=Object.getOwnPropertySymbols,cI=Object.prototype.hasOwnProperty,uI=Object.prototype.propertyIsEnumerable,qC=(e,t,n)=>t in e?Qq(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,KC=(e,t)=>{for(var n in t||(t={}))cI.call(t,n)&&qC(e,n,t[n]);if(vh)for(var n of vh(t))uI.call(t,n)&&qC(e,n,t[n]);return e},eK=(e,t)=>Jq(e,Zq(t)),tK=(e,t)=>{var n={};for(var r in e)cI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&vh)for(var r of vh(e))t.indexOf(r)<0&&uI.call(e,r)&&(n[r]=e[r]);return n};const nK={orientation:"horizontal",size:"xs",labelPosition:"left",variant:"solid"},w1=f.forwardRef((e,t)=>{const n=Sr("Divider",nK,e),{className:r,color:o,orientation:s,size:a,label:c,labelPosition:d,labelProps:p,variant:h,styles:m,classNames:v,unstyled:b}=n,w=tK(n,["className","color","orientation","size","label","labelPosition","labelProps","variant","styles","classNames","unstyled"]),{classes:y,cx:S}=Yq({color:o},{classNames:v,styles:m,unstyled:b,name:"Divider",variant:h,size:a}),_=s==="vertical",k=s==="horizontal",j=!!c&&k,I=!(p!=null&&p.color);return H.createElement(jo,KC({ref:t,className:S(y.root,{[y.vertical]:_,[y.horizontal]:k,[y.withLabel]:j},r),role:"separator"},w),j&&H.createElement(Cc,eK(KC({},p),{size:(p==null?void 0:p.size)||"xs",mt:Ue(2),className:S(y.label,y[d],{[y.labelDefaultStyles]:I})}),c))});w1.displayName="@mantine/core/Divider";var rK=Object.defineProperty,oK=Object.defineProperties,sK=Object.getOwnPropertyDescriptors,XC=Object.getOwnPropertySymbols,aK=Object.prototype.hasOwnProperty,iK=Object.prototype.propertyIsEnumerable,YC=(e,t,n)=>t in e?rK(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,QC=(e,t)=>{for(var n in t||(t={}))aK.call(t,n)&&YC(e,n,t[n]);if(XC)for(var n of XC(t))iK.call(t,n)&&YC(e,n,t[n]);return e},lK=(e,t)=>oK(e,sK(t)),cK=so((e,t,{size:n})=>({item:lK(QC({},e.fn.fontStyles()),{boxSizing:"border-box",wordBreak:"break-all",textAlign:"left",width:"100%",padding:`calc(${Vt({size:n,sizes:e.spacing})} / 1.5) ${Vt({size:n,sizes:e.spacing})}`,cursor:"pointer",fontSize:Vt({size:n,sizes:e.fontSizes}),color:e.colorScheme==="dark"?e.colors.dark[0]:e.black,borderRadius:e.fn.radius(),"&[data-hovered]":{backgroundColor:e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[1]},"&[data-selected]":QC({backgroundColor:e.fn.variant({variant:"filled"}).background,color:e.fn.variant({variant:"filled"}).color},e.fn.hover({backgroundColor:e.fn.variant({variant:"filled"}).hover})),"&[data-disabled]":{cursor:"default",color:e.colors.dark[2]}}),nothingFound:{boxSizing:"border-box",color:e.colors.gray[6],paddingTop:`calc(${Vt({size:n,sizes:e.spacing})} / 2)`,paddingBottom:`calc(${Vt({size:n,sizes:e.spacing})} / 2)`,textAlign:"center"},separator:{boxSizing:"border-box",textAlign:"left",width:"100%",padding:`calc(${Vt({size:n,sizes:e.spacing})} / 1.5) ${Vt({size:n,sizes:e.spacing})}`},separatorLabel:{color:e.colorScheme==="dark"?e.colors.dark[3]:e.colors.gray[5]}}));const uK=cK;var dK=Object.defineProperty,JC=Object.getOwnPropertySymbols,fK=Object.prototype.hasOwnProperty,pK=Object.prototype.propertyIsEnumerable,ZC=(e,t,n)=>t in e?dK(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,hK=(e,t)=>{for(var n in t||(t={}))fK.call(t,n)&&ZC(e,n,t[n]);if(JC)for(var n of JC(t))pK.call(t,n)&&ZC(e,n,t[n]);return e};function Iy({data:e,hovered:t,classNames:n,styles:r,isItemSelected:o,uuid:s,__staticSelector:a,onItemHover:c,onItemSelect:d,itemsRefs:p,itemComponent:h,size:m,nothingFound:v,creatable:b,createLabel:w,unstyled:y,variant:S}){const{classes:_}=uK(null,{classNames:n,styles:r,unstyled:y,name:a,variant:S,size:m}),k=[],j=[];let I=null;const E=(R,M)=>{const A=typeof o=="function"?o(R.value):!1;return H.createElement(h,hK({key:R.value,className:_.item,"data-disabled":R.disabled||void 0,"data-hovered":!R.disabled&&t===M||void 0,"data-selected":!R.disabled&&A||void 0,selected:A,onMouseEnter:()=>c(M),id:`${s}-${M}`,role:"option",tabIndex:-1,"aria-selected":t===M,ref:T=>{p&&p.current&&(p.current[R.value]=T)},onMouseDown:R.disabled?null:T=>{T.preventDefault(),d(R)},disabled:R.disabled,variant:S},R))};let O=null;if(e.forEach((R,M)=>{R.creatable?I=M:R.group?(O!==R.group&&(O=R.group,j.push(H.createElement("div",{className:_.separator,key:`__mantine-divider-${M}`},H.createElement(w1,{classNames:{label:_.separatorLabel},label:R.group})))),j.push(E(R,M))):k.push(E(R,M))}),b){const R=e[I];k.push(H.createElement("div",{key:Py(),className:_.item,"data-hovered":t===I||void 0,onMouseEnter:()=>c(I),onMouseDown:M=>{M.preventDefault(),d(R)},tabIndex:-1,ref:M=>{p&&p.current&&(p.current[R.value]=M)}},w))}return j.length>0&&k.length>0&&k.unshift(H.createElement("div",{className:_.separator,key:"empty-group-separator"},H.createElement(w1,null))),j.length>0||k.length>0?H.createElement(H.Fragment,null,j,k):H.createElement(Cc,{size:m,unstyled:y,className:_.nothingFound},v)}Iy.displayName="@mantine/core/SelectItems";var mK=Object.defineProperty,bh=Object.getOwnPropertySymbols,dI=Object.prototype.hasOwnProperty,fI=Object.prototype.propertyIsEnumerable,e4=(e,t,n)=>t in e?mK(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,gK=(e,t)=>{for(var n in t||(t={}))dI.call(t,n)&&e4(e,n,t[n]);if(bh)for(var n of bh(t))fI.call(t,n)&&e4(e,n,t[n]);return e},vK=(e,t)=>{var n={};for(var r in e)dI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&bh)for(var r of bh(e))t.indexOf(r)<0&&fI.call(e,r)&&(n[r]=e[r]);return n};const Ey=f.forwardRef((e,t)=>{var n=e,{label:r,value:o}=n,s=vK(n,["label","value"]);return H.createElement("div",gK({ref:t},s),r||o)});Ey.displayName="@mantine/core/DefaultItem";function bK(e,t){typeof e=="function"?e(t):e!=null&&(e.current=t)}function pI(...e){return t=>e.forEach(n=>bK(n,t))}function vl(...e){return f.useCallback(pI(...e),e)}const hI=f.forwardRef((e,t)=>{const{children:n,...r}=e,o=f.Children.toArray(n),s=o.find(xK);if(s){const a=s.props.children,c=o.map(d=>d===s?f.Children.count(a)>1?f.Children.only(null):f.isValidElement(a)?a.props.children:null:d);return f.createElement(S1,or({},r,{ref:t}),f.isValidElement(a)?f.cloneElement(a,void 0,c):null)}return f.createElement(S1,or({},r,{ref:t}),n)});hI.displayName="Slot";const S1=f.forwardRef((e,t)=>{const{children:n,...r}=e;return f.isValidElement(n)?f.cloneElement(n,{...wK(r,n.props),ref:pI(t,n.ref)}):f.Children.count(n)>1?f.Children.only(null):null});S1.displayName="SlotClone";const yK=({children:e})=>f.createElement(f.Fragment,null,e);function xK(e){return f.isValidElement(e)&&e.type===yK}function wK(e,t){const n={...t};for(const r in t){const o=e[r],s=t[r];/^on[A-Z]/.test(r)?o&&s?n[r]=(...c)=>{s(...c),o(...c)}:o&&(n[r]=o):r==="style"?n[r]={...o,...s}:r==="className"&&(n[r]=[o,s].filter(Boolean).join(" "))}return{...e,...n}}const SK=["a","button","div","h2","h3","img","label","li","nav","ol","p","span","svg","ul"],Ld=SK.reduce((e,t)=>{const n=f.forwardRef((r,o)=>{const{asChild:s,...a}=r,c=s?hI:t;return f.useEffect(()=>{window[Symbol.for("radix-ui")]=!0},[]),f.createElement(c,or({},a,{ref:o}))});return n.displayName=`Primitive.${t}`,{...e,[t]:n}},{}),C1=globalThis!=null&&globalThis.document?f.useLayoutEffect:()=>{};function CK(e,t){return f.useReducer((n,r)=>{const o=t[n][r];return o??n},e)}const Bd=e=>{const{present:t,children:n}=e,r=kK(t),o=typeof n=="function"?n({present:r.isPresent}):f.Children.only(n),s=vl(r.ref,o.ref);return typeof n=="function"||r.isPresent?f.cloneElement(o,{ref:s}):null};Bd.displayName="Presence";function kK(e){const[t,n]=f.useState(),r=f.useRef({}),o=f.useRef(e),s=f.useRef("none"),a=e?"mounted":"unmounted",[c,d]=CK(a,{mounted:{UNMOUNT:"unmounted",ANIMATION_OUT:"unmountSuspended"},unmountSuspended:{MOUNT:"mounted",ANIMATION_END:"unmounted"},unmounted:{MOUNT:"mounted"}});return f.useEffect(()=>{const p=sp(r.current);s.current=c==="mounted"?p:"none"},[c]),C1(()=>{const p=r.current,h=o.current;if(h!==e){const v=s.current,b=sp(p);e?d("MOUNT"):b==="none"||(p==null?void 0:p.display)==="none"?d("UNMOUNT"):d(h&&v!==b?"ANIMATION_OUT":"UNMOUNT"),o.current=e}},[e,d]),C1(()=>{if(t){const p=m=>{const b=sp(r.current).includes(m.animationName);m.target===t&&b&&_i.flushSync(()=>d("ANIMATION_END"))},h=m=>{m.target===t&&(s.current=sp(r.current))};return t.addEventListener("animationstart",h),t.addEventListener("animationcancel",p),t.addEventListener("animationend",p),()=>{t.removeEventListener("animationstart",h),t.removeEventListener("animationcancel",p),t.removeEventListener("animationend",p)}}else d("ANIMATION_END")},[t,d]),{isPresent:["mounted","unmountSuspended"].includes(c),ref:f.useCallback(p=>{p&&(r.current=getComputedStyle(p)),n(p)},[])}}function sp(e){return(e==null?void 0:e.animationName)||"none"}function _K(e,t=[]){let n=[];function r(s,a){const c=f.createContext(a),d=n.length;n=[...n,a];function p(m){const{scope:v,children:b,...w}=m,y=(v==null?void 0:v[e][d])||c,S=f.useMemo(()=>w,Object.values(w));return f.createElement(y.Provider,{value:S},b)}function h(m,v){const b=(v==null?void 0:v[e][d])||c,w=f.useContext(b);if(w)return w;if(a!==void 0)return a;throw new Error(`\`${m}\` must be used within \`${s}\``)}return p.displayName=s+"Provider",[p,h]}const o=()=>{const s=n.map(a=>f.createContext(a));return function(c){const d=(c==null?void 0:c[e])||s;return f.useMemo(()=>({[`__scope${e}`]:{...c,[e]:d}}),[c,d])}};return o.scopeName=e,[r,PK(o,...t)]}function PK(...e){const t=e[0];if(e.length===1)return t;const n=()=>{const r=e.map(o=>({useScope:o(),scopeName:o.scopeName}));return function(s){const a=r.reduce((c,{useScope:d,scopeName:p})=>{const m=d(s)[`__scope${p}`];return{...c,...m}},{});return f.useMemo(()=>({[`__scope${t.scopeName}`]:a}),[a])}};return n.scopeName=t.scopeName,n}function Gi(e){const t=f.useRef(e);return f.useEffect(()=>{t.current=e}),f.useMemo(()=>(...n)=>{var r;return(r=t.current)===null||r===void 0?void 0:r.call(t,...n)},[])}const jK=f.createContext(void 0);function IK(e){const t=f.useContext(jK);return e||t||"ltr"}function EK(e,[t,n]){return Math.min(n,Math.max(t,e))}function el(e,t,{checkForDefaultPrevented:n=!0}={}){return function(o){if(e==null||e(o),n===!1||!o.defaultPrevented)return t==null?void 0:t(o)}}function OK(e,t){return f.useReducer((n,r)=>{const o=t[n][r];return o??n},e)}const mI="ScrollArea",[gI,Rde]=_K(mI),[RK,ds]=gI(mI),MK=f.forwardRef((e,t)=>{const{__scopeScrollArea:n,type:r="hover",dir:o,scrollHideDelay:s=600,...a}=e,[c,d]=f.useState(null),[p,h]=f.useState(null),[m,v]=f.useState(null),[b,w]=f.useState(null),[y,S]=f.useState(null),[_,k]=f.useState(0),[j,I]=f.useState(0),[E,O]=f.useState(!1),[R,M]=f.useState(!1),A=vl(t,$=>d($)),T=IK(o);return f.createElement(RK,{scope:n,type:r,dir:T,scrollHideDelay:s,scrollArea:c,viewport:p,onViewportChange:h,content:m,onContentChange:v,scrollbarX:b,onScrollbarXChange:w,scrollbarXEnabled:E,onScrollbarXEnabledChange:O,scrollbarY:y,onScrollbarYChange:S,scrollbarYEnabled:R,onScrollbarYEnabledChange:M,onCornerWidthChange:k,onCornerHeightChange:I},f.createElement(Ld.div,or({dir:T},a,{ref:A,style:{position:"relative","--radix-scroll-area-corner-width":_+"px","--radix-scroll-area-corner-height":j+"px",...e.style}})))}),DK="ScrollAreaViewport",AK=f.forwardRef((e,t)=>{const{__scopeScrollArea:n,children:r,...o}=e,s=ds(DK,n),a=f.useRef(null),c=vl(t,a,s.onViewportChange);return f.createElement(f.Fragment,null,f.createElement("style",{dangerouslySetInnerHTML:{__html:"[data-radix-scroll-area-viewport]{scrollbar-width:none;-ms-overflow-style:none;-webkit-overflow-scrolling:touch;}[data-radix-scroll-area-viewport]::-webkit-scrollbar{display:none}"}}),f.createElement(Ld.div,or({"data-radix-scroll-area-viewport":""},o,{ref:c,style:{overflowX:s.scrollbarXEnabled?"scroll":"hidden",overflowY:s.scrollbarYEnabled?"scroll":"hidden",...e.style}}),f.createElement("div",{ref:s.onContentChange,style:{minWidth:"100%",display:"table"}},r)))}),Wa="ScrollAreaScrollbar",TK=f.forwardRef((e,t)=>{const{forceMount:n,...r}=e,o=ds(Wa,e.__scopeScrollArea),{onScrollbarXEnabledChange:s,onScrollbarYEnabledChange:a}=o,c=e.orientation==="horizontal";return f.useEffect(()=>(c?s(!0):a(!0),()=>{c?s(!1):a(!1)}),[c,s,a]),o.type==="hover"?f.createElement(NK,or({},r,{ref:t,forceMount:n})):o.type==="scroll"?f.createElement($K,or({},r,{ref:t,forceMount:n})):o.type==="auto"?f.createElement(vI,or({},r,{ref:t,forceMount:n})):o.type==="always"?f.createElement(Oy,or({},r,{ref:t})):null}),NK=f.forwardRef((e,t)=>{const{forceMount:n,...r}=e,o=ds(Wa,e.__scopeScrollArea),[s,a]=f.useState(!1);return f.useEffect(()=>{const c=o.scrollArea;let d=0;if(c){const p=()=>{window.clearTimeout(d),a(!0)},h=()=>{d=window.setTimeout(()=>a(!1),o.scrollHideDelay)};return c.addEventListener("pointerenter",p),c.addEventListener("pointerleave",h),()=>{window.clearTimeout(d),c.removeEventListener("pointerenter",p),c.removeEventListener("pointerleave",h)}}},[o.scrollArea,o.scrollHideDelay]),f.createElement(Bd,{present:n||s},f.createElement(vI,or({"data-state":s?"visible":"hidden"},r,{ref:t})))}),$K=f.forwardRef((e,t)=>{const{forceMount:n,...r}=e,o=ds(Wa,e.__scopeScrollArea),s=e.orientation==="horizontal",a=$m(()=>d("SCROLL_END"),100),[c,d]=OK("hidden",{hidden:{SCROLL:"scrolling"},scrolling:{SCROLL_END:"idle",POINTER_ENTER:"interacting"},interacting:{SCROLL:"interacting",POINTER_LEAVE:"idle"},idle:{HIDE:"hidden",SCROLL:"scrolling",POINTER_ENTER:"interacting"}});return f.useEffect(()=>{if(c==="idle"){const p=window.setTimeout(()=>d("HIDE"),o.scrollHideDelay);return()=>window.clearTimeout(p)}},[c,o.scrollHideDelay,d]),f.useEffect(()=>{const p=o.viewport,h=s?"scrollLeft":"scrollTop";if(p){let m=p[h];const v=()=>{const b=p[h];m!==b&&(d("SCROLL"),a()),m=b};return p.addEventListener("scroll",v),()=>p.removeEventListener("scroll",v)}},[o.viewport,s,d,a]),f.createElement(Bd,{present:n||c!=="hidden"},f.createElement(Oy,or({"data-state":c==="hidden"?"hidden":"visible"},r,{ref:t,onPointerEnter:el(e.onPointerEnter,()=>d("POINTER_ENTER")),onPointerLeave:el(e.onPointerLeave,()=>d("POINTER_LEAVE"))})))}),vI=f.forwardRef((e,t)=>{const n=ds(Wa,e.__scopeScrollArea),{forceMount:r,...o}=e,[s,a]=f.useState(!1),c=e.orientation==="horizontal",d=$m(()=>{if(n.viewport){const p=n.viewport.offsetWidth{const{orientation:n="vertical",...r}=e,o=ds(Wa,e.__scopeScrollArea),s=f.useRef(null),a=f.useRef(0),[c,d]=f.useState({content:0,viewport:0,scrollbar:{size:0,paddingStart:0,paddingEnd:0}}),p=wI(c.viewport,c.content),h={...r,sizes:c,onSizesChange:d,hasThumb:p>0&&p<1,onThumbChange:v=>s.current=v,onThumbPointerUp:()=>a.current=0,onThumbPointerDown:v=>a.current=v};function m(v,b){return UK(v,a.current,c,b)}return n==="horizontal"?f.createElement(zK,or({},h,{ref:t,onThumbPositionChange:()=>{if(o.viewport&&s.current){const v=o.viewport.scrollLeft,b=t4(v,c,o.dir);s.current.style.transform=`translate3d(${b}px, 0, 0)`}},onWheelScroll:v=>{o.viewport&&(o.viewport.scrollLeft=v)},onDragScroll:v=>{o.viewport&&(o.viewport.scrollLeft=m(v,o.dir))}})):n==="vertical"?f.createElement(LK,or({},h,{ref:t,onThumbPositionChange:()=>{if(o.viewport&&s.current){const v=o.viewport.scrollTop,b=t4(v,c);s.current.style.transform=`translate3d(0, ${b}px, 0)`}},onWheelScroll:v=>{o.viewport&&(o.viewport.scrollTop=v)},onDragScroll:v=>{o.viewport&&(o.viewport.scrollTop=m(v))}})):null}),zK=f.forwardRef((e,t)=>{const{sizes:n,onSizesChange:r,...o}=e,s=ds(Wa,e.__scopeScrollArea),[a,c]=f.useState(),d=f.useRef(null),p=vl(t,d,s.onScrollbarXChange);return f.useEffect(()=>{d.current&&c(getComputedStyle(d.current))},[d]),f.createElement(yI,or({"data-orientation":"horizontal"},o,{ref:p,sizes:n,style:{bottom:0,left:s.dir==="rtl"?"var(--radix-scroll-area-corner-width)":0,right:s.dir==="ltr"?"var(--radix-scroll-area-corner-width)":0,"--radix-scroll-area-thumb-width":Nm(n)+"px",...e.style},onThumbPointerDown:h=>e.onThumbPointerDown(h.x),onDragScroll:h=>e.onDragScroll(h.x),onWheelScroll:(h,m)=>{if(s.viewport){const v=s.viewport.scrollLeft+h.deltaX;e.onWheelScroll(v),CI(v,m)&&h.preventDefault()}},onResize:()=>{d.current&&s.viewport&&a&&r({content:s.viewport.scrollWidth,viewport:s.viewport.offsetWidth,scrollbar:{size:d.current.clientWidth,paddingStart:yh(a.paddingLeft),paddingEnd:yh(a.paddingRight)}})}}))}),LK=f.forwardRef((e,t)=>{const{sizes:n,onSizesChange:r,...o}=e,s=ds(Wa,e.__scopeScrollArea),[a,c]=f.useState(),d=f.useRef(null),p=vl(t,d,s.onScrollbarYChange);return f.useEffect(()=>{d.current&&c(getComputedStyle(d.current))},[d]),f.createElement(yI,or({"data-orientation":"vertical"},o,{ref:p,sizes:n,style:{top:0,right:s.dir==="ltr"?0:void 0,left:s.dir==="rtl"?0:void 0,bottom:"var(--radix-scroll-area-corner-height)","--radix-scroll-area-thumb-height":Nm(n)+"px",...e.style},onThumbPointerDown:h=>e.onThumbPointerDown(h.y),onDragScroll:h=>e.onDragScroll(h.y),onWheelScroll:(h,m)=>{if(s.viewport){const v=s.viewport.scrollTop+h.deltaY;e.onWheelScroll(v),CI(v,m)&&h.preventDefault()}},onResize:()=>{d.current&&s.viewport&&a&&r({content:s.viewport.scrollHeight,viewport:s.viewport.offsetHeight,scrollbar:{size:d.current.clientHeight,paddingStart:yh(a.paddingTop),paddingEnd:yh(a.paddingBottom)}})}}))}),[BK,bI]=gI(Wa),yI=f.forwardRef((e,t)=>{const{__scopeScrollArea:n,sizes:r,hasThumb:o,onThumbChange:s,onThumbPointerUp:a,onThumbPointerDown:c,onThumbPositionChange:d,onDragScroll:p,onWheelScroll:h,onResize:m,...v}=e,b=ds(Wa,n),[w,y]=f.useState(null),S=vl(t,A=>y(A)),_=f.useRef(null),k=f.useRef(""),j=b.viewport,I=r.content-r.viewport,E=Gi(h),O=Gi(d),R=$m(m,10);function M(A){if(_.current){const T=A.clientX-_.current.left,$=A.clientY-_.current.top;p({x:T,y:$})}}return f.useEffect(()=>{const A=T=>{const $=T.target;(w==null?void 0:w.contains($))&&E(T,I)};return document.addEventListener("wheel",A,{passive:!1}),()=>document.removeEventListener("wheel",A,{passive:!1})},[j,w,I,E]),f.useEffect(O,[r,O]),kc(w,R),kc(b.content,R),f.createElement(BK,{scope:n,scrollbar:w,hasThumb:o,onThumbChange:Gi(s),onThumbPointerUp:Gi(a),onThumbPositionChange:O,onThumbPointerDown:Gi(c)},f.createElement(Ld.div,or({},v,{ref:S,style:{position:"absolute",...v.style},onPointerDown:el(e.onPointerDown,A=>{A.button===0&&(A.target.setPointerCapture(A.pointerId),_.current=w.getBoundingClientRect(),k.current=document.body.style.webkitUserSelect,document.body.style.webkitUserSelect="none",M(A))}),onPointerMove:el(e.onPointerMove,M),onPointerUp:el(e.onPointerUp,A=>{const T=A.target;T.hasPointerCapture(A.pointerId)&&T.releasePointerCapture(A.pointerId),document.body.style.webkitUserSelect=k.current,_.current=null})})))}),k1="ScrollAreaThumb",FK=f.forwardRef((e,t)=>{const{forceMount:n,...r}=e,o=bI(k1,e.__scopeScrollArea);return f.createElement(Bd,{present:n||o.hasThumb},f.createElement(HK,or({ref:t},r)))}),HK=f.forwardRef((e,t)=>{const{__scopeScrollArea:n,style:r,...o}=e,s=ds(k1,n),a=bI(k1,n),{onThumbPositionChange:c}=a,d=vl(t,m=>a.onThumbChange(m)),p=f.useRef(),h=$m(()=>{p.current&&(p.current(),p.current=void 0)},100);return f.useEffect(()=>{const m=s.viewport;if(m){const v=()=>{if(h(),!p.current){const b=GK(m,c);p.current=b,c()}};return c(),m.addEventListener("scroll",v),()=>m.removeEventListener("scroll",v)}},[s.viewport,h,c]),f.createElement(Ld.div,or({"data-state":a.hasThumb?"visible":"hidden"},o,{ref:d,style:{width:"var(--radix-scroll-area-thumb-width)",height:"var(--radix-scroll-area-thumb-height)",...r},onPointerDownCapture:el(e.onPointerDownCapture,m=>{const b=m.target.getBoundingClientRect(),w=m.clientX-b.left,y=m.clientY-b.top;a.onThumbPointerDown({x:w,y})}),onPointerUp:el(e.onPointerUp,a.onThumbPointerUp)}))}),xI="ScrollAreaCorner",WK=f.forwardRef((e,t)=>{const n=ds(xI,e.__scopeScrollArea),r=!!(n.scrollbarX&&n.scrollbarY);return n.type!=="scroll"&&r?f.createElement(VK,or({},e,{ref:t})):null}),VK=f.forwardRef((e,t)=>{const{__scopeScrollArea:n,...r}=e,o=ds(xI,n),[s,a]=f.useState(0),[c,d]=f.useState(0),p=!!(s&&c);return kc(o.scrollbarX,()=>{var h;const m=((h=o.scrollbarX)===null||h===void 0?void 0:h.offsetHeight)||0;o.onCornerHeightChange(m),d(m)}),kc(o.scrollbarY,()=>{var h;const m=((h=o.scrollbarY)===null||h===void 0?void 0:h.offsetWidth)||0;o.onCornerWidthChange(m),a(m)}),p?f.createElement(Ld.div,or({},r,{ref:t,style:{width:s,height:c,position:"absolute",right:o.dir==="ltr"?0:void 0,left:o.dir==="rtl"?0:void 0,bottom:0,...e.style}})):null});function yh(e){return e?parseInt(e,10):0}function wI(e,t){const n=e/t;return isNaN(n)?0:n}function Nm(e){const t=wI(e.viewport,e.content),n=e.scrollbar.paddingStart+e.scrollbar.paddingEnd,r=(e.scrollbar.size-n)*t;return Math.max(r,18)}function UK(e,t,n,r="ltr"){const o=Nm(n),s=o/2,a=t||s,c=o-a,d=n.scrollbar.paddingStart+a,p=n.scrollbar.size-n.scrollbar.paddingEnd-c,h=n.content-n.viewport,m=r==="ltr"?[0,h]:[h*-1,0];return SI([d,p],m)(e)}function t4(e,t,n="ltr"){const r=Nm(t),o=t.scrollbar.paddingStart+t.scrollbar.paddingEnd,s=t.scrollbar.size-o,a=t.content-t.viewport,c=s-r,d=n==="ltr"?[0,a]:[a*-1,0],p=EK(e,d);return SI([0,a],[0,c])(p)}function SI(e,t){return n=>{if(e[0]===e[1]||t[0]===t[1])return t[0];const r=(t[1]-t[0])/(e[1]-e[0]);return t[0]+r*(n-e[0])}}function CI(e,t){return e>0&&e{})=>{let n={left:e.scrollLeft,top:e.scrollTop},r=0;return function o(){const s={left:e.scrollLeft,top:e.scrollTop},a=n.left!==s.left,c=n.top!==s.top;(a||c)&&t(),n=s,r=window.requestAnimationFrame(o)}(),()=>window.cancelAnimationFrame(r)};function $m(e,t){const n=Gi(e),r=f.useRef(0);return f.useEffect(()=>()=>window.clearTimeout(r.current),[]),f.useCallback(()=>{window.clearTimeout(r.current),r.current=window.setTimeout(n,t)},[n,t])}function kc(e,t){const n=Gi(t);C1(()=>{let r=0;if(e){const o=new ResizeObserver(()=>{cancelAnimationFrame(r),r=window.requestAnimationFrame(n)});return o.observe(e),()=>{window.cancelAnimationFrame(r),o.unobserve(e)}}},[e,n])}const qK=MK,KK=AK,n4=TK,r4=FK,XK=WK;var YK=so((e,{scrollbarSize:t,offsetScrollbars:n,scrollbarHovered:r,hidden:o})=>({root:{overflow:"hidden"},viewport:{width:"100%",height:"100%",paddingRight:n?Ue(t):void 0,paddingBottom:n?Ue(t):void 0},scrollbar:{display:o?"none":"flex",userSelect:"none",touchAction:"none",boxSizing:"border-box",padding:`calc(${Ue(t)} / 5)`,transition:"background-color 150ms ease, opacity 150ms ease","&:hover":{backgroundColor:e.colorScheme==="dark"?e.colors.dark[8]:e.colors.gray[0],[`& .${lC("thumb")}`]:{backgroundColor:e.colorScheme==="dark"?e.fn.rgba(e.white,.5):e.fn.rgba(e.black,.5)}},'&[data-orientation="vertical"]':{width:Ue(t)},'&[data-orientation="horizontal"]':{flexDirection:"column",height:Ue(t)},'&[data-state="hidden"]':{display:"none",opacity:0}},thumb:{ref:lC("thumb"),flex:1,backgroundColor:e.colorScheme==="dark"?e.fn.rgba(e.white,.4):e.fn.rgba(e.black,.4),borderRadius:Ue(t),position:"relative",transition:"background-color 150ms ease",display:o?"none":void 0,overflow:"hidden","&::before":{content:'""',position:"absolute",top:"50%",left:"50%",transform:"translate(-50%, -50%)",width:"100%",height:"100%",minWidth:Ue(44),minHeight:Ue(44)}},corner:{backgroundColor:e.colorScheme==="dark"?e.colors.dark[6]:e.colors.gray[0],transition:"opacity 150ms ease",opacity:r?1:0,display:o?"none":void 0}}));const QK=YK;var JK=Object.defineProperty,ZK=Object.defineProperties,eX=Object.getOwnPropertyDescriptors,xh=Object.getOwnPropertySymbols,kI=Object.prototype.hasOwnProperty,_I=Object.prototype.propertyIsEnumerable,o4=(e,t,n)=>t in e?JK(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,_1=(e,t)=>{for(var n in t||(t={}))kI.call(t,n)&&o4(e,n,t[n]);if(xh)for(var n of xh(t))_I.call(t,n)&&o4(e,n,t[n]);return e},PI=(e,t)=>ZK(e,eX(t)),jI=(e,t)=>{var n={};for(var r in e)kI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&xh)for(var r of xh(e))t.indexOf(r)<0&&_I.call(e,r)&&(n[r]=e[r]);return n};const II={scrollbarSize:12,scrollHideDelay:1e3,type:"hover",offsetScrollbars:!1},zm=f.forwardRef((e,t)=>{const n=Sr("ScrollArea",II,e),{children:r,className:o,classNames:s,styles:a,scrollbarSize:c,scrollHideDelay:d,type:p,dir:h,offsetScrollbars:m,viewportRef:v,onScrollPositionChange:b,unstyled:w,variant:y,viewportProps:S}=n,_=jI(n,["children","className","classNames","styles","scrollbarSize","scrollHideDelay","type","dir","offsetScrollbars","viewportRef","onScrollPositionChange","unstyled","variant","viewportProps"]),[k,j]=f.useState(!1),I=Fa(),{classes:E,cx:O}=QK({scrollbarSize:c,offsetScrollbars:m,scrollbarHovered:k,hidden:p==="never"},{name:"ScrollArea",classNames:s,styles:a,unstyled:w,variant:y});return H.createElement(qK,{type:p==="never"?"always":p,scrollHideDelay:d,dir:h||I.dir,ref:t,asChild:!0},H.createElement(jo,_1({className:O(E.root,o)},_),H.createElement(KK,PI(_1({},S),{className:E.viewport,ref:v,onScroll:typeof b=="function"?({currentTarget:R})=>b({x:R.scrollLeft,y:R.scrollTop}):void 0}),r),H.createElement(n4,{orientation:"horizontal",className:E.scrollbar,forceMount:!0,onMouseEnter:()=>j(!0),onMouseLeave:()=>j(!1)},H.createElement(r4,{className:E.thumb})),H.createElement(n4,{orientation:"vertical",className:E.scrollbar,forceMount:!0,onMouseEnter:()=>j(!0),onMouseLeave:()=>j(!1)},H.createElement(r4,{className:E.thumb})),H.createElement(XK,{className:E.corner})))}),EI=f.forwardRef((e,t)=>{const n=Sr("ScrollAreaAutosize",II,e),{children:r,classNames:o,styles:s,scrollbarSize:a,scrollHideDelay:c,type:d,dir:p,offsetScrollbars:h,viewportRef:m,onScrollPositionChange:v,unstyled:b,sx:w,variant:y,viewportProps:S}=n,_=jI(n,["children","classNames","styles","scrollbarSize","scrollHideDelay","type","dir","offsetScrollbars","viewportRef","onScrollPositionChange","unstyled","sx","variant","viewportProps"]);return H.createElement(jo,PI(_1({},_),{ref:t,sx:[{display:"flex"},...gj(w)]}),H.createElement(jo,{sx:{display:"flex",flexDirection:"column",flex:1}},H.createElement(zm,{classNames:o,styles:s,scrollHideDelay:c,scrollbarSize:a,type:d,dir:p,offsetScrollbars:h,viewportRef:m,onScrollPositionChange:v,unstyled:b,variant:y,viewportProps:S},r)))});EI.displayName="@mantine/core/ScrollAreaAutosize";zm.displayName="@mantine/core/ScrollArea";zm.Autosize=EI;const OI=zm;var tX=Object.defineProperty,nX=Object.defineProperties,rX=Object.getOwnPropertyDescriptors,wh=Object.getOwnPropertySymbols,RI=Object.prototype.hasOwnProperty,MI=Object.prototype.propertyIsEnumerable,s4=(e,t,n)=>t in e?tX(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,a4=(e,t)=>{for(var n in t||(t={}))RI.call(t,n)&&s4(e,n,t[n]);if(wh)for(var n of wh(t))MI.call(t,n)&&s4(e,n,t[n]);return e},oX=(e,t)=>nX(e,rX(t)),sX=(e,t)=>{var n={};for(var r in e)RI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&wh)for(var r of wh(e))t.indexOf(r)<0&&MI.call(e,r)&&(n[r]=e[r]);return n};const Lm=f.forwardRef((e,t)=>{var n=e,{style:r}=n,o=sX(n,["style"]);return H.createElement(OI,oX(a4({},o),{style:a4({width:"100%"},r),viewportProps:{tabIndex:-1},viewportRef:t}),o.children)});Lm.displayName="@mantine/core/SelectScrollArea";var aX=so(()=>({dropdown:{},itemsWrapper:{padding:Ue(4),display:"flex",width:"100%",boxSizing:"border-box"}}));const iX=aX;function Vc(e){return e.split("-")[1]}function Ry(e){return e==="y"?"height":"width"}function js(e){return e.split("-")[0]}function Oi(e){return["top","bottom"].includes(js(e))?"x":"y"}function i4(e,t,n){let{reference:r,floating:o}=e;const s=r.x+r.width/2-o.width/2,a=r.y+r.height/2-o.height/2,c=Oi(t),d=Ry(c),p=r[d]/2-o[d]/2,h=c==="x";let m;switch(js(t)){case"top":m={x:s,y:r.y-o.height};break;case"bottom":m={x:s,y:r.y+r.height};break;case"right":m={x:r.x+r.width,y:a};break;case"left":m={x:r.x-o.width,y:a};break;default:m={x:r.x,y:r.y}}switch(Vc(t)){case"start":m[c]-=p*(n&&h?-1:1);break;case"end":m[c]+=p*(n&&h?-1:1)}return m}const lX=async(e,t,n)=>{const{placement:r="bottom",strategy:o="absolute",middleware:s=[],platform:a}=n,c=s.filter(Boolean),d=await(a.isRTL==null?void 0:a.isRTL(t));let p=await a.getElementRects({reference:e,floating:t,strategy:o}),{x:h,y:m}=i4(p,r,d),v=r,b={},w=0;for(let y=0;y({name:"arrow",options:e,async fn(t){const{x:n,y:r,placement:o,rects:s,platform:a,elements:c}=t,{element:d,padding:p=0}=Na(e,t)||{};if(d==null)return{};const h=My(p),m={x:n,y:r},v=Oi(o),b=Ry(v),w=await a.getDimensions(d),y=v==="y",S=y?"top":"left",_=y?"bottom":"right",k=y?"clientHeight":"clientWidth",j=s.reference[b]+s.reference[v]-m[v]-s.floating[b],I=m[v]-s.reference[v],E=await(a.getOffsetParent==null?void 0:a.getOffsetParent(d));let O=E?E[k]:0;O&&await(a.isElement==null?void 0:a.isElement(E))||(O=c.floating[k]||s.floating[b]);const R=j/2-I/2,M=O/2-w[b]/2-1,A=gi(h[S],M),T=gi(h[_],M),$=A,Q=O-w[b]-T,B=O/2-w[b]/2+R,V=P1($,B,Q),q=Vc(o)!=null&&B!=V&&s.reference[b]/2-(B<$?A:T)-w[b]/2<0?B<$?$-B:Q-B:0;return{[v]:m[v]-q,data:{[v]:V,centerOffset:B-V+q}}}}),cX=["top","right","bottom","left"];cX.reduce((e,t)=>e.concat(t,t+"-start",t+"-end"),[]);const uX={left:"right",right:"left",bottom:"top",top:"bottom"};function Sh(e){return e.replace(/left|right|bottom|top/g,t=>uX[t])}function dX(e,t,n){n===void 0&&(n=!1);const r=Vc(e),o=Oi(e),s=Ry(o);let a=o==="x"?r===(n?"end":"start")?"right":"left":r==="start"?"bottom":"top";return t.reference[s]>t.floating[s]&&(a=Sh(a)),{main:a,cross:Sh(a)}}const fX={start:"end",end:"start"};function Z0(e){return e.replace(/start|end/g,t=>fX[t])}const pX=function(e){return e===void 0&&(e={}),{name:"flip",options:e,async fn(t){var n;const{placement:r,middlewareData:o,rects:s,initialPlacement:a,platform:c,elements:d}=t,{mainAxis:p=!0,crossAxis:h=!0,fallbackPlacements:m,fallbackStrategy:v="bestFit",fallbackAxisSideDirection:b="none",flipAlignment:w=!0,...y}=Na(e,t),S=js(r),_=js(a)===a,k=await(c.isRTL==null?void 0:c.isRTL(d.floating)),j=m||(_||!w?[Sh(a)]:function($){const Q=Sh($);return[Z0($),Q,Z0(Q)]}(a));m||b==="none"||j.push(...function($,Q,B,V){const q=Vc($);let G=function(D,L,W){const Y=["left","right"],ae=["right","left"],be=["top","bottom"],ie=["bottom","top"];switch(D){case"top":case"bottom":return W?L?ae:Y:L?Y:ae;case"left":case"right":return L?be:ie;default:return[]}}(js($),B==="start",V);return q&&(G=G.map(D=>D+"-"+q),Q&&(G=G.concat(G.map(Z0)))),G}(a,w,b,k));const I=[a,...j],E=await Dy(t,y),O=[];let R=((n=o.flip)==null?void 0:n.overflows)||[];if(p&&O.push(E[S]),h){const{main:$,cross:Q}=dX(r,s,k);O.push(E[$],E[Q])}if(R=[...R,{placement:r,overflows:O}],!O.every($=>$<=0)){var M,A;const $=(((M=o.flip)==null?void 0:M.index)||0)+1,Q=I[$];if(Q)return{data:{index:$,overflows:R},reset:{placement:Q}};let B=(A=R.filter(V=>V.overflows[0]<=0).sort((V,q)=>V.overflows[1]-q.overflows[1])[0])==null?void 0:A.placement;if(!B)switch(v){case"bestFit":{var T;const V=(T=R.map(q=>[q.placement,q.overflows.filter(G=>G>0).reduce((G,D)=>G+D,0)]).sort((q,G)=>q[1]-G[1])[0])==null?void 0:T[0];V&&(B=V);break}case"initialPlacement":B=a}if(r!==B)return{reset:{placement:B}}}return{}}}};function c4(e){const t=gi(...e.map(r=>r.left)),n=gi(...e.map(r=>r.top));return{x:t,y:n,width:Ks(...e.map(r=>r.right))-t,height:Ks(...e.map(r=>r.bottom))-n}}const hX=function(e){return e===void 0&&(e={}),{name:"inline",options:e,async fn(t){const{placement:n,elements:r,rects:o,platform:s,strategy:a}=t,{padding:c=2,x:d,y:p}=Na(e,t),h=Array.from(await(s.getClientRects==null?void 0:s.getClientRects(r.reference))||[]),m=function(y){const S=y.slice().sort((j,I)=>j.y-I.y),_=[];let k=null;for(let j=0;jk.height/2?_.push([I]):_[_.length-1].push(I),k=I}return _.map(j=>_c(c4(j)))}(h),v=_c(c4(h)),b=My(c),w=await s.getElementRects({reference:{getBoundingClientRect:function(){if(m.length===2&&m[0].left>m[1].right&&d!=null&&p!=null)return m.find(y=>d>y.left-b.left&&dy.top-b.top&&p=2){if(Oi(n)==="x"){const E=m[0],O=m[m.length-1],R=js(n)==="top",M=E.top,A=O.bottom,T=R?E.left:O.left,$=R?E.right:O.right;return{top:M,bottom:A,left:T,right:$,width:$-T,height:A-M,x:T,y:M}}const y=js(n)==="left",S=Ks(...m.map(E=>E.right)),_=gi(...m.map(E=>E.left)),k=m.filter(E=>y?E.left===_:E.right===S),j=k[0].top,I=k[k.length-1].bottom;return{top:j,bottom:I,left:_,right:S,width:S-_,height:I-j,x:_,y:j}}return v}},floating:r.floating,strategy:a});return o.reference.x!==w.reference.x||o.reference.y!==w.reference.y||o.reference.width!==w.reference.width||o.reference.height!==w.reference.height?{reset:{rects:w}}:{}}}},mX=function(e){return e===void 0&&(e=0),{name:"offset",options:e,async fn(t){const{x:n,y:r}=t,o=await async function(s,a){const{placement:c,platform:d,elements:p}=s,h=await(d.isRTL==null?void 0:d.isRTL(p.floating)),m=js(c),v=Vc(c),b=Oi(c)==="x",w=["left","top"].includes(m)?-1:1,y=h&&b?-1:1,S=Na(a,s);let{mainAxis:_,crossAxis:k,alignmentAxis:j}=typeof S=="number"?{mainAxis:S,crossAxis:0,alignmentAxis:null}:{mainAxis:0,crossAxis:0,alignmentAxis:null,...S};return v&&typeof j=="number"&&(k=v==="end"?-1*j:j),b?{x:k*y,y:_*w}:{x:_*w,y:k*y}}(t,e);return{x:n+o.x,y:r+o.y,data:o}}}};function DI(e){return e==="x"?"y":"x"}const gX=function(e){return e===void 0&&(e={}),{name:"shift",options:e,async fn(t){const{x:n,y:r,placement:o}=t,{mainAxis:s=!0,crossAxis:a=!1,limiter:c={fn:S=>{let{x:_,y:k}=S;return{x:_,y:k}}},...d}=Na(e,t),p={x:n,y:r},h=await Dy(t,d),m=Oi(js(o)),v=DI(m);let b=p[m],w=p[v];if(s){const S=m==="y"?"bottom":"right";b=P1(b+h[m==="y"?"top":"left"],b,b-h[S])}if(a){const S=v==="y"?"bottom":"right";w=P1(w+h[v==="y"?"top":"left"],w,w-h[S])}const y=c.fn({...t,[m]:b,[v]:w});return{...y,data:{x:y.x-n,y:y.y-r}}}}},vX=function(e){return e===void 0&&(e={}),{options:e,fn(t){const{x:n,y:r,placement:o,rects:s,middlewareData:a}=t,{offset:c=0,mainAxis:d=!0,crossAxis:p=!0}=Na(e,t),h={x:n,y:r},m=Oi(o),v=DI(m);let b=h[m],w=h[v];const y=Na(c,t),S=typeof y=="number"?{mainAxis:y,crossAxis:0}:{mainAxis:0,crossAxis:0,...y};if(d){const j=m==="y"?"height":"width",I=s.reference[m]-s.floating[j]+S.mainAxis,E=s.reference[m]+s.reference[j]-S.mainAxis;bE&&(b=E)}if(p){var _,k;const j=m==="y"?"width":"height",I=["top","left"].includes(js(o)),E=s.reference[v]-s.floating[j]+(I&&((_=a.offset)==null?void 0:_[v])||0)+(I?0:S.crossAxis),O=s.reference[v]+s.reference[j]+(I?0:((k=a.offset)==null?void 0:k[v])||0)-(I?S.crossAxis:0);wO&&(w=O)}return{[m]:b,[v]:w}}}},bX=function(e){return e===void 0&&(e={}),{name:"size",options:e,async fn(t){const{placement:n,rects:r,platform:o,elements:s}=t,{apply:a=()=>{},...c}=Na(e,t),d=await Dy(t,c),p=js(n),h=Vc(n),m=Oi(n)==="x",{width:v,height:b}=r.floating;let w,y;p==="top"||p==="bottom"?(w=p,y=h===(await(o.isRTL==null?void 0:o.isRTL(s.floating))?"start":"end")?"left":"right"):(y=p,w=h==="end"?"top":"bottom");const S=b-d[w],_=v-d[y],k=!t.middlewareData.shift;let j=S,I=_;if(m){const O=v-d.left-d.right;I=h||k?gi(_,O):O}else{const O=b-d.top-d.bottom;j=h||k?gi(S,O):O}if(k&&!h){const O=Ks(d.left,0),R=Ks(d.right,0),M=Ks(d.top,0),A=Ks(d.bottom,0);m?I=v-2*(O!==0||R!==0?O+R:Ks(d.left,d.right)):j=b-2*(M!==0||A!==0?M+A:Ks(d.top,d.bottom))}await a({...t,availableWidth:I,availableHeight:j});const E=await o.getDimensions(s.floating);return v!==E.width||b!==E.height?{reset:{rects:!0}}:{}}}};function zo(e){var t;return(e==null||(t=e.ownerDocument)==null?void 0:t.defaultView)||window}function sa(e){return zo(e).getComputedStyle(e)}function AI(e){return e instanceof zo(e).Node}function vi(e){return AI(e)?(e.nodeName||"").toLowerCase():"#document"}function Ms(e){return e instanceof HTMLElement||e instanceof zo(e).HTMLElement}function u4(e){return typeof ShadowRoot<"u"&&(e instanceof zo(e).ShadowRoot||e instanceof ShadowRoot)}function ld(e){const{overflow:t,overflowX:n,overflowY:r,display:o}=sa(e);return/auto|scroll|overlay|hidden|clip/.test(t+r+n)&&!["inline","contents"].includes(o)}function yX(e){return["table","td","th"].includes(vi(e))}function j1(e){const t=Ay(),n=sa(e);return n.transform!=="none"||n.perspective!=="none"||!!n.containerType&&n.containerType!=="normal"||!t&&!!n.backdropFilter&&n.backdropFilter!=="none"||!t&&!!n.filter&&n.filter!=="none"||["transform","perspective","filter"].some(r=>(n.willChange||"").includes(r))||["paint","layout","strict","content"].some(r=>(n.contain||"").includes(r))}function Ay(){return!(typeof CSS>"u"||!CSS.supports)&&CSS.supports("-webkit-backdrop-filter","none")}function Bm(e){return["html","body","#document"].includes(vi(e))}const I1=Math.min,fc=Math.max,Ch=Math.round,ap=Math.floor,bi=e=>({x:e,y:e});function TI(e){const t=sa(e);let n=parseFloat(t.width)||0,r=parseFloat(t.height)||0;const o=Ms(e),s=o?e.offsetWidth:n,a=o?e.offsetHeight:r,c=Ch(n)!==s||Ch(r)!==a;return c&&(n=s,r=a),{width:n,height:r,$:c}}function Pa(e){return e instanceof Element||e instanceof zo(e).Element}function Ty(e){return Pa(e)?e:e.contextElement}function pc(e){const t=Ty(e);if(!Ms(t))return bi(1);const n=t.getBoundingClientRect(),{width:r,height:o,$:s}=TI(t);let a=(s?Ch(n.width):n.width)/r,c=(s?Ch(n.height):n.height)/o;return a&&Number.isFinite(a)||(a=1),c&&Number.isFinite(c)||(c=1),{x:a,y:c}}const xX=bi(0);function NI(e){const t=zo(e);return Ay()&&t.visualViewport?{x:t.visualViewport.offsetLeft,y:t.visualViewport.offsetTop}:xX}function ul(e,t,n,r){t===void 0&&(t=!1),n===void 0&&(n=!1);const o=e.getBoundingClientRect(),s=Ty(e);let a=bi(1);t&&(r?Pa(r)&&(a=pc(r)):a=pc(e));const c=function(v,b,w){return b===void 0&&(b=!1),!(!w||b&&w!==zo(v))&&b}(s,n,r)?NI(s):bi(0);let d=(o.left+c.x)/a.x,p=(o.top+c.y)/a.y,h=o.width/a.x,m=o.height/a.y;if(s){const v=zo(s),b=r&&Pa(r)?zo(r):r;let w=v.frameElement;for(;w&&r&&b!==v;){const y=pc(w),S=w.getBoundingClientRect(),_=getComputedStyle(w),k=S.left+(w.clientLeft+parseFloat(_.paddingLeft))*y.x,j=S.top+(w.clientTop+parseFloat(_.paddingTop))*y.y;d*=y.x,p*=y.y,h*=y.x,m*=y.y,d+=k,p+=j,w=zo(w).frameElement}}return _c({width:h,height:m,x:d,y:p})}function Fm(e){return Pa(e)?{scrollLeft:e.scrollLeft,scrollTop:e.scrollTop}:{scrollLeft:e.pageXOffset,scrollTop:e.pageYOffset}}function ja(e){var t;return(t=(AI(e)?e.ownerDocument:e.document)||window.document)==null?void 0:t.documentElement}function $I(e){return ul(ja(e)).left+Fm(e).scrollLeft}function Pc(e){if(vi(e)==="html")return e;const t=e.assignedSlot||e.parentNode||u4(e)&&e.host||ja(e);return u4(t)?t.host:t}function zI(e){const t=Pc(e);return Bm(t)?e.ownerDocument?e.ownerDocument.body:e.body:Ms(t)&&ld(t)?t:zI(t)}function kh(e,t){var n;t===void 0&&(t=[]);const r=zI(e),o=r===((n=e.ownerDocument)==null?void 0:n.body),s=zo(r);return o?t.concat(s,s.visualViewport||[],ld(r)?r:[]):t.concat(r,kh(r))}function d4(e,t,n){let r;if(t==="viewport")r=function(o,s){const a=zo(o),c=ja(o),d=a.visualViewport;let p=c.clientWidth,h=c.clientHeight,m=0,v=0;if(d){p=d.width,h=d.height;const b=Ay();(!b||b&&s==="fixed")&&(m=d.offsetLeft,v=d.offsetTop)}return{width:p,height:h,x:m,y:v}}(e,n);else if(t==="document")r=function(o){const s=ja(o),a=Fm(o),c=o.ownerDocument.body,d=fc(s.scrollWidth,s.clientWidth,c.scrollWidth,c.clientWidth),p=fc(s.scrollHeight,s.clientHeight,c.scrollHeight,c.clientHeight);let h=-a.scrollLeft+$I(o);const m=-a.scrollTop;return sa(c).direction==="rtl"&&(h+=fc(s.clientWidth,c.clientWidth)-d),{width:d,height:p,x:h,y:m}}(ja(e));else if(Pa(t))r=function(o,s){const a=ul(o,!0,s==="fixed"),c=a.top+o.clientTop,d=a.left+o.clientLeft,p=Ms(o)?pc(o):bi(1);return{width:o.clientWidth*p.x,height:o.clientHeight*p.y,x:d*p.x,y:c*p.y}}(t,n);else{const o=NI(e);r={...t,x:t.x-o.x,y:t.y-o.y}}return _c(r)}function LI(e,t){const n=Pc(e);return!(n===t||!Pa(n)||Bm(n))&&(sa(n).position==="fixed"||LI(n,t))}function wX(e,t,n){const r=Ms(t),o=ja(t),s=n==="fixed",a=ul(e,!0,s,t);let c={scrollLeft:0,scrollTop:0};const d=bi(0);if(r||!r&&!s)if((vi(t)!=="body"||ld(o))&&(c=Fm(t)),Ms(t)){const p=ul(t,!0,s,t);d.x=p.x+t.clientLeft,d.y=p.y+t.clientTop}else o&&(d.x=$I(o));return{x:a.left+c.scrollLeft-d.x,y:a.top+c.scrollTop-d.y,width:a.width,height:a.height}}function f4(e,t){return Ms(e)&&sa(e).position!=="fixed"?t?t(e):e.offsetParent:null}function p4(e,t){const n=zo(e);if(!Ms(e))return n;let r=f4(e,t);for(;r&&yX(r)&&sa(r).position==="static";)r=f4(r,t);return r&&(vi(r)==="html"||vi(r)==="body"&&sa(r).position==="static"&&!j1(r))?n:r||function(o){let s=Pc(o);for(;Ms(s)&&!Bm(s);){if(j1(s))return s;s=Pc(s)}return null}(e)||n}const SX={convertOffsetParentRelativeRectToViewportRelativeRect:function(e){let{rect:t,offsetParent:n,strategy:r}=e;const o=Ms(n),s=ja(n);if(n===s)return t;let a={scrollLeft:0,scrollTop:0},c=bi(1);const d=bi(0);if((o||!o&&r!=="fixed")&&((vi(n)!=="body"||ld(s))&&(a=Fm(n)),Ms(n))){const p=ul(n);c=pc(n),d.x=p.x+n.clientLeft,d.y=p.y+n.clientTop}return{width:t.width*c.x,height:t.height*c.y,x:t.x*c.x-a.scrollLeft*c.x+d.x,y:t.y*c.y-a.scrollTop*c.y+d.y}},getDocumentElement:ja,getClippingRect:function(e){let{element:t,boundary:n,rootBoundary:r,strategy:o}=e;const s=[...n==="clippingAncestors"?function(d,p){const h=p.get(d);if(h)return h;let m=kh(d).filter(y=>Pa(y)&&vi(y)!=="body"),v=null;const b=sa(d).position==="fixed";let w=b?Pc(d):d;for(;Pa(w)&&!Bm(w);){const y=sa(w),S=j1(w);S||y.position!=="fixed"||(v=null),(b?!S&&!v:!S&&y.position==="static"&&v&&["absolute","fixed"].includes(v.position)||ld(w)&&!S&&LI(d,w))?m=m.filter(_=>_!==w):v=y,w=Pc(w)}return p.set(d,m),m}(t,this._c):[].concat(n),r],a=s[0],c=s.reduce((d,p)=>{const h=d4(t,p,o);return d.top=fc(h.top,d.top),d.right=I1(h.right,d.right),d.bottom=I1(h.bottom,d.bottom),d.left=fc(h.left,d.left),d},d4(t,a,o));return{width:c.right-c.left,height:c.bottom-c.top,x:c.left,y:c.top}},getOffsetParent:p4,getElementRects:async function(e){let{reference:t,floating:n,strategy:r}=e;const o=this.getOffsetParent||p4,s=this.getDimensions;return{reference:wX(t,await o(n),r),floating:{x:0,y:0,...await s(n)}}},getClientRects:function(e){return Array.from(e.getClientRects())},getDimensions:function(e){return TI(e)},getScale:pc,isElement:Pa,isRTL:function(e){return getComputedStyle(e).direction==="rtl"}};function CX(e,t,n,r){r===void 0&&(r={});const{ancestorScroll:o=!0,ancestorResize:s=!0,elementResize:a=typeof ResizeObserver=="function",layoutShift:c=typeof IntersectionObserver=="function",animationFrame:d=!1}=r,p=Ty(e),h=o||s?[...p?kh(p):[],...kh(t)]:[];h.forEach(S=>{o&&S.addEventListener("scroll",n,{passive:!0}),s&&S.addEventListener("resize",n)});const m=p&&c?function(S,_){let k,j=null;const I=ja(S);function E(){clearTimeout(k),j&&j.disconnect(),j=null}return function O(R,M){R===void 0&&(R=!1),M===void 0&&(M=1),E();const{left:A,top:T,width:$,height:Q}=S.getBoundingClientRect();if(R||_(),!$||!Q)return;const B={rootMargin:-ap(T)+"px "+-ap(I.clientWidth-(A+$))+"px "+-ap(I.clientHeight-(T+Q))+"px "+-ap(A)+"px",threshold:fc(0,I1(1,M))||1};let V=!0;function q(G){const D=G[0].intersectionRatio;if(D!==M){if(!V)return O();D?O(!1,D):k=setTimeout(()=>{O(!1,1e-7)},100)}V=!1}try{j=new IntersectionObserver(q,{...B,root:I.ownerDocument})}catch{j=new IntersectionObserver(q,B)}j.observe(S)}(!0),E}(p,n):null;let v,b=-1,w=null;a&&(w=new ResizeObserver(S=>{let[_]=S;_&&_.target===p&&w&&(w.unobserve(t),cancelAnimationFrame(b),b=requestAnimationFrame(()=>{w&&w.observe(t)})),n()}),p&&!d&&w.observe(p),w.observe(t));let y=d?ul(e):null;return d&&function S(){const _=ul(e);!y||_.x===y.x&&_.y===y.y&&_.width===y.width&&_.height===y.height||n(),y=_,v=requestAnimationFrame(S)}(),n(),()=>{h.forEach(S=>{o&&S.removeEventListener("scroll",n),s&&S.removeEventListener("resize",n)}),m&&m(),w&&w.disconnect(),w=null,d&&cancelAnimationFrame(v)}}const kX=(e,t,n)=>{const r=new Map,o={platform:SX,...n},s={...o.platform,_c:r};return lX(e,t,{...o,platform:s})},_X=e=>{const{element:t,padding:n}=e;function r(o){return Object.prototype.hasOwnProperty.call(o,"current")}return{name:"arrow",options:e,fn(o){return r(t)?t.current!=null?l4({element:t.current,padding:n}).fn(o):{}:t?l4({element:t,padding:n}).fn(o):{}}}};var Ep=typeof document<"u"?f.useLayoutEffect:f.useEffect;function _h(e,t){if(e===t)return!0;if(typeof e!=typeof t)return!1;if(typeof e=="function"&&e.toString()===t.toString())return!0;let n,r,o;if(e&&t&&typeof e=="object"){if(Array.isArray(e)){if(n=e.length,n!=t.length)return!1;for(r=n;r--!==0;)if(!_h(e[r],t[r]))return!1;return!0}if(o=Object.keys(e),n=o.length,n!==Object.keys(t).length)return!1;for(r=n;r--!==0;)if(!Object.prototype.hasOwnProperty.call(t,o[r]))return!1;for(r=n;r--!==0;){const s=o[r];if(!(s==="_owner"&&e.$$typeof)&&!_h(e[s],t[s]))return!1}return!0}return e!==e&&t!==t}function h4(e){const t=f.useRef(e);return Ep(()=>{t.current=e}),t}function PX(e){e===void 0&&(e={});const{placement:t="bottom",strategy:n="absolute",middleware:r=[],platform:o,whileElementsMounted:s,open:a}=e,[c,d]=f.useState({x:null,y:null,strategy:n,placement:t,middlewareData:{},isPositioned:!1}),[p,h]=f.useState(r);_h(p,r)||h(r);const m=f.useRef(null),v=f.useRef(null),b=f.useRef(c),w=h4(s),y=h4(o),[S,_]=f.useState(null),[k,j]=f.useState(null),I=f.useCallback(T=>{m.current!==T&&(m.current=T,_(T))},[]),E=f.useCallback(T=>{v.current!==T&&(v.current=T,j(T))},[]),O=f.useCallback(()=>{if(!m.current||!v.current)return;const T={placement:t,strategy:n,middleware:p};y.current&&(T.platform=y.current),kX(m.current,v.current,T).then($=>{const Q={...$,isPositioned:!0};R.current&&!_h(b.current,Q)&&(b.current=Q,_i.flushSync(()=>{d(Q)}))})},[p,t,n,y]);Ep(()=>{a===!1&&b.current.isPositioned&&(b.current.isPositioned=!1,d(T=>({...T,isPositioned:!1})))},[a]);const R=f.useRef(!1);Ep(()=>(R.current=!0,()=>{R.current=!1}),[]),Ep(()=>{if(S&&k){if(w.current)return w.current(S,k,O);O()}},[S,k,O,w]);const M=f.useMemo(()=>({reference:m,floating:v,setReference:I,setFloating:E}),[I,E]),A=f.useMemo(()=>({reference:S,floating:k}),[S,k]);return f.useMemo(()=>({...c,update:O,refs:M,elements:A,reference:I,floating:E}),[c,O,M,A,I,E])}var jX=typeof document<"u"?f.useLayoutEffect:f.useEffect;function IX(){const e=new Map;return{emit(t,n){var r;(r=e.get(t))==null||r.forEach(o=>o(n))},on(t,n){e.set(t,[...e.get(t)||[],n])},off(t,n){e.set(t,(e.get(t)||[]).filter(r=>r!==n))}}}const EX=f.createContext(null),OX=()=>f.useContext(EX);function RX(e){return(e==null?void 0:e.ownerDocument)||document}function MX(e){return RX(e).defaultView||window}function ip(e){return e?e instanceof MX(e).Element:!1}const DX=Y1["useInsertionEffect".toString()],AX=DX||(e=>e());function TX(e){const t=f.useRef(()=>{});return AX(()=>{t.current=e}),f.useCallback(function(){for(var n=arguments.length,r=new Array(n),o=0;oIX())[0],[p,h]=f.useState(null),m=f.useCallback(_=>{const k=ip(_)?{getBoundingClientRect:()=>_.getBoundingClientRect(),contextElement:_}:_;o.refs.setReference(k)},[o.refs]),v=f.useCallback(_=>{(ip(_)||_===null)&&(a.current=_,h(_)),(ip(o.refs.reference.current)||o.refs.reference.current===null||_!==null&&!ip(_))&&o.refs.setReference(_)},[o.refs]),b=f.useMemo(()=>({...o.refs,setReference:v,setPositionReference:m,domReference:a}),[o.refs,v,m]),w=f.useMemo(()=>({...o.elements,domReference:p}),[o.elements,p]),y=TX(n),S=f.useMemo(()=>({...o,refs:b,elements:w,dataRef:c,nodeId:r,events:d,open:t,onOpenChange:y}),[o,r,d,t,y,b,w]);return jX(()=>{const _=s==null?void 0:s.nodesRef.current.find(k=>k.id===r);_&&(_.context=S)}),f.useMemo(()=>({...o,context:S,refs:b,reference:v,positionReference:m}),[o,b,S,v,m])}function $X({opened:e,floating:t,position:n,positionDependencies:r}){const[o,s]=f.useState(0);f.useEffect(()=>{if(t.refs.reference.current&&t.refs.floating.current)return CX(t.refs.reference.current,t.refs.floating.current,t.update)},[t.refs.reference.current,t.refs.floating.current,e,o,n]),Ps(()=>{t.update()},r),Ps(()=>{s(a=>a+1)},[e])}function zX(e){const t=[mX(e.offset)];return e.middlewares.shift&&t.push(gX({limiter:vX()})),e.middlewares.flip&&t.push(pX()),e.middlewares.inline&&t.push(hX()),t.push(_X({element:e.arrowRef,padding:e.arrowOffset})),t}function LX(e){const[t,n]=id({value:e.opened,defaultValue:e.defaultOpened,finalValue:!1,onChange:e.onChange}),r=()=>{var a;(a=e.onClose)==null||a.call(e),n(!1)},o=()=>{var a,c;t?((a=e.onClose)==null||a.call(e),n(!1)):((c=e.onOpen)==null||c.call(e),n(!0))},s=NX({placement:e.position,middleware:[...zX(e),...e.width==="target"?[bX({apply({rects:a}){var c,d;Object.assign((d=(c=s.refs.floating.current)==null?void 0:c.style)!=null?d:{},{width:`${a.reference.width}px`})}})]:[]]});return $X({opened:e.opened,position:e.position,positionDependencies:e.positionDependencies,floating:s}),Ps(()=>{var a;(a=e.onPositionChange)==null||a.call(e,s.placement)},[s.placement]),Ps(()=>{var a,c;e.opened?(c=e.onOpen)==null||c.call(e):(a=e.onClose)==null||a.call(e)},[e.opened]),{floating:s,controlled:typeof e.opened=="boolean",opened:t,onClose:r,onToggle:o}}const BI={context:"Popover component was not found in the tree",children:"Popover.Target component children should be an element or a component that accepts ref. Fragments, strings, numbers and other primitive values are not supported"},[BX,FI]=jU(BI.context);var FX=Object.defineProperty,HX=Object.defineProperties,WX=Object.getOwnPropertyDescriptors,Ph=Object.getOwnPropertySymbols,HI=Object.prototype.hasOwnProperty,WI=Object.prototype.propertyIsEnumerable,m4=(e,t,n)=>t in e?FX(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,lp=(e,t)=>{for(var n in t||(t={}))HI.call(t,n)&&m4(e,n,t[n]);if(Ph)for(var n of Ph(t))WI.call(t,n)&&m4(e,n,t[n]);return e},VX=(e,t)=>HX(e,WX(t)),UX=(e,t)=>{var n={};for(var r in e)HI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Ph)for(var r of Ph(e))t.indexOf(r)<0&&WI.call(e,r)&&(n[r]=e[r]);return n};const GX={refProp:"ref",popupType:"dialog"},VI=f.forwardRef((e,t)=>{const n=Sr("PopoverTarget",GX,e),{children:r,refProp:o,popupType:s}=n,a=UX(n,["children","refProp","popupType"]);if(!bj(r))throw new Error(BI.children);const c=a,d=FI(),p=zd(d.reference,r.ref,t),h=d.withRoles?{"aria-haspopup":s,"aria-expanded":d.opened,"aria-controls":d.getDropdownId(),id:d.getTargetId()}:{};return f.cloneElement(r,lp(VX(lp(lp(lp({},c),h),d.targetProps),{className:xj(d.targetProps.className,c.className,r.props.className),[o]:p}),d.controlled?null:{onClick:d.onToggle}))});VI.displayName="@mantine/core/PopoverTarget";var qX=so((e,{radius:t,shadow:n})=>({dropdown:{position:"absolute",backgroundColor:e.white,background:e.colorScheme==="dark"?e.colors.dark[6]:e.white,border:`${Ue(1)} solid ${e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[2]}`,padding:`${e.spacing.sm} ${e.spacing.md}`,boxShadow:e.shadows[n]||n||"none",borderRadius:e.fn.radius(t),"&:focus":{outline:0}},arrow:{backgroundColor:"inherit",border:`${Ue(1)} solid ${e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[2]}`,zIndex:1}}));const KX=qX;var XX=Object.defineProperty,g4=Object.getOwnPropertySymbols,YX=Object.prototype.hasOwnProperty,QX=Object.prototype.propertyIsEnumerable,v4=(e,t,n)=>t in e?XX(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Fl=(e,t)=>{for(var n in t||(t={}))YX.call(t,n)&&v4(e,n,t[n]);if(g4)for(var n of g4(t))QX.call(t,n)&&v4(e,n,t[n]);return e};const b4={entering:"in",entered:"in",exiting:"out",exited:"out","pre-exiting":"out","pre-entering":"out"};function JX({transition:e,state:t,duration:n,timingFunction:r}){const o={transitionDuration:`${n}ms`,transitionTimingFunction:r};return typeof e=="string"?e in ep?Fl(Fl(Fl({transitionProperty:ep[e].transitionProperty},o),ep[e].common),ep[e][b4[t]]):null:Fl(Fl(Fl({transitionProperty:e.transitionProperty},o),e.common),e[b4[t]])}function ZX({duration:e,exitDuration:t,timingFunction:n,mounted:r,onEnter:o,onExit:s,onEntered:a,onExited:c}){const d=Fa(),p=jj(),h=d.respectReducedMotion?p:!1,[m,v]=f.useState(h?0:e),[b,w]=f.useState(r?"entered":"exited"),y=f.useRef(-1),S=_=>{const k=_?o:s,j=_?a:c;w(_?"pre-entering":"pre-exiting"),window.clearTimeout(y.current);const I=h?0:_?e:t;if(v(I),I===0)typeof k=="function"&&k(),typeof j=="function"&&j(),w(_?"entered":"exited");else{const E=window.setTimeout(()=>{typeof k=="function"&&k(),w(_?"entering":"exiting")},10);y.current=window.setTimeout(()=>{window.clearTimeout(E),typeof j=="function"&&j(),w(_?"entered":"exited")},I)}};return Ps(()=>{S(r)},[r]),f.useEffect(()=>()=>window.clearTimeout(y.current),[]),{transitionDuration:m,transitionStatus:b,transitionTimingFunction:n||d.transitionTimingFunction}}function UI({keepMounted:e,transition:t,duration:n=250,exitDuration:r=n,mounted:o,children:s,timingFunction:a,onExit:c,onEntered:d,onEnter:p,onExited:h}){const{transitionDuration:m,transitionStatus:v,transitionTimingFunction:b}=ZX({mounted:o,exitDuration:r,duration:n,timingFunction:a,onExit:c,onEntered:d,onEnter:p,onExited:h});return m===0?o?H.createElement(H.Fragment,null,s({})):e?s({display:"none"}):null:v==="exited"?e?s({display:"none"}):null:H.createElement(H.Fragment,null,s(JX({transition:t,duration:m,state:v,timingFunction:b})))}UI.displayName="@mantine/core/Transition";function GI({children:e,active:t=!0,refProp:n="ref"}){const r=iG(t),o=zd(r,e==null?void 0:e.ref);return bj(e)?f.cloneElement(e,{[n]:o}):e}GI.displayName="@mantine/core/FocusTrap";var eY=Object.defineProperty,tY=Object.defineProperties,nY=Object.getOwnPropertyDescriptors,y4=Object.getOwnPropertySymbols,rY=Object.prototype.hasOwnProperty,oY=Object.prototype.propertyIsEnumerable,x4=(e,t,n)=>t in e?eY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Za=(e,t)=>{for(var n in t||(t={}))rY.call(t,n)&&x4(e,n,t[n]);if(y4)for(var n of y4(t))oY.call(t,n)&&x4(e,n,t[n]);return e},cp=(e,t)=>tY(e,nY(t));function w4(e,t,n,r){return e==="center"||r==="center"?{top:t}:e==="end"?{bottom:n}:e==="start"?{top:n}:{}}function S4(e,t,n,r,o){return e==="center"||r==="center"?{left:t}:e==="end"?{[o==="ltr"?"right":"left"]:n}:e==="start"?{[o==="ltr"?"left":"right"]:n}:{}}const sY={bottom:"borderTopLeftRadius",left:"borderTopRightRadius",right:"borderBottomLeftRadius",top:"borderBottomRightRadius"};function aY({position:e,arrowSize:t,arrowOffset:n,arrowRadius:r,arrowPosition:o,arrowX:s,arrowY:a,dir:c}){const[d,p="center"]=e.split("-"),h={width:Ue(t),height:Ue(t),transform:"rotate(45deg)",position:"absolute",[sY[d]]:Ue(r)},m=Ue(-t/2);return d==="left"?cp(Za(Za({},h),w4(p,a,n,o)),{right:m,borderLeftColor:"transparent",borderBottomColor:"transparent"}):d==="right"?cp(Za(Za({},h),w4(p,a,n,o)),{left:m,borderRightColor:"transparent",borderTopColor:"transparent"}):d==="top"?cp(Za(Za({},h),S4(p,s,n,o,c)),{bottom:m,borderTopColor:"transparent",borderLeftColor:"transparent"}):d==="bottom"?cp(Za(Za({},h),S4(p,s,n,o,c)),{top:m,borderBottomColor:"transparent",borderRightColor:"transparent"}):{}}var iY=Object.defineProperty,lY=Object.defineProperties,cY=Object.getOwnPropertyDescriptors,jh=Object.getOwnPropertySymbols,qI=Object.prototype.hasOwnProperty,KI=Object.prototype.propertyIsEnumerable,C4=(e,t,n)=>t in e?iY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,uY=(e,t)=>{for(var n in t||(t={}))qI.call(t,n)&&C4(e,n,t[n]);if(jh)for(var n of jh(t))KI.call(t,n)&&C4(e,n,t[n]);return e},dY=(e,t)=>lY(e,cY(t)),fY=(e,t)=>{var n={};for(var r in e)qI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&jh)for(var r of jh(e))t.indexOf(r)<0&&KI.call(e,r)&&(n[r]=e[r]);return n};const XI=f.forwardRef((e,t)=>{var n=e,{position:r,arrowSize:o,arrowOffset:s,arrowRadius:a,arrowPosition:c,visible:d,arrowX:p,arrowY:h}=n,m=fY(n,["position","arrowSize","arrowOffset","arrowRadius","arrowPosition","visible","arrowX","arrowY"]);const v=Fa();return d?H.createElement("div",dY(uY({},m),{ref:t,style:aY({position:r,arrowSize:o,arrowOffset:s,arrowRadius:a,arrowPosition:c,dir:v.dir,arrowX:p,arrowY:h})})):null});XI.displayName="@mantine/core/FloatingArrow";var pY=Object.defineProperty,hY=Object.defineProperties,mY=Object.getOwnPropertyDescriptors,Ih=Object.getOwnPropertySymbols,YI=Object.prototype.hasOwnProperty,QI=Object.prototype.propertyIsEnumerable,k4=(e,t,n)=>t in e?pY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Hl=(e,t)=>{for(var n in t||(t={}))YI.call(t,n)&&k4(e,n,t[n]);if(Ih)for(var n of Ih(t))QI.call(t,n)&&k4(e,n,t[n]);return e},up=(e,t)=>hY(e,mY(t)),gY=(e,t)=>{var n={};for(var r in e)YI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Ih)for(var r of Ih(e))t.indexOf(r)<0&&QI.call(e,r)&&(n[r]=e[r]);return n};const vY={};function JI(e){var t;const n=Sr("PopoverDropdown",vY,e),{style:r,className:o,children:s,onKeyDownCapture:a}=n,c=gY(n,["style","className","children","onKeyDownCapture"]),d=FI(),{classes:p,cx:h}=KX({radius:d.radius,shadow:d.shadow},{name:d.__staticSelector,classNames:d.classNames,styles:d.styles,unstyled:d.unstyled,variant:d.variant}),m=eG({opened:d.opened,shouldReturnFocus:d.returnFocus}),v=d.withRoles?{"aria-labelledby":d.getTargetId(),id:d.getDropdownId(),role:"dialog"}:{};return d.disabled?null:H.createElement(Jj,up(Hl({},d.portalProps),{withinPortal:d.withinPortal}),H.createElement(UI,up(Hl({mounted:d.opened},d.transitionProps),{transition:d.transitionProps.transition||"fade",duration:(t=d.transitionProps.duration)!=null?t:150,keepMounted:d.keepMounted,exitDuration:typeof d.transitionProps.exitDuration=="number"?d.transitionProps.exitDuration:d.transitionProps.duration}),b=>{var w,y;return H.createElement(GI,{active:d.trapFocus},H.createElement(jo,Hl(up(Hl({},v),{tabIndex:-1,ref:d.floating,style:up(Hl(Hl({},r),b),{zIndex:d.zIndex,top:(w=d.y)!=null?w:0,left:(y=d.x)!=null?y:0,width:d.width==="target"?void 0:Ue(d.width)}),className:h(p.dropdown,o),onKeyDownCapture:EU(d.onClose,{active:d.closeOnEscape,onTrigger:m,onKeyDown:a}),"data-position":d.placement}),c),s,H.createElement(XI,{ref:d.arrowRef,arrowX:d.arrowX,arrowY:d.arrowY,visible:d.withArrow,position:d.placement,arrowSize:d.arrowSize,arrowRadius:d.arrowRadius,arrowOffset:d.arrowOffset,arrowPosition:d.arrowPosition,className:p.arrow})))}))}JI.displayName="@mantine/core/PopoverDropdown";function bY(e,t){if(e==="rtl"&&(t.includes("right")||t.includes("left"))){const[n,r]=t.split("-"),o=n==="right"?"left":"right";return r===void 0?o:`${o}-${r}`}return t}var _4=Object.getOwnPropertySymbols,yY=Object.prototype.hasOwnProperty,xY=Object.prototype.propertyIsEnumerable,wY=(e,t)=>{var n={};for(var r in e)yY.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&_4)for(var r of _4(e))t.indexOf(r)<0&&xY.call(e,r)&&(n[r]=e[r]);return n};const SY={position:"bottom",offset:8,positionDependencies:[],transitionProps:{transition:"fade",duration:150},middlewares:{flip:!0,shift:!0,inline:!1},arrowSize:7,arrowOffset:5,arrowRadius:0,arrowPosition:"side",closeOnClickOutside:!0,withinPortal:!1,closeOnEscape:!0,trapFocus:!1,withRoles:!0,returnFocus:!1,clickOutsideEvents:["mousedown","touchstart"],zIndex:_y("popover"),__staticSelector:"Popover",width:"max-content"};function Uc(e){var t,n,r,o,s,a;const c=f.useRef(null),d=Sr("Popover",SY,e),{children:p,position:h,offset:m,onPositionChange:v,positionDependencies:b,opened:w,transitionProps:y,width:S,middlewares:_,withArrow:k,arrowSize:j,arrowOffset:I,arrowRadius:E,arrowPosition:O,unstyled:R,classNames:M,styles:A,closeOnClickOutside:T,withinPortal:$,portalProps:Q,closeOnEscape:B,clickOutsideEvents:V,trapFocus:q,onClose:G,onOpen:D,onChange:L,zIndex:W,radius:Y,shadow:ae,id:be,defaultOpened:ie,__staticSelector:X,withRoles:K,disabled:U,returnFocus:se,variant:re,keepMounted:oe}=d,pe=wY(d,["children","position","offset","onPositionChange","positionDependencies","opened","transitionProps","width","middlewares","withArrow","arrowSize","arrowOffset","arrowRadius","arrowPosition","unstyled","classNames","styles","closeOnClickOutside","withinPortal","portalProps","closeOnEscape","clickOutsideEvents","trapFocus","onClose","onOpen","onChange","zIndex","radius","shadow","id","defaultOpened","__staticSelector","withRoles","disabled","returnFocus","variant","keepMounted"]),[le,ge]=f.useState(null),[ke,xe]=f.useState(null),de=jy(be),Te=Fa(),Oe=LX({middlewares:_,width:S,position:bY(Te.dir,h),offset:typeof m=="number"?m+(k?j/2:0):m,arrowRef:c,arrowOffset:I,onPositionChange:v,positionDependencies:b,opened:w,defaultOpened:ie,onChange:L,onOpen:D,onClose:G});YU(()=>Oe.opened&&T&&Oe.onClose(),V,[le,ke]);const $e=f.useCallback(ct=>{ge(ct),Oe.floating.reference(ct)},[Oe.floating.reference]),kt=f.useCallback(ct=>{xe(ct),Oe.floating.floating(ct)},[Oe.floating.floating]);return H.createElement(BX,{value:{returnFocus:se,disabled:U,controlled:Oe.controlled,reference:$e,floating:kt,x:Oe.floating.x,y:Oe.floating.y,arrowX:(r=(n=(t=Oe.floating)==null?void 0:t.middlewareData)==null?void 0:n.arrow)==null?void 0:r.x,arrowY:(a=(s=(o=Oe.floating)==null?void 0:o.middlewareData)==null?void 0:s.arrow)==null?void 0:a.y,opened:Oe.opened,arrowRef:c,transitionProps:y,width:S,withArrow:k,arrowSize:j,arrowOffset:I,arrowRadius:E,arrowPosition:O,placement:Oe.floating.placement,trapFocus:q,withinPortal:$,portalProps:Q,zIndex:W,radius:Y,shadow:ae,closeOnEscape:B,onClose:Oe.onClose,onToggle:Oe.onToggle,getTargetId:()=>`${de}-target`,getDropdownId:()=>`${de}-dropdown`,withRoles:K,targetProps:pe,__staticSelector:X,classNames:M,styles:A,unstyled:R,variant:re,keepMounted:oe}},p)}Uc.Target=VI;Uc.Dropdown=JI;Uc.displayName="@mantine/core/Popover";var CY=Object.defineProperty,Eh=Object.getOwnPropertySymbols,ZI=Object.prototype.hasOwnProperty,eE=Object.prototype.propertyIsEnumerable,P4=(e,t,n)=>t in e?CY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,kY=(e,t)=>{for(var n in t||(t={}))ZI.call(t,n)&&P4(e,n,t[n]);if(Eh)for(var n of Eh(t))eE.call(t,n)&&P4(e,n,t[n]);return e},_Y=(e,t)=>{var n={};for(var r in e)ZI.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Eh)for(var r of Eh(e))t.indexOf(r)<0&&eE.call(e,r)&&(n[r]=e[r]);return n};function PY(e){var t=e,{children:n,component:r="div",maxHeight:o=220,direction:s="column",id:a,innerRef:c,__staticSelector:d,styles:p,classNames:h,unstyled:m}=t,v=_Y(t,["children","component","maxHeight","direction","id","innerRef","__staticSelector","styles","classNames","unstyled"]);const{classes:b}=iX(null,{name:d,styles:p,classNames:h,unstyled:m});return H.createElement(Uc.Dropdown,kY({p:0,onMouseDown:w=>w.preventDefault()},v),H.createElement("div",{style:{maxHeight:Ue(o),display:"flex"}},H.createElement(jo,{component:r||"div",id:`${a}-items`,"aria-labelledby":`${a}-label`,role:"listbox",onMouseDown:w=>w.preventDefault(),style:{flex:1,overflowY:r!==Lm?"auto":void 0},"data-combobox-popover":!0,tabIndex:-1,ref:c},H.createElement("div",{className:b.itemsWrapper,style:{flexDirection:s}},n))))}function hi({opened:e,transitionProps:t={transition:"fade",duration:0},shadow:n,withinPortal:r,portalProps:o,children:s,__staticSelector:a,onDirectionChange:c,switchDirectionOnFlip:d,zIndex:p,dropdownPosition:h,positionDependencies:m=[],classNames:v,styles:b,unstyled:w,readOnly:y,variant:S}){return H.createElement(Uc,{unstyled:w,classNames:v,styles:b,width:"target",withRoles:!1,opened:e,middlewares:{flip:h==="flip",shift:!1},position:h==="flip"?"bottom":h,positionDependencies:m,zIndex:p,__staticSelector:a,withinPortal:r,portalProps:o,transitionProps:t,shadow:n,disabled:y,onPositionChange:_=>d&&(c==null?void 0:c(_==="top"?"column-reverse":"column")),variant:S},s)}hi.Target=Uc.Target;hi.Dropdown=PY;var jY=Object.defineProperty,IY=Object.defineProperties,EY=Object.getOwnPropertyDescriptors,Oh=Object.getOwnPropertySymbols,tE=Object.prototype.hasOwnProperty,nE=Object.prototype.propertyIsEnumerable,j4=(e,t,n)=>t in e?jY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,dp=(e,t)=>{for(var n in t||(t={}))tE.call(t,n)&&j4(e,n,t[n]);if(Oh)for(var n of Oh(t))nE.call(t,n)&&j4(e,n,t[n]);return e},OY=(e,t)=>IY(e,EY(t)),RY=(e,t)=>{var n={};for(var r in e)tE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Oh)for(var r of Oh(e))t.indexOf(r)<0&&nE.call(e,r)&&(n[r]=e[r]);return n};function rE(e,t,n){const r=Sr(e,t,n),{label:o,description:s,error:a,required:c,classNames:d,styles:p,className:h,unstyled:m,__staticSelector:v,sx:b,errorProps:w,labelProps:y,descriptionProps:S,wrapperProps:_,id:k,size:j,style:I,inputContainer:E,inputWrapperOrder:O,withAsterisk:R,variant:M}=r,A=RY(r,["label","description","error","required","classNames","styles","className","unstyled","__staticSelector","sx","errorProps","labelProps","descriptionProps","wrapperProps","id","size","style","inputContainer","inputWrapperOrder","withAsterisk","variant"]),T=jy(k),{systemStyles:$,rest:Q}=Tm(A),B=dp({label:o,description:s,error:a,required:c,classNames:d,className:h,__staticSelector:v,sx:b,errorProps:w,labelProps:y,descriptionProps:S,unstyled:m,styles:p,id:T,size:j,style:I,inputContainer:E,inputWrapperOrder:O,withAsterisk:R,variant:M},_);return OY(dp({},Q),{classNames:d,styles:p,unstyled:m,wrapperProps:dp(dp({},B),$),inputProps:{required:c,classNames:d,styles:p,unstyled:m,id:T,size:j,__staticSelector:v,error:a,variant:M}})}var MY=so((e,t,{size:n})=>({label:{display:"inline-block",fontSize:Vt({size:n,sizes:e.fontSizes}),fontWeight:500,color:e.colorScheme==="dark"?e.colors.dark[0]:e.colors.gray[9],wordBreak:"break-word",cursor:"default",WebkitTapHighlightColor:"transparent"},required:{color:e.fn.variant({variant:"filled",color:"red"}).background}}));const DY=MY;var AY=Object.defineProperty,Rh=Object.getOwnPropertySymbols,oE=Object.prototype.hasOwnProperty,sE=Object.prototype.propertyIsEnumerable,I4=(e,t,n)=>t in e?AY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,TY=(e,t)=>{for(var n in t||(t={}))oE.call(t,n)&&I4(e,n,t[n]);if(Rh)for(var n of Rh(t))sE.call(t,n)&&I4(e,n,t[n]);return e},NY=(e,t)=>{var n={};for(var r in e)oE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Rh)for(var r of Rh(e))t.indexOf(r)<0&&sE.call(e,r)&&(n[r]=e[r]);return n};const $Y={labelElement:"label",size:"sm"},Ny=f.forwardRef((e,t)=>{const n=Sr("InputLabel",$Y,e),{labelElement:r,children:o,required:s,size:a,classNames:c,styles:d,unstyled:p,className:h,htmlFor:m,__staticSelector:v,variant:b,onMouseDown:w}=n,y=NY(n,["labelElement","children","required","size","classNames","styles","unstyled","className","htmlFor","__staticSelector","variant","onMouseDown"]),{classes:S,cx:_}=DY(null,{name:["InputWrapper",v],classNames:c,styles:d,unstyled:p,variant:b,size:a});return H.createElement(jo,TY({component:r,ref:t,className:_(S.label,h),htmlFor:r==="label"?m:void 0,onMouseDown:k=>{w==null||w(k),!k.defaultPrevented&&k.detail>1&&k.preventDefault()}},y),o,s&&H.createElement("span",{className:S.required,"aria-hidden":!0}," *"))});Ny.displayName="@mantine/core/InputLabel";var zY=so((e,t,{size:n})=>({error:{wordBreak:"break-word",color:e.fn.variant({variant:"filled",color:"red"}).background,fontSize:`calc(${Vt({size:n,sizes:e.fontSizes})} - ${Ue(2)})`,lineHeight:1.2,display:"block"}}));const LY=zY;var BY=Object.defineProperty,Mh=Object.getOwnPropertySymbols,aE=Object.prototype.hasOwnProperty,iE=Object.prototype.propertyIsEnumerable,E4=(e,t,n)=>t in e?BY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,FY=(e,t)=>{for(var n in t||(t={}))aE.call(t,n)&&E4(e,n,t[n]);if(Mh)for(var n of Mh(t))iE.call(t,n)&&E4(e,n,t[n]);return e},HY=(e,t)=>{var n={};for(var r in e)aE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Mh)for(var r of Mh(e))t.indexOf(r)<0&&iE.call(e,r)&&(n[r]=e[r]);return n};const WY={size:"sm"},$y=f.forwardRef((e,t)=>{const n=Sr("InputError",WY,e),{children:r,className:o,classNames:s,styles:a,unstyled:c,size:d,__staticSelector:p,variant:h}=n,m=HY(n,["children","className","classNames","styles","unstyled","size","__staticSelector","variant"]),{classes:v,cx:b}=LY(null,{name:["InputWrapper",p],classNames:s,styles:a,unstyled:c,variant:h,size:d});return H.createElement(Cc,FY({className:b(v.error,o),ref:t},m),r)});$y.displayName="@mantine/core/InputError";var VY=so((e,t,{size:n})=>({description:{wordBreak:"break-word",color:e.colorScheme==="dark"?e.colors.dark[2]:e.colors.gray[6],fontSize:`calc(${Vt({size:n,sizes:e.fontSizes})} - ${Ue(2)})`,lineHeight:1.2,display:"block"}}));const UY=VY;var GY=Object.defineProperty,Dh=Object.getOwnPropertySymbols,lE=Object.prototype.hasOwnProperty,cE=Object.prototype.propertyIsEnumerable,O4=(e,t,n)=>t in e?GY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,qY=(e,t)=>{for(var n in t||(t={}))lE.call(t,n)&&O4(e,n,t[n]);if(Dh)for(var n of Dh(t))cE.call(t,n)&&O4(e,n,t[n]);return e},KY=(e,t)=>{var n={};for(var r in e)lE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Dh)for(var r of Dh(e))t.indexOf(r)<0&&cE.call(e,r)&&(n[r]=e[r]);return n};const XY={size:"sm"},zy=f.forwardRef((e,t)=>{const n=Sr("InputDescription",XY,e),{children:r,className:o,classNames:s,styles:a,unstyled:c,size:d,__staticSelector:p,variant:h}=n,m=KY(n,["children","className","classNames","styles","unstyled","size","__staticSelector","variant"]),{classes:v,cx:b}=UY(null,{name:["InputWrapper",p],classNames:s,styles:a,unstyled:c,variant:h,size:d});return H.createElement(Cc,qY({color:"dimmed",className:b(v.description,o),ref:t,unstyled:c},m),r)});zy.displayName="@mantine/core/InputDescription";const uE=f.createContext({offsetBottom:!1,offsetTop:!1,describedBy:void 0}),YY=uE.Provider,QY=()=>f.useContext(uE);function JY(e,{hasDescription:t,hasError:n}){const r=e.findIndex(d=>d==="input"),o=e[r-1],s=e[r+1];return{offsetBottom:t&&s==="description"||n&&s==="error",offsetTop:t&&o==="description"||n&&o==="error"}}var ZY=Object.defineProperty,eQ=Object.defineProperties,tQ=Object.getOwnPropertyDescriptors,R4=Object.getOwnPropertySymbols,nQ=Object.prototype.hasOwnProperty,rQ=Object.prototype.propertyIsEnumerable,M4=(e,t,n)=>t in e?ZY(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,oQ=(e,t)=>{for(var n in t||(t={}))nQ.call(t,n)&&M4(e,n,t[n]);if(R4)for(var n of R4(t))rQ.call(t,n)&&M4(e,n,t[n]);return e},sQ=(e,t)=>eQ(e,tQ(t)),aQ=so(e=>({root:sQ(oQ({},e.fn.fontStyles()),{lineHeight:e.lineHeight})}));const iQ=aQ;var lQ=Object.defineProperty,cQ=Object.defineProperties,uQ=Object.getOwnPropertyDescriptors,Ah=Object.getOwnPropertySymbols,dE=Object.prototype.hasOwnProperty,fE=Object.prototype.propertyIsEnumerable,D4=(e,t,n)=>t in e?lQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,ei=(e,t)=>{for(var n in t||(t={}))dE.call(t,n)&&D4(e,n,t[n]);if(Ah)for(var n of Ah(t))fE.call(t,n)&&D4(e,n,t[n]);return e},A4=(e,t)=>cQ(e,uQ(t)),dQ=(e,t)=>{var n={};for(var r in e)dE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Ah)for(var r of Ah(e))t.indexOf(r)<0&&fE.call(e,r)&&(n[r]=e[r]);return n};const fQ={labelElement:"label",size:"sm",inputContainer:e=>e,inputWrapperOrder:["label","description","input","error"]},pE=f.forwardRef((e,t)=>{const n=Sr("InputWrapper",fQ,e),{className:r,label:o,children:s,required:a,id:c,error:d,description:p,labelElement:h,labelProps:m,descriptionProps:v,errorProps:b,classNames:w,styles:y,size:S,inputContainer:_,__staticSelector:k,unstyled:j,inputWrapperOrder:I,withAsterisk:E,variant:O}=n,R=dQ(n,["className","label","children","required","id","error","description","labelElement","labelProps","descriptionProps","errorProps","classNames","styles","size","inputContainer","__staticSelector","unstyled","inputWrapperOrder","withAsterisk","variant"]),{classes:M,cx:A}=iQ(null,{classNames:w,styles:y,name:["InputWrapper",k],unstyled:j,variant:O,size:S}),T={classNames:w,styles:y,unstyled:j,size:S,variant:O,__staticSelector:k},$=typeof E=="boolean"?E:a,Q=c?`${c}-error`:b==null?void 0:b.id,B=c?`${c}-description`:v==null?void 0:v.id,q=`${!!d&&typeof d!="boolean"?Q:""} ${p?B:""}`,G=q.trim().length>0?q.trim():void 0,D=o&&H.createElement(Ny,ei(ei({key:"label",labelElement:h,id:c?`${c}-label`:void 0,htmlFor:c,required:$},T),m),o),L=p&&H.createElement(zy,A4(ei(ei({key:"description"},v),T),{size:(v==null?void 0:v.size)||T.size,id:(v==null?void 0:v.id)||B}),p),W=H.createElement(f.Fragment,{key:"input"},_(s)),Y=typeof d!="boolean"&&d&&H.createElement($y,A4(ei(ei({},b),T),{size:(b==null?void 0:b.size)||T.size,key:"error",id:(b==null?void 0:b.id)||Q}),d),ae=I.map(be=>{switch(be){case"label":return D;case"input":return W;case"description":return L;case"error":return Y;default:return null}});return H.createElement(YY,{value:ei({describedBy:G},JY(I,{hasDescription:!!L,hasError:!!Y}))},H.createElement(jo,ei({className:A(M.root,r),ref:t},R),ae))});pE.displayName="@mantine/core/InputWrapper";var pQ=Object.defineProperty,Th=Object.getOwnPropertySymbols,hE=Object.prototype.hasOwnProperty,mE=Object.prototype.propertyIsEnumerable,T4=(e,t,n)=>t in e?pQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,hQ=(e,t)=>{for(var n in t||(t={}))hE.call(t,n)&&T4(e,n,t[n]);if(Th)for(var n of Th(t))mE.call(t,n)&&T4(e,n,t[n]);return e},mQ=(e,t)=>{var n={};for(var r in e)hE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Th)for(var r of Th(e))t.indexOf(r)<0&&mE.call(e,r)&&(n[r]=e[r]);return n};const gQ={},gE=f.forwardRef((e,t)=>{const n=Sr("InputPlaceholder",gQ,e),{sx:r}=n,o=mQ(n,["sx"]);return H.createElement(jo,hQ({component:"span",sx:[s=>s.fn.placeholderStyles(),...gj(r)],ref:t},o))});gE.displayName="@mantine/core/InputPlaceholder";var vQ=Object.defineProperty,bQ=Object.defineProperties,yQ=Object.getOwnPropertyDescriptors,N4=Object.getOwnPropertySymbols,xQ=Object.prototype.hasOwnProperty,wQ=Object.prototype.propertyIsEnumerable,$4=(e,t,n)=>t in e?vQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,fp=(e,t)=>{for(var n in t||(t={}))xQ.call(t,n)&&$4(e,n,t[n]);if(N4)for(var n of N4(t))wQ.call(t,n)&&$4(e,n,t[n]);return e},ev=(e,t)=>bQ(e,yQ(t));const Yo={xs:Ue(30),sm:Ue(36),md:Ue(42),lg:Ue(50),xl:Ue(60)},SQ=["default","filled","unstyled"];function CQ({theme:e,variant:t}){return SQ.includes(t)?t==="default"?{border:`${Ue(1)} solid ${e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[4]}`,backgroundColor:e.colorScheme==="dark"?e.colors.dark[6]:e.white,transition:"border-color 100ms ease","&:focus, &:focus-within":e.focusRingStyles.inputStyles(e)}:t==="filled"?{border:`${Ue(1)} solid transparent`,backgroundColor:e.colorScheme==="dark"?e.colors.dark[5]:e.colors.gray[1],"&:focus, &:focus-within":e.focusRingStyles.inputStyles(e)}:{borderWidth:0,color:e.colorScheme==="dark"?e.colors.dark[0]:e.black,backgroundColor:"transparent",minHeight:Ue(28),outline:0,"&:focus, &:focus-within":{outline:"none",borderColor:"transparent"},"&:disabled":{backgroundColor:"transparent","&:focus, &:focus-within":{outline:"none",borderColor:"transparent"}}}:null}var kQ=so((e,{multiline:t,radius:n,invalid:r,rightSectionWidth:o,withRightSection:s,iconWidth:a,offsetBottom:c,offsetTop:d,pointer:p},{variant:h,size:m})=>{const v=e.fn.variant({variant:"filled",color:"red"}).background,b=h==="default"||h==="filled"?{minHeight:Vt({size:m,sizes:Yo}),paddingLeft:`calc(${Vt({size:m,sizes:Yo})} / 3)`,paddingRight:s?o||Vt({size:m,sizes:Yo}):`calc(${Vt({size:m,sizes:Yo})} / 3)`,borderRadius:e.fn.radius(n)}:h==="unstyled"&&s?{paddingRight:o||Vt({size:m,sizes:Yo})}:null;return{wrapper:{position:"relative",marginTop:d?`calc(${e.spacing.xs} / 2)`:void 0,marginBottom:c?`calc(${e.spacing.xs} / 2)`:void 0,"&:has(input:disabled)":{"& .mantine-Input-rightSection":{display:"none"}}},input:ev(fp(fp(ev(fp({},e.fn.fontStyles()),{height:t?h==="unstyled"?void 0:"auto":Vt({size:m,sizes:Yo}),WebkitTapHighlightColor:"transparent",lineHeight:t?e.lineHeight:`calc(${Vt({size:m,sizes:Yo})} - ${Ue(2)})`,appearance:"none",resize:"none",boxSizing:"border-box",fontSize:Vt({size:m,sizes:e.fontSizes}),width:"100%",color:e.colorScheme==="dark"?e.colors.dark[0]:e.black,display:"block",textAlign:"left",cursor:p?"pointer":void 0}),CQ({theme:e,variant:h})),b),{"&:disabled, &[data-disabled]":{backgroundColor:e.colorScheme==="dark"?e.colors.dark[6]:e.colors.gray[1],color:e.colors.dark[2],opacity:.6,cursor:"not-allowed",pointerEvents:"none","&::placeholder":{color:e.colors.dark[2]}},"&[data-invalid]":{color:v,borderColor:v,"&::placeholder":{opacity:1,color:v}},"&[data-with-icon]":{paddingLeft:typeof a=="number"?Ue(a):Vt({size:m,sizes:Yo})},"&::placeholder":ev(fp({},e.fn.placeholderStyles()),{opacity:1}),"&::-webkit-inner-spin-button, &::-webkit-outer-spin-button, &::-webkit-search-decoration, &::-webkit-search-cancel-button, &::-webkit-search-results-button, &::-webkit-search-results-decoration":{appearance:"none"},"&[type=number]":{MozAppearance:"textfield"}}),icon:{pointerEvents:"none",position:"absolute",zIndex:1,left:0,top:0,bottom:0,display:"flex",alignItems:"center",justifyContent:"center",width:a?Ue(a):Vt({size:m,sizes:Yo}),color:r?e.colors.red[e.colorScheme==="dark"?6:7]:e.colorScheme==="dark"?e.colors.dark[2]:e.colors.gray[5]},rightSection:{position:"absolute",top:0,bottom:0,right:0,display:"flex",alignItems:"center",justifyContent:"center",width:o||Vt({size:m,sizes:Yo})}}});const _Q=kQ;var PQ=Object.defineProperty,jQ=Object.defineProperties,IQ=Object.getOwnPropertyDescriptors,Nh=Object.getOwnPropertySymbols,vE=Object.prototype.hasOwnProperty,bE=Object.prototype.propertyIsEnumerable,z4=(e,t,n)=>t in e?PQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,pp=(e,t)=>{for(var n in t||(t={}))vE.call(t,n)&&z4(e,n,t[n]);if(Nh)for(var n of Nh(t))bE.call(t,n)&&z4(e,n,t[n]);return e},L4=(e,t)=>jQ(e,IQ(t)),EQ=(e,t)=>{var n={};for(var r in e)vE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Nh)for(var r of Nh(e))t.indexOf(r)<0&&bE.call(e,r)&&(n[r]=e[r]);return n};const OQ={size:"sm",variant:"default"},bl=f.forwardRef((e,t)=>{const n=Sr("Input",OQ,e),{className:r,error:o,required:s,disabled:a,variant:c,icon:d,style:p,rightSectionWidth:h,iconWidth:m,rightSection:v,rightSectionProps:b,radius:w,size:y,wrapperProps:S,classNames:_,styles:k,__staticSelector:j,multiline:I,sx:E,unstyled:O,pointer:R}=n,M=EQ(n,["className","error","required","disabled","variant","icon","style","rightSectionWidth","iconWidth","rightSection","rightSectionProps","radius","size","wrapperProps","classNames","styles","__staticSelector","multiline","sx","unstyled","pointer"]),{offsetBottom:A,offsetTop:T,describedBy:$}=QY(),{classes:Q,cx:B}=_Q({radius:w,multiline:I,invalid:!!o,rightSectionWidth:h?Ue(h):void 0,iconWidth:m,withRightSection:!!v,offsetBottom:A,offsetTop:T,pointer:R},{classNames:_,styles:k,name:["Input",j],unstyled:O,variant:c,size:y}),{systemStyles:V,rest:q}=Tm(M);return H.createElement(jo,pp(pp({className:B(Q.wrapper,r),sx:E,style:p},V),S),d&&H.createElement("div",{className:Q.icon},d),H.createElement(jo,L4(pp({component:"input"},q),{ref:t,required:s,"aria-invalid":!!o,"aria-describedby":$,disabled:a,"data-disabled":a||void 0,"data-with-icon":!!d||void 0,"data-invalid":!!o||void 0,className:Q.input})),v&&H.createElement("div",L4(pp({},b),{className:Q.rightSection}),v))});bl.displayName="@mantine/core/Input";bl.Wrapper=pE;bl.Label=Ny;bl.Description=zy;bl.Error=$y;bl.Placeholder=gE;const jc=bl;var RQ=Object.defineProperty,$h=Object.getOwnPropertySymbols,yE=Object.prototype.hasOwnProperty,xE=Object.prototype.propertyIsEnumerable,B4=(e,t,n)=>t in e?RQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,F4=(e,t)=>{for(var n in t||(t={}))yE.call(t,n)&&B4(e,n,t[n]);if($h)for(var n of $h(t))xE.call(t,n)&&B4(e,n,t[n]);return e},MQ=(e,t)=>{var n={};for(var r in e)yE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&$h)for(var r of $h(e))t.indexOf(r)<0&&xE.call(e,r)&&(n[r]=e[r]);return n};const DQ={multiple:!1},wE=f.forwardRef((e,t)=>{const n=Sr("FileButton",DQ,e),{onChange:r,children:o,multiple:s,accept:a,name:c,form:d,resetRef:p,disabled:h,capture:m,inputProps:v}=n,b=MQ(n,["onChange","children","multiple","accept","name","form","resetRef","disabled","capture","inputProps"]),w=f.useRef(),y=()=>{!h&&w.current.click()},S=k=>{r(s?Array.from(k.currentTarget.files):k.currentTarget.files[0]||null)};return Pj(p,()=>{w.current.value=""}),H.createElement(H.Fragment,null,o(F4({onClick:y},b)),H.createElement("input",F4({style:{display:"none"},type:"file",accept:a,multiple:s,onChange:S,ref:zd(t,w),name:c,form:d,capture:m},v)))});wE.displayName="@mantine/core/FileButton";const SE={xs:Ue(16),sm:Ue(22),md:Ue(26),lg:Ue(30),xl:Ue(36)},AQ={xs:Ue(10),sm:Ue(12),md:Ue(14),lg:Ue(16),xl:Ue(18)};var TQ=so((e,{disabled:t,radius:n,readOnly:r},{size:o,variant:s})=>({defaultValue:{display:"flex",alignItems:"center",backgroundColor:t?e.colorScheme==="dark"?e.colors.dark[5]:e.colors.gray[3]:e.colorScheme==="dark"?e.colors.dark[7]:s==="filled"?e.white:e.colors.gray[1],color:t?e.colorScheme==="dark"?e.colors.dark[1]:e.colors.gray[7]:e.colorScheme==="dark"?e.colors.dark[0]:e.colors.gray[7],height:Vt({size:o,sizes:SE}),paddingLeft:`calc(${Vt({size:o,sizes:e.spacing})} / 1.5)`,paddingRight:t||r?Vt({size:o,sizes:e.spacing}):0,fontWeight:500,fontSize:Vt({size:o,sizes:AQ}),borderRadius:Vt({size:n,sizes:e.radius}),cursor:t?"not-allowed":"default",userSelect:"none",maxWidth:`calc(100% - ${Ue(10)})`},defaultValueRemove:{color:e.colorScheme==="dark"?e.colors.dark[0]:e.colors.gray[7],marginLeft:`calc(${Vt({size:o,sizes:e.spacing})} / 6)`},defaultValueLabel:{display:"block",overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"}}));const NQ=TQ;var $Q=Object.defineProperty,zh=Object.getOwnPropertySymbols,CE=Object.prototype.hasOwnProperty,kE=Object.prototype.propertyIsEnumerable,H4=(e,t,n)=>t in e?$Q(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,zQ=(e,t)=>{for(var n in t||(t={}))CE.call(t,n)&&H4(e,n,t[n]);if(zh)for(var n of zh(t))kE.call(t,n)&&H4(e,n,t[n]);return e},LQ=(e,t)=>{var n={};for(var r in e)CE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&zh)for(var r of zh(e))t.indexOf(r)<0&&kE.call(e,r)&&(n[r]=e[r]);return n};const BQ={xs:16,sm:22,md:24,lg:26,xl:30};function _E(e){var t=e,{label:n,classNames:r,styles:o,className:s,onRemove:a,disabled:c,readOnly:d,size:p,radius:h="sm",variant:m,unstyled:v}=t,b=LQ(t,["label","classNames","styles","className","onRemove","disabled","readOnly","size","radius","variant","unstyled"]);const{classes:w,cx:y}=NQ({disabled:c,readOnly:d,radius:h},{name:"MultiSelect",classNames:r,styles:o,unstyled:v,size:p,variant:m});return H.createElement("div",zQ({className:y(w.defaultValue,s)},b),H.createElement("span",{className:w.defaultValueLabel},n),!c&&!d&&H.createElement(sI,{"aria-hidden":!0,onMouseDown:a,size:BQ[p],radius:2,color:"blue",variant:"transparent",iconSize:"70%",className:w.defaultValueRemove,tabIndex:-1,unstyled:v}))}_E.displayName="@mantine/core/MultiSelect/DefaultValue";function FQ({data:e,searchable:t,limit:n,searchValue:r,filter:o,value:s,disableSelectedItemFiltering:a}){if(!t&&s.length===0)return e;if(!t){const d=[];for(let p=0;ph===e[p].value&&!e[p].disabled))&&d.push(e[p]);return d}const c=[];for(let d=0;dp===e[d].value&&!e[d].disabled),e[d])&&c.push(e[d]),!(c.length>=n));d+=1);return c}var HQ=Object.defineProperty,Lh=Object.getOwnPropertySymbols,PE=Object.prototype.hasOwnProperty,jE=Object.prototype.propertyIsEnumerable,W4=(e,t,n)=>t in e?HQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,V4=(e,t)=>{for(var n in t||(t={}))PE.call(t,n)&&W4(e,n,t[n]);if(Lh)for(var n of Lh(t))jE.call(t,n)&&W4(e,n,t[n]);return e},WQ=(e,t)=>{var n={};for(var r in e)PE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Lh)for(var r of Lh(e))t.indexOf(r)<0&&jE.call(e,r)&&(n[r]=e[r]);return n};const VQ={xs:Ue(14),sm:Ue(18),md:Ue(20),lg:Ue(24),xl:Ue(28)};function UQ(e){var t=e,{size:n,error:r,style:o}=t,s=WQ(t,["size","error","style"]);const a=Fa(),c=Vt({size:n,sizes:VQ});return H.createElement("svg",V4({viewBox:"0 0 15 15",fill:"none",xmlns:"http://www.w3.org/2000/svg",style:V4({color:r?a.colors.red[6]:a.colors.gray[6],width:c,height:c},o),"data-chevron":!0},s),H.createElement("path",{d:"M4.93179 5.43179C4.75605 5.60753 4.75605 5.89245 4.93179 6.06819C5.10753 6.24392 5.39245 6.24392 5.56819 6.06819L7.49999 4.13638L9.43179 6.06819C9.60753 6.24392 9.89245 6.24392 10.0682 6.06819C10.2439 5.89245 10.2439 5.60753 10.0682 5.43179L7.81819 3.18179C7.73379 3.0974 7.61933 3.04999 7.49999 3.04999C7.38064 3.04999 7.26618 3.0974 7.18179 3.18179L4.93179 5.43179ZM10.0682 9.56819C10.2439 9.39245 10.2439 9.10753 10.0682 8.93179C9.89245 8.75606 9.60753 8.75606 9.43179 8.93179L7.49999 10.8636L5.56819 8.93179C5.39245 8.75606 5.10753 8.75606 4.93179 8.93179C4.75605 9.10753 4.75605 9.39245 4.93179 9.56819L7.18179 11.8182C7.35753 11.9939 7.64245 11.9939 7.81819 11.8182L10.0682 9.56819Z",fill:"currentColor",fillRule:"evenodd",clipRule:"evenodd"}))}var GQ=Object.defineProperty,qQ=Object.defineProperties,KQ=Object.getOwnPropertyDescriptors,U4=Object.getOwnPropertySymbols,XQ=Object.prototype.hasOwnProperty,YQ=Object.prototype.propertyIsEnumerable,G4=(e,t,n)=>t in e?GQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,QQ=(e,t)=>{for(var n in t||(t={}))XQ.call(t,n)&&G4(e,n,t[n]);if(U4)for(var n of U4(t))YQ.call(t,n)&&G4(e,n,t[n]);return e},JQ=(e,t)=>qQ(e,KQ(t));function IE({shouldClear:e,clearButtonProps:t,onClear:n,size:r,error:o}){return e?H.createElement(sI,JQ(QQ({},t),{variant:"transparent",onClick:n,size:r,onMouseDown:s=>s.preventDefault()})):H.createElement(UQ,{error:o,size:r})}IE.displayName="@mantine/core/SelectRightSection";var ZQ=Object.defineProperty,eJ=Object.defineProperties,tJ=Object.getOwnPropertyDescriptors,Bh=Object.getOwnPropertySymbols,EE=Object.prototype.hasOwnProperty,OE=Object.prototype.propertyIsEnumerable,q4=(e,t,n)=>t in e?ZQ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,tv=(e,t)=>{for(var n in t||(t={}))EE.call(t,n)&&q4(e,n,t[n]);if(Bh)for(var n of Bh(t))OE.call(t,n)&&q4(e,n,t[n]);return e},K4=(e,t)=>eJ(e,tJ(t)),nJ=(e,t)=>{var n={};for(var r in e)EE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Bh)for(var r of Bh(e))t.indexOf(r)<0&&OE.call(e,r)&&(n[r]=e[r]);return n};function RE(e){var t=e,{styles:n,rightSection:r,rightSectionWidth:o,theme:s}=t,a=nJ(t,["styles","rightSection","rightSectionWidth","theme"]);if(r)return{rightSection:r,rightSectionWidth:o,styles:n};const c=typeof n=="function"?n(s):n;return{rightSection:!a.readOnly&&!(a.disabled&&a.shouldClear)&&H.createElement(IE,tv({},a)),styles:K4(tv({},c),{rightSection:K4(tv({},c==null?void 0:c.rightSection),{pointerEvents:a.shouldClear?void 0:"none"})})}}var rJ=Object.defineProperty,oJ=Object.defineProperties,sJ=Object.getOwnPropertyDescriptors,X4=Object.getOwnPropertySymbols,aJ=Object.prototype.hasOwnProperty,iJ=Object.prototype.propertyIsEnumerable,Y4=(e,t,n)=>t in e?rJ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,lJ=(e,t)=>{for(var n in t||(t={}))aJ.call(t,n)&&Y4(e,n,t[n]);if(X4)for(var n of X4(t))iJ.call(t,n)&&Y4(e,n,t[n]);return e},cJ=(e,t)=>oJ(e,sJ(t)),uJ=so((e,{invalid:t},{size:n})=>({wrapper:{position:"relative","&:has(input:disabled)":{cursor:"not-allowed",pointerEvents:"none","& .mantine-MultiSelect-input":{backgroundColor:e.colorScheme==="dark"?e.colors.dark[6]:e.colors.gray[1],color:e.colors.dark[2],opacity:.6,"&::placeholder":{color:e.colors.dark[2]}},"& .mantine-MultiSelect-defaultValue":{backgroundColor:e.colorScheme==="dark"?e.colors.dark[5]:e.colors.gray[3],color:e.colorScheme==="dark"?e.colors.dark[1]:e.colors.gray[7]}}},values:{minHeight:`calc(${Vt({size:n,sizes:Yo})} - ${Ue(2)})`,display:"flex",alignItems:"center",flexWrap:"wrap",marginLeft:`calc(-${e.spacing.xs} / 2)`,boxSizing:"border-box","&[data-clearable]":{marginRight:Vt({size:n,sizes:Yo})}},value:{margin:`calc(${e.spacing.xs} / 2 - ${Ue(2)}) calc(${e.spacing.xs} / 2)`},searchInput:cJ(lJ({},e.fn.fontStyles()),{flex:1,minWidth:Ue(60),backgroundColor:"transparent",border:0,outline:0,fontSize:Vt({size:n,sizes:e.fontSizes}),padding:0,marginLeft:`calc(${e.spacing.xs} / 2)`,appearance:"none",color:"inherit",maxHeight:Vt({size:n,sizes:SE}),"&::placeholder":{opacity:1,color:t?e.colors.red[e.fn.primaryShade()]:e.colorScheme==="dark"?e.colors.dark[3]:e.colors.gray[5]},"&:disabled":{cursor:"not-allowed",pointerEvents:"none"}}),searchInputEmpty:{width:"100%"},searchInputInputHidden:{flex:0,width:0,minWidth:0,margin:0,overflow:"hidden"},searchInputPointer:{cursor:"pointer","&:disabled":{cursor:"not-allowed",pointerEvents:"none"}},input:{cursor:"pointer","&:disabled":{cursor:"not-allowed",pointerEvents:"none"}}}));const dJ=uJ;var fJ=Object.defineProperty,pJ=Object.defineProperties,hJ=Object.getOwnPropertyDescriptors,Fh=Object.getOwnPropertySymbols,ME=Object.prototype.hasOwnProperty,DE=Object.prototype.propertyIsEnumerable,Q4=(e,t,n)=>t in e?fJ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Wl=(e,t)=>{for(var n in t||(t={}))ME.call(t,n)&&Q4(e,n,t[n]);if(Fh)for(var n of Fh(t))DE.call(t,n)&&Q4(e,n,t[n]);return e},J4=(e,t)=>pJ(e,hJ(t)),mJ=(e,t)=>{var n={};for(var r in e)ME.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Fh)for(var r of Fh(e))t.indexOf(r)<0&&DE.call(e,r)&&(n[r]=e[r]);return n};function gJ(e,t,n){return t?!1:n.label.toLowerCase().trim().includes(e.toLowerCase().trim())}function vJ(e,t){return!!e&&!t.some(n=>n.value.toLowerCase()===e.toLowerCase())}function Z4(e,t){if(!Array.isArray(e))return;if(t.length===0)return[];const n=t.map(r=>typeof r=="object"?r.value:r);return e.filter(r=>n.includes(r))}const bJ={size:"sm",valueComponent:_E,itemComponent:Ey,transitionProps:{transition:"fade",duration:0},maxDropdownHeight:220,shadow:"sm",searchable:!1,filter:gJ,limit:1/0,clearSearchOnChange:!0,clearable:!1,clearSearchOnBlur:!1,disabled:!1,initiallyOpened:!1,creatable:!1,shouldCreate:vJ,switchDirectionOnFlip:!1,zIndex:_y("popover"),selectOnBlur:!1,positionDependencies:[],dropdownPosition:"flip"},AE=f.forwardRef((e,t)=>{const n=Sr("MultiSelect",bJ,e),{className:r,style:o,required:s,label:a,description:c,size:d,error:p,classNames:h,styles:m,wrapperProps:v,value:b,defaultValue:w,data:y,onChange:S,valueComponent:_,itemComponent:k,id:j,transitionProps:I,maxDropdownHeight:E,shadow:O,nothingFound:R,onFocus:M,onBlur:A,searchable:T,placeholder:$,filter:Q,limit:B,clearSearchOnChange:V,clearable:q,clearSearchOnBlur:G,variant:D,onSearchChange:L,searchValue:W,disabled:Y,initiallyOpened:ae,radius:be,icon:ie,rightSection:X,rightSectionWidth:K,creatable:U,getCreateLabel:se,shouldCreate:re,onCreate:oe,sx:pe,dropdownComponent:le,onDropdownClose:ge,onDropdownOpen:ke,maxSelectedValues:xe,withinPortal:de,portalProps:Te,switchDirectionOnFlip:Oe,zIndex:$e,selectOnBlur:kt,name:ct,dropdownPosition:on,errorProps:vt,labelProps:bt,descriptionProps:Se,form:Me,positionDependencies:Pt,onKeyDown:Tt,unstyled:we,inputContainer:ht,inputWrapperOrder:$t,readOnly:zt,withAsterisk:ze,clearButtonProps:qe,hoverOnSearchChange:Pn,disableSelectedItemFiltering:Pe}=n,Ze=mJ(n,["className","style","required","label","description","size","error","classNames","styles","wrapperProps","value","defaultValue","data","onChange","valueComponent","itemComponent","id","transitionProps","maxDropdownHeight","shadow","nothingFound","onFocus","onBlur","searchable","placeholder","filter","limit","clearSearchOnChange","clearable","clearSearchOnBlur","variant","onSearchChange","searchValue","disabled","initiallyOpened","radius","icon","rightSection","rightSectionWidth","creatable","getCreateLabel","shouldCreate","onCreate","sx","dropdownComponent","onDropdownClose","onDropdownOpen","maxSelectedValues","withinPortal","portalProps","switchDirectionOnFlip","zIndex","selectOnBlur","name","dropdownPosition","errorProps","labelProps","descriptionProps","form","positionDependencies","onKeyDown","unstyled","inputContainer","inputWrapperOrder","readOnly","withAsterisk","clearButtonProps","hoverOnSearchChange","disableSelectedItemFiltering"]),{classes:Qe,cx:dt,theme:Lt}=dJ({invalid:!!p},{name:"MultiSelect",classNames:h,styles:m,unstyled:we,size:d,variant:D}),{systemStyles:lr,rest:pn}=Tm(Ze),ln=f.useRef(),Hr=f.useRef({}),yr=jy(j),[Fn,Hn]=f.useState(ae),[Wn,Nr]=f.useState(-1),[Mo,Wr]=f.useState("column"),[Vr,fs]=id({value:W,defaultValue:"",finalValue:void 0,onChange:L}),[$r,$s]=f.useState(!1),{scrollIntoView:ps,targetRef:da,scrollableRef:zs}=Ij({duration:0,offset:5,cancelable:!1,isList:!0}),J=U&&typeof se=="function";let ee=null;const he=y.map(Be=>typeof Be=="string"?{label:Be,value:Be}:Be),_e=vj({data:he}),[me,ut]=id({value:Z4(b,y),defaultValue:Z4(w,y),finalValue:[],onChange:S}),st=f.useRef(!!xe&&xe{if(!zt){const yt=me.filter(Mt=>Mt!==Be);ut(yt),xe&&yt.length{fs(Be.currentTarget.value),!Y&&!st.current&&T&&Hn(!0)},xt=Be=>{typeof M=="function"&&M(Be),!Y&&!st.current&&T&&Hn(!0)},He=FQ({data:_e,searchable:T,searchValue:Vr,limit:B,filter:Q,value:me,disableSelectedItemFiltering:Pe});J&&re(Vr,_e)&&(ee=se(Vr),He.push({label:Vr,value:Vr,creatable:!0}));const Ce=Math.min(Wn,He.length-1),Je=(Be,yt,Mt)=>{let Wt=Be;for(;Mt(Wt);)if(Wt=yt(Wt),!He[Wt].disabled)return Wt;return Be};Ps(()=>{Nr(Pn&&Vr?0:-1)},[Vr,Pn]),Ps(()=>{!Y&&me.length>y.length&&Hn(!1),xe&&me.length=xe&&(st.current=!0,Hn(!1))},[me]);const jt=Be=>{if(!zt)if(V&&fs(""),me.includes(Be.value))Ht(Be.value);else{if(Be.creatable&&typeof oe=="function"){const yt=oe(Be.value);typeof yt<"u"&&yt!==null&&ut(typeof yt=="string"?[...me,yt]:[...me,yt.value])}else ut([...me,Be.value]);me.length===xe-1&&(st.current=!0,Hn(!1)),He.length===1&&Hn(!1)}},Et=Be=>{typeof A=="function"&&A(Be),kt&&He[Ce]&&Fn&&jt(He[Ce]),G&&fs(""),Hn(!1)},Nt=Be=>{if($r||(Tt==null||Tt(Be),zt)||Be.key!=="Backspace"&&xe&&st.current)return;const yt=Mo==="column",Mt=()=>{Nr(jn=>{var Gt;const un=Je(jn,sn=>sn+1,sn=>sn{Nr(jn=>{var Gt;const un=Je(jn,sn=>sn-1,sn=>sn>0);return Fn&&(da.current=Hr.current[(Gt=He[un])==null?void 0:Gt.value],ps({alignment:yt?"start":"end"})),un})};switch(Be.key){case"ArrowUp":{Be.preventDefault(),Hn(!0),yt?Wt():Mt();break}case"ArrowDown":{Be.preventDefault(),Hn(!0),yt?Mt():Wt();break}case"Enter":{Be.preventDefault(),He[Ce]&&Fn?jt(He[Ce]):Hn(!0);break}case" ":{T||(Be.preventDefault(),He[Ce]&&Fn?jt(He[Ce]):Hn(!0));break}case"Backspace":{me.length>0&&Vr.length===0&&(ut(me.slice(0,-1)),Hn(!0),xe&&(st.current=!1));break}case"Home":{if(!T){Be.preventDefault(),Fn||Hn(!0);const jn=He.findIndex(Gt=>!Gt.disabled);Nr(jn),ps({alignment:yt?"end":"start"})}break}case"End":{if(!T){Be.preventDefault(),Fn||Hn(!0);const jn=He.map(Gt=>!!Gt.disabled).lastIndexOf(!1);Nr(jn),ps({alignment:yt?"end":"start"})}break}case"Escape":Hn(!1)}},qt=me.map(Be=>{let yt=_e.find(Mt=>Mt.value===Be&&!Mt.disabled);return!yt&&J&&(yt={value:Be,label:Be}),yt}).filter(Be=>!!Be).map((Be,yt)=>H.createElement(_,J4(Wl({},Be),{variant:D,disabled:Y,className:Qe.value,readOnly:zt,onRemove:Mt=>{Mt.preventDefault(),Mt.stopPropagation(),Ht(Be.value)},key:Be.value,size:d,styles:m,classNames:h,radius:be,index:yt}))),tn=Be=>me.includes(Be),Zt=()=>{var Be;fs(""),ut([]),(Be=ln.current)==null||Be.focus(),xe&&(st.current=!1)},Ut=!zt&&(He.length>0?Fn:Fn&&!!R);return Ps(()=>{const Be=Ut?ke:ge;typeof Be=="function"&&Be()},[Ut]),H.createElement(jc.Wrapper,Wl(Wl({required:s,id:yr,label:a,error:p,description:c,size:d,className:r,style:o,classNames:h,styles:m,__staticSelector:"MultiSelect",sx:pe,errorProps:vt,descriptionProps:Se,labelProps:bt,inputContainer:ht,inputWrapperOrder:$t,unstyled:we,withAsterisk:ze,variant:D},lr),v),H.createElement(hi,{opened:Ut,transitionProps:I,shadow:"sm",withinPortal:de,portalProps:Te,__staticSelector:"MultiSelect",onDirectionChange:Wr,switchDirectionOnFlip:Oe,zIndex:$e,dropdownPosition:on,positionDependencies:[...Pt,Vr],classNames:h,styles:m,unstyled:we,variant:D},H.createElement(hi.Target,null,H.createElement("div",{className:Qe.wrapper,role:"combobox","aria-haspopup":"listbox","aria-owns":Fn&&Ut?`${yr}-items`:null,"aria-controls":yr,"aria-expanded":Fn,onMouseLeave:()=>Nr(-1),tabIndex:-1},H.createElement("input",{type:"hidden",name:ct,value:me.join(","),form:Me,disabled:Y}),H.createElement(jc,Wl({__staticSelector:"MultiSelect",style:{overflow:"hidden"},component:"div",multiline:!0,size:d,variant:D,disabled:Y,error:p,required:s,radius:be,icon:ie,unstyled:we,onMouseDown:Be=>{var yt;Be.preventDefault(),!Y&&!st.current&&Hn(!Fn),(yt=ln.current)==null||yt.focus()},classNames:J4(Wl({},h),{input:dt({[Qe.input]:!T},h==null?void 0:h.input)})},RE({theme:Lt,rightSection:X,rightSectionWidth:K,styles:m,size:d,shouldClear:q&&me.length>0,onClear:Zt,error:p,disabled:Y,clearButtonProps:qe,readOnly:zt})),H.createElement("div",{className:Qe.values,"data-clearable":q||void 0},qt,H.createElement("input",Wl({ref:zd(t,ln),type:"search",id:yr,className:dt(Qe.searchInput,{[Qe.searchInputPointer]:!T,[Qe.searchInputInputHidden]:!Fn&&me.length>0||!T&&me.length>0,[Qe.searchInputEmpty]:me.length===0}),onKeyDown:Nt,value:Vr,onChange:ft,onFocus:xt,onBlur:Et,readOnly:!T||st.current||zt,placeholder:me.length===0?$:void 0,disabled:Y,"data-mantine-stop-propagation":Fn,autoComplete:"off",onCompositionStart:()=>$s(!0),onCompositionEnd:()=>$s(!1)},pn)))))),H.createElement(hi.Dropdown,{component:le||Lm,maxHeight:E,direction:Mo,id:yr,innerRef:zs,__staticSelector:"MultiSelect",classNames:h,styles:m},H.createElement(Iy,{data:He,hovered:Ce,classNames:h,styles:m,uuid:yr,__staticSelector:"MultiSelect",onItemHover:Nr,onItemSelect:jt,itemsRefs:Hr,itemComponent:k,size:d,nothingFound:R,isItemSelected:tn,creatable:U&&!!ee,createLabel:ee,unstyled:we,variant:D}))))});AE.displayName="@mantine/core/MultiSelect";var yJ=Object.defineProperty,xJ=Object.defineProperties,wJ=Object.getOwnPropertyDescriptors,Hh=Object.getOwnPropertySymbols,TE=Object.prototype.hasOwnProperty,NE=Object.prototype.propertyIsEnumerable,ek=(e,t,n)=>t in e?yJ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,nv=(e,t)=>{for(var n in t||(t={}))TE.call(t,n)&&ek(e,n,t[n]);if(Hh)for(var n of Hh(t))NE.call(t,n)&&ek(e,n,t[n]);return e},SJ=(e,t)=>xJ(e,wJ(t)),CJ=(e,t)=>{var n={};for(var r in e)TE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Hh)for(var r of Hh(e))t.indexOf(r)<0&&NE.call(e,r)&&(n[r]=e[r]);return n};const kJ={type:"text",size:"sm",__staticSelector:"TextInput"},$E=f.forwardRef((e,t)=>{const n=rE("TextInput",kJ,e),{inputProps:r,wrapperProps:o}=n,s=CJ(n,["inputProps","wrapperProps"]);return H.createElement(jc.Wrapper,nv({},o),H.createElement(jc,SJ(nv(nv({},r),s),{ref:t})))});$E.displayName="@mantine/core/TextInput";function _J({data:e,searchable:t,limit:n,searchValue:r,filter:o,value:s,filterDataOnExactSearchMatch:a}){if(!t)return e;const c=s!=null&&e.find(p=>p.value===s)||null;if(c&&!a&&(c==null?void 0:c.label)===r){if(n){if(n>=e.length)return e;const p=e.indexOf(c),h=p+n,m=h-e.length;return m>0?e.slice(p-m):e.slice(p,h)}return e}const d=[];for(let p=0;p=n));p+=1);return d}var PJ=so(()=>({input:{"&:not(:disabled)":{cursor:"pointer","&::selection":{backgroundColor:"transparent"}}}}));const jJ=PJ;var IJ=Object.defineProperty,EJ=Object.defineProperties,OJ=Object.getOwnPropertyDescriptors,Wh=Object.getOwnPropertySymbols,zE=Object.prototype.hasOwnProperty,LE=Object.prototype.propertyIsEnumerable,tk=(e,t,n)=>t in e?IJ(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,yu=(e,t)=>{for(var n in t||(t={}))zE.call(t,n)&&tk(e,n,t[n]);if(Wh)for(var n of Wh(t))LE.call(t,n)&&tk(e,n,t[n]);return e},rv=(e,t)=>EJ(e,OJ(t)),RJ=(e,t)=>{var n={};for(var r in e)zE.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&Wh)for(var r of Wh(e))t.indexOf(r)<0&&LE.call(e,r)&&(n[r]=e[r]);return n};function MJ(e,t){return t.label.toLowerCase().trim().includes(e.toLowerCase().trim())}function DJ(e,t){return!!e&&!t.some(n=>n.label.toLowerCase()===e.toLowerCase())}const AJ={required:!1,size:"sm",shadow:"sm",itemComponent:Ey,transitionProps:{transition:"fade",duration:0},initiallyOpened:!1,filter:MJ,maxDropdownHeight:220,searchable:!1,clearable:!1,limit:1/0,disabled:!1,creatable:!1,shouldCreate:DJ,selectOnBlur:!1,switchDirectionOnFlip:!1,filterDataOnExactSearchMatch:!1,zIndex:_y("popover"),positionDependencies:[],dropdownPosition:"flip"},Ly=f.forwardRef((e,t)=>{const n=rE("Select",AJ,e),{inputProps:r,wrapperProps:o,shadow:s,data:a,value:c,defaultValue:d,onChange:p,itemComponent:h,onKeyDown:m,onBlur:v,onFocus:b,transitionProps:w,initiallyOpened:y,unstyled:S,classNames:_,styles:k,filter:j,maxDropdownHeight:I,searchable:E,clearable:O,nothingFound:R,limit:M,disabled:A,onSearchChange:T,searchValue:$,rightSection:Q,rightSectionWidth:B,creatable:V,getCreateLabel:q,shouldCreate:G,selectOnBlur:D,onCreate:L,dropdownComponent:W,onDropdownClose:Y,onDropdownOpen:ae,withinPortal:be,portalProps:ie,switchDirectionOnFlip:X,zIndex:K,name:U,dropdownPosition:se,allowDeselect:re,placeholder:oe,filterDataOnExactSearchMatch:pe,form:le,positionDependencies:ge,readOnly:ke,clearButtonProps:xe,hoverOnSearchChange:de}=n,Te=RJ(n,["inputProps","wrapperProps","shadow","data","value","defaultValue","onChange","itemComponent","onKeyDown","onBlur","onFocus","transitionProps","initiallyOpened","unstyled","classNames","styles","filter","maxDropdownHeight","searchable","clearable","nothingFound","limit","disabled","onSearchChange","searchValue","rightSection","rightSectionWidth","creatable","getCreateLabel","shouldCreate","selectOnBlur","onCreate","dropdownComponent","onDropdownClose","onDropdownOpen","withinPortal","portalProps","switchDirectionOnFlip","zIndex","name","dropdownPosition","allowDeselect","placeholder","filterDataOnExactSearchMatch","form","positionDependencies","readOnly","clearButtonProps","hoverOnSearchChange"]),{classes:Oe,cx:$e,theme:kt}=jJ(),[ct,on]=f.useState(y),[vt,bt]=f.useState(-1),Se=f.useRef(),Me=f.useRef({}),[Pt,Tt]=f.useState("column"),we=Pt==="column",{scrollIntoView:ht,targetRef:$t,scrollableRef:zt}=Ij({duration:0,offset:5,cancelable:!1,isList:!0}),ze=re===void 0?O:re,qe=ee=>{if(ct!==ee){on(ee);const he=ee?ae:Y;typeof he=="function"&&he()}},Pn=V&&typeof q=="function";let Pe=null;const Ze=a.map(ee=>typeof ee=="string"?{label:ee,value:ee}:ee),Qe=vj({data:Ze}),[dt,Lt,lr]=id({value:c,defaultValue:d,finalValue:null,onChange:p}),pn=Qe.find(ee=>ee.value===dt),[ln,Hr]=id({value:$,defaultValue:(pn==null?void 0:pn.label)||"",finalValue:void 0,onChange:T}),yr=ee=>{Hr(ee),E&&typeof T=="function"&&T(ee)},Fn=()=>{var ee;ke||(Lt(null),lr||yr(""),(ee=Se.current)==null||ee.focus())};f.useEffect(()=>{const ee=Qe.find(he=>he.value===dt);ee?yr(ee.label):(!Pn||!dt)&&yr("")},[dt]),f.useEffect(()=>{pn&&(!E||!ct)&&yr(pn.label)},[pn==null?void 0:pn.label]);const Hn=ee=>{if(!ke)if(ze&&(pn==null?void 0:pn.value)===ee.value)Lt(null),qe(!1);else{if(ee.creatable&&typeof L=="function"){const he=L(ee.value);typeof he<"u"&&he!==null&&Lt(typeof he=="string"?he:he.value)}else Lt(ee.value);lr||yr(ee.label),bt(-1),qe(!1),Se.current.focus()}},Wn=_J({data:Qe,searchable:E,limit:M,searchValue:ln,filter:j,filterDataOnExactSearchMatch:pe,value:dt});Pn&&G(ln,Wn)&&(Pe=q(ln),Wn.push({label:ln,value:ln,creatable:!0}));const Nr=(ee,he,_e)=>{let me=ee;for(;_e(me);)if(me=he(me),!Wn[me].disabled)return me;return ee};Ps(()=>{bt(de&&ln?0:-1)},[ln,de]);const Mo=dt?Wn.findIndex(ee=>ee.value===dt):0,Wr=!ke&&(Wn.length>0?ct:ct&&!!R),Vr=()=>{bt(ee=>{var he;const _e=Nr(ee,me=>me-1,me=>me>0);return $t.current=Me.current[(he=Wn[_e])==null?void 0:he.value],Wr&&ht({alignment:we?"start":"end"}),_e})},fs=()=>{bt(ee=>{var he;const _e=Nr(ee,me=>me+1,me=>mewindow.setTimeout(()=>{var ee;$t.current=Me.current[(ee=Wn[Mo])==null?void 0:ee.value],ht({alignment:we?"end":"start"})},50);Ps(()=>{Wr&&$r()},[Wr]);const $s=ee=>{switch(typeof m=="function"&&m(ee),ee.key){case"ArrowUp":{ee.preventDefault(),ct?we?Vr():fs():(bt(Mo),qe(!0),$r());break}case"ArrowDown":{ee.preventDefault(),ct?we?fs():Vr():(bt(Mo),qe(!0),$r());break}case"Home":{if(!E){ee.preventDefault(),ct||qe(!0);const he=Wn.findIndex(_e=>!_e.disabled);bt(he),Wr&&ht({alignment:we?"end":"start"})}break}case"End":{if(!E){ee.preventDefault(),ct||qe(!0);const he=Wn.map(_e=>!!_e.disabled).lastIndexOf(!1);bt(he),Wr&&ht({alignment:we?"end":"start"})}break}case"Escape":{ee.preventDefault(),qe(!1),bt(-1);break}case" ":{E||(ee.preventDefault(),Wn[vt]&&ct?Hn(Wn[vt]):(qe(!0),bt(Mo),$r()));break}case"Enter":E||ee.preventDefault(),Wn[vt]&&ct&&(ee.preventDefault(),Hn(Wn[vt]))}},ps=ee=>{typeof v=="function"&&v(ee);const he=Qe.find(_e=>_e.value===dt);D&&Wn[vt]&&ct&&Hn(Wn[vt]),yr((he==null?void 0:he.label)||""),qe(!1)},da=ee=>{typeof b=="function"&&b(ee),E&&qe(!0)},zs=ee=>{ke||(yr(ee.currentTarget.value),O&&ee.currentTarget.value===""&&Lt(null),bt(-1),qe(!0))},J=()=>{ke||(qe(!ct),dt&&!ct&&bt(Mo))};return H.createElement(jc.Wrapper,rv(yu({},o),{__staticSelector:"Select"}),H.createElement(hi,{opened:Wr,transitionProps:w,shadow:s,withinPortal:be,portalProps:ie,__staticSelector:"Select",onDirectionChange:Tt,switchDirectionOnFlip:X,zIndex:K,dropdownPosition:se,positionDependencies:[...ge,ln],classNames:_,styles:k,unstyled:S,variant:r.variant},H.createElement(hi.Target,null,H.createElement("div",{role:"combobox","aria-haspopup":"listbox","aria-owns":Wr?`${r.id}-items`:null,"aria-controls":r.id,"aria-expanded":Wr,onMouseLeave:()=>bt(-1),tabIndex:-1},H.createElement("input",{type:"hidden",name:U,value:dt||"",form:le,disabled:A}),H.createElement(jc,yu(rv(yu(yu({autoComplete:"off",type:"search"},r),Te),{ref:zd(t,Se),onKeyDown:$s,__staticSelector:"Select",value:ln,placeholder:oe,onChange:zs,"aria-autocomplete":"list","aria-controls":Wr?`${r.id}-items`:null,"aria-activedescendant":vt>=0?`${r.id}-${vt}`:null,onMouseDown:J,onBlur:ps,onFocus:da,readOnly:!E||ke,disabled:A,"data-mantine-stop-propagation":Wr,name:null,classNames:rv(yu({},_),{input:$e({[Oe.input]:!E},_==null?void 0:_.input)})}),RE({theme:kt,rightSection:Q,rightSectionWidth:B,styles:k,size:r.size,shouldClear:O&&!!pn,onClear:Fn,error:o.error,clearButtonProps:xe,disabled:A,readOnly:ke}))))),H.createElement(hi.Dropdown,{component:W||Lm,maxHeight:I,direction:Pt,id:r.id,innerRef:zt,__staticSelector:"Select",classNames:_,styles:k},H.createElement(Iy,{data:Wn,hovered:vt,classNames:_,styles:k,isItemSelected:ee=>ee===dt,uuid:r.id,__staticSelector:"Select",onItemHover:bt,onItemSelect:Hn,itemsRefs:Me,itemComponent:h,size:r.size,nothingFound:R,creatable:Pn&&!!Pe,createLabel:Pe,"aria-label":o.label,unstyled:S,variant:r.variant}))))});Ly.displayName="@mantine/core/Select";const By=()=>{const[e,t,n,r,o,s,a,c,d,p,h,m,v,b,w,y,S,_,k,j,I,E,O,R,M,A,T,$,Q,B,V,q,G,D,L,W,Y,ae]=Ac("colors",["base.50","base.100","base.150","base.200","base.250","base.300","base.350","base.400","base.450","base.500","base.550","base.600","base.650","base.700","base.750","base.800","base.850","base.900","base.950","accent.50","accent.100","accent.150","accent.200","accent.250","accent.300","accent.350","accent.400","accent.450","accent.500","accent.550","accent.600","accent.650","accent.700","accent.750","accent.800","accent.850","accent.900","accent.950"]);return{base50:e,base100:t,base150:n,base200:r,base250:o,base300:s,base350:a,base400:c,base450:d,base500:p,base550:h,base600:m,base650:v,base700:b,base750:w,base800:y,base850:S,base900:_,base950:k,accent50:j,accent100:I,accent150:E,accent200:O,accent250:R,accent300:M,accent350:A,accent400:T,accent450:$,accent500:Q,accent550:B,accent600:V,accent650:q,accent700:G,accent750:D,accent800:L,accent850:W,accent900:Y,accent950:ae}},BE=()=>{const{base50:e,base100:t,base200:n,base300:r,base400:o,base500:s,base600:a,base700:c,base800:d,base900:p,accent200:h,accent300:m,accent400:v,accent500:b,accent600:w}=By(),{colorMode:y}=Ds(),[S]=Ac("shadows",["dark-lg"]);return f.useCallback(()=>({label:{color:Fe(c,r)(y)},separatorLabel:{color:Fe(s,s)(y),"::after":{borderTopColor:Fe(r,c)(y)}},input:{backgroundColor:Fe(e,p)(y),borderWidth:"2px",borderColor:Fe(n,d)(y),color:Fe(p,t)(y),paddingRight:24,fontWeight:600,"&:hover":{borderColor:Fe(r,a)(y)},"&:focus":{borderColor:Fe(m,w)(y)},"&:is(:focus, :hover)":{borderColor:Fe(o,s)(y)},"&:focus-within":{borderColor:Fe(h,w)(y)},"&[data-disabled]":{backgroundColor:Fe(r,c)(y),color:Fe(a,o)(y),cursor:"not-allowed"}},value:{backgroundColor:Fe(t,p)(y),color:Fe(p,t)(y),button:{color:Fe(p,t)(y)},"&:hover":{backgroundColor:Fe(r,c)(y),cursor:"pointer"}},dropdown:{backgroundColor:Fe(n,d)(y),borderColor:Fe(n,d)(y),boxShadow:S},item:{backgroundColor:Fe(n,d)(y),color:Fe(d,n)(y),padding:6,"&[data-hovered]":{color:Fe(p,t)(y),backgroundColor:Fe(r,c)(y)},"&[data-active]":{backgroundColor:Fe(r,c)(y),"&:hover":{color:Fe(p,t)(y),backgroundColor:Fe(r,c)(y)}},"&[data-selected]":{backgroundColor:Fe(v,w)(y),color:Fe(e,t)(y),fontWeight:600,"&:hover":{backgroundColor:Fe(b,b)(y),color:Fe("white",e)(y)}},"&[data-disabled]":{color:Fe(s,a)(y),cursor:"not-allowed"}},rightSection:{width:32,button:{color:Fe(p,t)(y)}}}),[h,m,v,b,w,t,n,r,o,e,s,a,c,d,p,S,y])},TJ=e=>{const{searchable:t=!0,tooltip:n,inputRef:r,onChange:o,label:s,disabled:a,...c}=e,d=te(),[p,h]=f.useState(""),m=f.useCallback(y=>{y.shiftKey&&d(Po(!0))},[d]),v=f.useCallback(y=>{y.shiftKey||d(Po(!1))},[d]),b=f.useCallback(y=>{h(""),o&&o(y)},[o]),w=BE();return i.jsx(wn,{label:n,placement:"top",hasArrow:!0,children:i.jsx(Ly,{ref:r,label:s?i.jsx(mo,{isDisabled:a,children:i.jsx(Lo,{children:s})}):void 0,disabled:a,searchValue:p,onSearchChange:h,onChange:b,onKeyDown:m,onKeyUp:v,searchable:t,maxDropdownHeight:300,styles:w,...c})})},sr=f.memo(TJ),FE=f.forwardRef(({label:e,tooltip:t,description:n,disabled:r,...o},s)=>i.jsx(wn,{label:t,placement:"top",hasArrow:!0,openDelay:500,children:i.jsx(Ee,{ref:s,...o,children:i.jsxs(Ee,{children:[i.jsx(Cc,{children:e}),n&&i.jsx(Cc,{size:"xs",color:"base.600",children:n})]})})}));FE.displayName="IAIMantineSelectItemWithTooltip";const Ri=f.memo(FE),NJ=fe([Xe],({gallery:e})=>{const{autoAddBoardId:t}=e;return{autoAddBoardId:t}},Ge),$J=()=>{const e=te(),{autoAddBoardId:t}=z(NJ),n=f.useRef(null),{boards:r,hasBoards:o}=tm(void 0,{selectFromResult:({data:a})=>{const c=[{label:"None",value:"none"}];return a==null||a.forEach(({board_id:d,board_name:p})=>{c.push({label:p,value:d})}),{boards:c,hasBoards:c.length>1}}}),s=f.useCallback(a=>{a&&e(T_(a==="none"?void 0:a))},[e]);return i.jsx(sr,{label:"Auto-Add Board",inputRef:n,autoFocus:!0,placeholder:"Select a Board",value:t,data:r,nothingFound:"No matching Boards",itemComponent:Ri,disabled:!o,filter:(a,c)=>{var d;return((d=c.label)==null?void 0:d.toLowerCase().includes(a.toLowerCase().trim()))||c.value.toLowerCase().includes(a.toLowerCase().trim())},onChange:s})},zJ=fe([Xe],e=>{const{galleryImageMinimumWidth:t,shouldAutoSwitch:n}=e.gallery;return{galleryImageMinimumWidth:t,shouldAutoSwitch:n}},Ge),LJ=()=>{const e=te(),{t}=ye(),{galleryImageMinimumWidth:n,shouldAutoSwitch:r}=z(zJ),o=s=>{e(Mp(s))};return i.jsx(gl,{triggerComponent:i.jsx(Le,{tooltip:t("gallery.gallerySettings"),"aria-label":t("gallery.gallerySettings"),size:"sm",icon:i.jsx(oy,{})}),children:i.jsxs(F,{direction:"column",gap:4,children:[i.jsx(_t,{value:n,onChange:o,min:32,max:256,hideTooltip:!0,label:t("gallery.galleryImageSize"),withReset:!0,handleReset:()=>e(Mp(64))}),i.jsx(Gn,{label:t("gallery.autoSwitchNewImages"),isChecked:r,onChange:s=>e(X7(s.target.checked))}),i.jsx($J,{})]})})},BJ=e=>e.image?i.jsx(ym,{sx:{w:`${e.image.width}px`,h:"auto",objectFit:"contain",aspectRatio:`${e.image.width}/${e.image.height}`}}):i.jsx(F,{sx:{opacity:.7,w:"full",h:"full",alignItems:"center",justifyContent:"center",borderRadius:"base",bg:"base.200",_dark:{bg:"base.900"}},children:i.jsx(fl,{size:"xl"})}),mi=e=>{const{icon:t=il,boxSize:n=16}=e;return i.jsxs(F,{sx:{w:"full",h:"full",alignItems:"center",justifyContent:"center",borderRadius:"base",flexDir:"column",gap:2,userSelect:"none",opacity:.7,color:"base.700",_dark:{color:"base.500"},...e.sx},children:[i.jsx(no,{as:t,boxSize:n,opacity:.7}),e.label&&i.jsx(Ye,{textAlign:"center",children:e.label})]})},Hm=0,Mi=1,Gc=2,HE=4;function FJ(e,t){return n=>e(t(n))}function HJ(e,t){return t(e)}function WE(e,t){return n=>e(t,n)}function nk(e,t){return()=>e(t)}function Fy(e,t){return t(e),e}function yl(...e){return e}function WJ(e){e()}function rk(e){return()=>e}function VJ(...e){return()=>{e.map(WJ)}}function Wm(){}function po(e,t){return e(Mi,t)}function Ar(e,t){e(Hm,t)}function Hy(e){e(Gc)}function Vm(e){return e(HE)}function Un(e,t){return po(e,WE(t,Hm))}function ok(e,t){const n=e(Mi,r=>{n(),t(r)});return n}function wr(){const e=[];return(t,n)=>{switch(t){case Gc:e.splice(0,e.length);return;case Mi:return e.push(n),()=>{const r=e.indexOf(n);r>-1&&e.splice(r,1)};case Hm:e.slice().forEach(r=>{r(n)});return;default:throw new Error(`unrecognized action ${t}`)}}}function Kt(e){let t=e;const n=wr();return(r,o)=>{switch(r){case Mi:o(t);break;case Hm:t=o;break;case HE:return t}return n(r,o)}}function UJ(e){let t,n;const r=()=>t&&t();return function(o,s){switch(o){case Mi:return s?n===s?void 0:(r(),n=s,t=po(e,s),t):(r(),Wm);case Gc:r(),n=null;return;default:throw new Error(`unrecognized action ${o}`)}}}function Fu(e){return Fy(wr(),t=>Un(e,t))}function hc(e,t){return Fy(Kt(t),n=>Un(e,n))}function GJ(...e){return t=>e.reduceRight(HJ,t)}function Xt(e,...t){const n=GJ(...t);return(r,o)=>{switch(r){case Mi:return po(e,n(o));case Gc:Hy(e);return}}}function VE(e,t){return e===t}function So(e=VE){let t;return n=>r=>{e(t,r)||(t=r,n(r))}}function Kr(e){return t=>n=>{e(n)&&t(n)}}function tr(e){return t=>FJ(t,e)}function ai(e){return t=>()=>t(e)}function hp(e,t){return n=>r=>n(t=e(t,r))}function E1(e){return t=>n=>{e>0?e--:t(n)}}function Eu(e){let t=null,n;return r=>o=>{t=o,!n&&(n=setTimeout(()=>{n=void 0,r(t)},e))}}function sk(e){let t,n;return r=>o=>{t=o,n&&clearTimeout(n),n=setTimeout(()=>{r(t)},e)}}function Xs(...e){const t=new Array(e.length);let n=0,r=null;const o=Math.pow(2,e.length)-1;return e.forEach((s,a)=>{const c=Math.pow(2,a);po(s,d=>{const p=n;n=n|c,t[a]=d,p!==o&&n===o&&r&&(r(),r=null)})}),s=>a=>{const c=()=>s([a].concat(t));n===o?c():r=c}}function ak(...e){return function(t,n){switch(t){case Mi:return VJ(...e.map(r=>po(r,n)));case Gc:return;default:throw new Error(`unrecognized action ${t}`)}}}function xn(e,t=VE){return Xt(e,So(t))}function Sa(...e){const t=wr(),n=new Array(e.length);let r=0;const o=Math.pow(2,e.length)-1;return e.forEach((s,a)=>{const c=Math.pow(2,a);po(s,d=>{n[a]=d,r=r|c,r===o&&Ar(t,n)})}),function(s,a){switch(s){case Mi:return r===o&&a(n),po(t,a);case Gc:return Hy(t);default:throw new Error(`unrecognized action ${s}`)}}}function ua(e,t=[],{singleton:n}={singleton:!0}){return{id:qJ(),constructor:e,dependencies:t,singleton:n}}const qJ=()=>Symbol();function KJ(e){const t=new Map,n=({id:r,constructor:o,dependencies:s,singleton:a})=>{if(a&&t.has(r))return t.get(r);const c=o(s.map(d=>n(d)));return a&&t.set(r,c),c};return n(e)}function XJ(e,t){const n={},r={};let o=0;const s=e.length;for(;o(S[_]=k=>{const j=y[t.methods[_]];Ar(j,k)},S),{})}function h(y){return a.reduce((S,_)=>(S[_]=UJ(y[t.events[_]]),S),{})}return{Component:H.forwardRef((y,S)=>{const{children:_,...k}=y,[j]=H.useState(()=>Fy(KJ(e),E=>d(E,k))),[I]=H.useState(nk(h,j));return mp(()=>{for(const E of a)E in k&&po(I[E],k[E]);return()=>{Object.values(I).map(Hy)}},[k,I,j]),mp(()=>{d(j,k)}),H.useImperativeHandle(S,rk(p(j))),H.createElement(c.Provider,{value:j},n?H.createElement(n,XJ([...r,...o,...a],k),_):_)}),usePublisher:y=>H.useCallback(WE(Ar,H.useContext(c)[y]),[y]),useEmitterValue:y=>{const _=H.useContext(c)[y],[k,j]=H.useState(nk(Vm,_));return mp(()=>po(_,I=>{I!==k&&j(rk(I))}),[_,k]),k},useEmitter:(y,S)=>{const k=H.useContext(c)[y];mp(()=>po(k,S),[S,k])}}}const QJ=typeof document<"u"?H.useLayoutEffect:H.useEffect,JJ=QJ;var Wy=(e=>(e[e.DEBUG=0]="DEBUG",e[e.INFO=1]="INFO",e[e.WARN=2]="WARN",e[e.ERROR=3]="ERROR",e))(Wy||{});const ZJ={0:"debug",1:"log",2:"warn",3:"error"},eZ=()=>typeof globalThis>"u"?window:globalThis,UE=ua(()=>{const e=Kt(3);return{log:Kt((n,r,o=1)=>{var s;const a=(s=eZ().VIRTUOSO_LOG_LEVEL)!=null?s:Vm(e);o>=a&&console[ZJ[o]]("%creact-virtuoso: %c%s %o","color: #0253b3; font-weight: bold","color: initial",n,r)}),logLevel:e}},[],{singleton:!0});function GE(e,t=!0){const n=H.useRef(null);let r=o=>{};if(typeof ResizeObserver<"u"){const o=H.useMemo(()=>new ResizeObserver(s=>{const a=s[0].target;a.offsetParent!==null&&e(a)}),[e]);r=s=>{s&&t?(o.observe(s),n.current=s):(n.current&&o.unobserve(n.current),n.current=null)}}return{ref:n,callbackRef:r}}function Um(e,t=!0){return GE(e,t).callbackRef}function Vh(e,t){return Math.round(e.getBoundingClientRect()[t])}function qE(e,t){return Math.abs(e-t)<1.01}function KE(e,t,n,r=Wm,o){const s=H.useRef(null),a=H.useRef(null),c=H.useRef(null),d=H.useCallback(m=>{const v=m.target,b=v===window||v===document,w=b?window.pageYOffset||document.documentElement.scrollTop:v.scrollTop,y=b?document.documentElement.scrollHeight:v.scrollHeight,S=b?window.innerHeight:v.offsetHeight,_=()=>{e({scrollTop:Math.max(w,0),scrollHeight:y,viewportHeight:S})};m.suppressFlushSync?_():Y7.flushSync(_),a.current!==null&&(w===a.current||w<=0||w===y-S)&&(a.current=null,t(!0),c.current&&(clearTimeout(c.current),c.current=null))},[e,t]);H.useEffect(()=>{const m=o||s.current;return r(o||s.current),d({target:m,suppressFlushSync:!0}),m.addEventListener("scroll",d,{passive:!0}),()=>{r(null),m.removeEventListener("scroll",d)}},[s,d,n,r,o]);function p(m){const v=s.current;if(!v||"offsetHeight"in v&&v.offsetHeight===0)return;const b=m.behavior==="smooth";let w,y,S;v===window?(y=Math.max(Vh(document.documentElement,"height"),document.documentElement.scrollHeight),w=window.innerHeight,S=document.documentElement.scrollTop):(y=v.scrollHeight,w=Vh(v,"height"),S=v.scrollTop);const _=y-w;if(m.top=Math.ceil(Math.max(Math.min(_,m.top),0)),qE(w,y)||m.top===S){e({scrollTop:S,scrollHeight:y,viewportHeight:w}),b&&t(!0);return}b?(a.current=m.top,c.current&&clearTimeout(c.current),c.current=setTimeout(()=>{c.current=null,a.current=null,t(!0)},1e3)):a.current=null,v.scrollTo(m)}function h(m){s.current.scrollBy(m)}return{scrollerRef:s,scrollByCallback:h,scrollToCallback:p}}const Gm=ua(()=>{const e=wr(),t=wr(),n=Kt(0),r=wr(),o=Kt(0),s=wr(),a=wr(),c=Kt(0),d=Kt(0),p=Kt(0),h=Kt(0),m=wr(),v=wr(),b=Kt(!1);return Un(Xt(e,tr(({scrollTop:w})=>w)),t),Un(Xt(e,tr(({scrollHeight:w})=>w)),a),Un(t,o),{scrollContainerState:e,scrollTop:t,viewportHeight:s,headerHeight:c,fixedHeaderHeight:d,fixedFooterHeight:p,footerHeight:h,scrollHeight:a,smoothScrollTargetReached:r,scrollTo:m,scrollBy:v,statefulScrollTop:o,deviation:n,scrollingInProgress:b}},[],{singleton:!0}),tZ=typeof document<"u"&&"scrollBehavior"in document.documentElement.style;function nZ(e){const t=typeof e=="number"?{index:e}:e;return t.align||(t.align="start"),(!t.behavior||!tZ)&&(t.behavior="auto"),t.offset||(t.offset=0),t}const Uh="up",Hu="down",rZ="none",oZ={atBottom:!1,notAtBottomBecause:"NOT_SHOWING_LAST_ITEM",state:{offsetBottom:0,scrollTop:0,viewportHeight:0,scrollHeight:0}},sZ=0,XE=ua(([{scrollContainerState:e,scrollTop:t,viewportHeight:n,headerHeight:r,footerHeight:o,scrollBy:s}])=>{const a=Kt(!1),c=Kt(!0),d=wr(),p=wr(),h=Kt(4),m=Kt(sZ),v=hc(Xt(ak(Xt(xn(t),E1(1),ai(!0)),Xt(xn(t),E1(1),ai(!1),sk(100))),So()),!1),b=hc(Xt(ak(Xt(s,ai(!0)),Xt(s,ai(!1),sk(200))),So()),!1);Un(Xt(Sa(xn(t),xn(m)),tr(([k,j])=>k<=j),So()),c),Un(Xt(c,Eu(50)),p);const w=Fu(Xt(Sa(e,xn(n),xn(r),xn(o),xn(h)),hp((k,[{scrollTop:j,scrollHeight:I},E,O,R,M])=>{const A=j+E-I>-M,T={viewportHeight:E,scrollTop:j,scrollHeight:I};if(A){let Q,B;return j>k.state.scrollTop?(Q="SCROLLED_DOWN",B=k.state.scrollTop-j):(Q="SIZE_DECREASED",B=k.state.scrollTop-j||k.scrollTopDelta),{atBottom:!0,state:T,atBottomBecause:Q,scrollTopDelta:B}}let $;return T.scrollHeight>k.state.scrollHeight?$="SIZE_INCREASED":Ek&&k.atBottom===j.atBottom))),y=hc(Xt(e,hp((k,{scrollTop:j,scrollHeight:I,viewportHeight:E})=>{if(qE(k.scrollHeight,I))return{scrollTop:j,scrollHeight:I,jump:0,changed:!1};{const O=I-(j+E)<1;return k.scrollTop!==j&&O?{scrollHeight:I,scrollTop:j,jump:k.scrollTop-j,changed:!0}:{scrollHeight:I,scrollTop:j,jump:0,changed:!0}}},{scrollHeight:0,jump:0,scrollTop:0,changed:!1}),Kr(k=>k.changed),tr(k=>k.jump)),0);Un(Xt(w,tr(k=>k.atBottom)),a),Un(Xt(a,Eu(50)),d);const S=Kt(Hu);Un(Xt(e,tr(({scrollTop:k})=>k),So(),hp((k,j)=>Vm(b)?{direction:k.direction,prevScrollTop:j}:{direction:jk.direction)),S),Un(Xt(e,Eu(50),ai(rZ)),S);const _=Kt(0);return Un(Xt(v,Kr(k=>!k),ai(0)),_),Un(Xt(t,Eu(100),Xs(v),Kr(([k,j])=>!!j),hp(([k,j],[I])=>[j,I],[0,0]),tr(([k,j])=>j-k)),_),{isScrolling:v,isAtTop:c,isAtBottom:a,atBottomState:w,atTopStateChange:p,atBottomStateChange:d,scrollDirection:S,atBottomThreshold:h,atTopThreshold:m,scrollVelocity:_,lastJumpDueToItemResize:y}},yl(Gm)),aZ=ua(([{log:e}])=>{const t=Kt(!1),n=Fu(Xt(t,Kr(r=>r),So()));return po(t,r=>{r&&Vm(e)("props updated",{},Wy.DEBUG)}),{propsReady:t,didMount:n}},yl(UE),{singleton:!0});function YE(e,t){e==0?t():requestAnimationFrame(()=>YE(e-1,t))}function iZ(e,t){const n=t-1;return typeof e=="number"?e:e.index==="LAST"?n:e.index}function O1(e,t){return!!(e&&e[0]===t[0]&&e[1]===t[1])}function lZ(e,t){return!!(e&&e.startIndex===t.startIndex&&e.endIndex===t.endIndex)}const Gh="top",qh="bottom",ik="none";function lk(e,t,n){return typeof e=="number"?n===Uh&&t===Gh||n===Hu&&t===qh?e:0:n===Uh?t===Gh?e.main:e.reverse:t===qh?e.main:e.reverse}function ck(e,t){return typeof e=="number"?e:e[t]||0}const cZ=ua(([{scrollTop:e,viewportHeight:t,deviation:n,headerHeight:r,fixedHeaderHeight:o}])=>{const s=wr(),a=Kt(0),c=Kt(0),d=Kt(0),p=hc(Xt(Sa(xn(e),xn(t),xn(r),xn(s,O1),xn(d),xn(a),xn(o),xn(n),xn(c)),tr(([h,m,v,[b,w],y,S,_,k,j])=>{const I=h-k,E=S+_,O=Math.max(v-I,0);let R=ik;const M=ck(j,Gh),A=ck(j,qh);return b-=k,b+=v+_,w+=v+_,w-=k,b>h+E-M&&(R=Uh),wh!=null),So(O1)),[0,0]);return{listBoundary:s,overscan:d,topListHeight:a,increaseViewportBy:c,visibleRange:p}},yl(Gm),{singleton:!0}),uZ=ua(([{scrollVelocity:e}])=>{const t=Kt(!1),n=wr(),r=Kt(!1);return Un(Xt(e,Xs(r,t,n),Kr(([o,s])=>!!s),tr(([o,s,a,c])=>{const{exit:d,enter:p}=s;if(a){if(d(o,c))return!1}else if(p(o,c))return!0;return a}),So()),t),po(Xt(Sa(t,e,n),Xs(r)),([[o,s,a],c])=>o&&c&&c.change&&c.change(s,a)),{isSeeking:t,scrollSeekConfiguration:r,scrollVelocity:e,scrollSeekRangeChanged:n}},yl(XE),{singleton:!0});function dZ(e){let t=!1,n;return()=>(t||(t=!0,n=e()),n)}const fZ=ua(([{scrollTo:e,scrollContainerState:t}])=>{const n=wr(),r=wr(),o=wr(),s=Kt(!1),a=Kt(void 0);return Un(Xt(Sa(n,r),tr(([{viewportHeight:c,scrollTop:d,scrollHeight:p},{offsetTop:h}])=>({scrollTop:Math.max(0,d-h),scrollHeight:p,viewportHeight:c}))),t),Un(Xt(e,Xs(r),tr(([c,{offsetTop:d}])=>({...c,top:c.top+d}))),o),{useWindowScroll:s,customScrollParent:a,windowScrollContainerState:n,windowViewportRect:r,windowScrollTo:o}},yl(Gm)),ov="-webkit-sticky",uk="sticky",QE=dZ(()=>{if(typeof document>"u")return uk;const e=document.createElement("div");return e.style.position=ov,e.style.position===ov?ov:uk});function pZ(e,t){const n=H.useRef(null),r=H.useCallback(c=>{if(c===null||!c.offsetParent)return;const d=c.getBoundingClientRect(),p=d.width;let h,m;if(t){const v=t.getBoundingClientRect(),b=d.top-v.top;h=v.height-Math.max(0,b),m=b+t.scrollTop}else h=window.innerHeight-Math.max(0,d.top),m=d.top+window.pageYOffset;n.current={offsetTop:m,visibleHeight:h,visibleWidth:p},e(n.current)},[e,t]),{callbackRef:o,ref:s}=GE(r),a=H.useCallback(()=>{r(s.current)},[r,s]);return H.useEffect(()=>{if(t){t.addEventListener("scroll",a);const c=new ResizeObserver(a);return c.observe(t),()=>{t.removeEventListener("scroll",a),c.unobserve(t)}}else return window.addEventListener("scroll",a),window.addEventListener("resize",a),()=>{window.removeEventListener("scroll",a),window.removeEventListener("resize",a)}},[a,t]),o}H.createContext(void 0);const JE=H.createContext(void 0);function hZ(e){return e}QE();const mZ={height:"100%",outline:"none",overflowY:"auto",position:"relative",WebkitOverflowScrolling:"touch"},ZE={width:"100%",height:"100%",position:"absolute",top:0};QE();function tl(e,t){if(typeof e!="string")return{context:t}}function gZ({usePublisher:e,useEmitter:t,useEmitterValue:n}){return H.memo(function({style:s,children:a,...c}){const d=e("scrollContainerState"),p=n("ScrollerComponent"),h=e("smoothScrollTargetReached"),m=n("scrollerRef"),v=n("context"),{scrollerRef:b,scrollByCallback:w,scrollToCallback:y}=KE(d,h,p,m);return t("scrollTo",y),t("scrollBy",w),H.createElement(p,{ref:b,style:{...mZ,...s},"data-test-id":"virtuoso-scroller","data-virtuoso-scroller":!0,tabIndex:0,...c,...tl(p,v)},a)})}function vZ({usePublisher:e,useEmitter:t,useEmitterValue:n}){return H.memo(function({style:s,children:a,...c}){const d=e("windowScrollContainerState"),p=n("ScrollerComponent"),h=e("smoothScrollTargetReached"),m=n("totalListHeight"),v=n("deviation"),b=n("customScrollParent"),w=n("context"),{scrollerRef:y,scrollByCallback:S,scrollToCallback:_}=KE(d,h,p,Wm,b);return JJ(()=>(y.current=b||window,()=>{y.current=null}),[y,b]),t("windowScrollTo",_),t("scrollBy",S),H.createElement(p,{style:{position:"relative",...s,...m!==0?{height:m+v}:{}},"data-virtuoso-scroller":!0,...c,...tl(p,w)},a)})}const dk={items:[],offsetBottom:0,offsetTop:0,top:0,bottom:0,itemHeight:0,itemWidth:0},bZ={items:[{index:0}],offsetBottom:0,offsetTop:0,top:0,bottom:0,itemHeight:0,itemWidth:0},{round:fk,ceil:pk,floor:Kh,min:sv,max:Wu}=Math;function yZ(e){return{...bZ,items:e}}function hk(e,t,n){return Array.from({length:t-e+1}).map((r,o)=>{const s=n===null?null:n[o+e];return{index:o+e,data:s}})}function xZ(e,t){return e&&e.column===t.column&&e.row===t.row}function gp(e,t){return e&&e.width===t.width&&e.height===t.height}const wZ=ua(([{overscan:e,visibleRange:t,listBoundary:n},{scrollTop:r,viewportHeight:o,scrollBy:s,scrollTo:a,smoothScrollTargetReached:c,scrollContainerState:d,footerHeight:p,headerHeight:h},m,v,{propsReady:b,didMount:w},{windowViewportRect:y,useWindowScroll:S,customScrollParent:_,windowScrollContainerState:k,windowScrollTo:j},I])=>{const E=Kt(0),O=Kt(0),R=Kt(dk),M=Kt({height:0,width:0}),A=Kt({height:0,width:0}),T=wr(),$=wr(),Q=Kt(0),B=Kt(null),V=Kt({row:0,column:0}),q=wr(),G=wr(),D=Kt(!1),L=Kt(0),W=Kt(!0),Y=Kt(!1);po(Xt(w,Xs(L),Kr(([U,se])=>!!se)),()=>{Ar(W,!1),Ar(O,0)}),po(Xt(Sa(w,W,A,M,L,Y),Kr(([U,se,re,oe,,pe])=>U&&!se&&re.height!==0&&oe.height!==0&&!pe)),([,,,,U])=>{Ar(Y,!0),YE(1,()=>{Ar(T,U)}),ok(Xt(r),()=>{Ar(n,[0,0]),Ar(W,!0)})}),Un(Xt(G,Kr(U=>U!=null&&U.scrollTop>0),ai(0)),O),po(Xt(w,Xs(G),Kr(([,U])=>U!=null)),([,U])=>{U&&(Ar(M,U.viewport),Ar(A,U==null?void 0:U.item),Ar(V,U.gap),U.scrollTop>0&&(Ar(D,!0),ok(Xt(r,E1(1)),se=>{Ar(D,!1)}),Ar(a,{top:U.scrollTop})))}),Un(Xt(M,tr(({height:U})=>U)),o),Un(Xt(Sa(xn(M,gp),xn(A,gp),xn(V,(U,se)=>U&&U.column===se.column&&U.row===se.row),xn(r)),tr(([U,se,re,oe])=>({viewport:U,item:se,gap:re,scrollTop:oe}))),q),Un(Xt(Sa(xn(E),t,xn(V,xZ),xn(A,gp),xn(M,gp),xn(B),xn(O),xn(D),xn(W),xn(L)),Kr(([,,,,,,,U])=>!U),tr(([U,[se,re],oe,pe,le,ge,ke,,xe,de])=>{const{row:Te,column:Oe}=oe,{height:$e,width:kt}=pe,{width:ct}=le;if(ke===0&&(U===0||ct===0))return dk;if(kt===0){const $t=iZ(de,U),zt=$t===0?Math.max(ke-1,0):$t;return yZ(hk($t,zt,ge))}const on=e8(ct,kt,Oe);let vt,bt;xe?se===0&&re===0&&ke>0?(vt=0,bt=ke-1):(vt=on*Kh((se+Te)/($e+Te)),bt=on*pk((re+Te)/($e+Te))-1,bt=sv(U-1,Wu(bt,on-1)),vt=sv(bt,Wu(0,vt))):(vt=0,bt=-1);const Se=hk(vt,bt,ge),{top:Me,bottom:Pt}=mk(le,oe,pe,Se),Tt=pk(U/on),ht=Tt*$e+(Tt-1)*Te-Pt;return{items:Se,offsetTop:Me,offsetBottom:ht,top:Me,bottom:Pt,itemHeight:$e,itemWidth:kt}})),R),Un(Xt(B,Kr(U=>U!==null),tr(U=>U.length)),E),Un(Xt(Sa(M,A,R,V),Kr(([U,se,{items:re}])=>re.length>0&&se.height!==0&&U.height!==0),tr(([U,se,{items:re},oe])=>{const{top:pe,bottom:le}=mk(U,oe,se,re);return[pe,le]}),So(O1)),n);const ae=Kt(!1);Un(Xt(r,Xs(ae),tr(([U,se])=>se||U!==0)),ae);const be=Fu(Xt(xn(R),Kr(({items:U})=>U.length>0),Xs(E,ae),Kr(([{items:U},se,re])=>re&&U[U.length-1].index===se-1),tr(([,U])=>U-1),So())),ie=Fu(Xt(xn(R),Kr(({items:U})=>U.length>0&&U[0].index===0),ai(0),So())),X=Fu(Xt(xn(R),Xs(D),Kr(([{items:U},se])=>U.length>0&&!se),tr(([{items:U}])=>({startIndex:U[0].index,endIndex:U[U.length-1].index})),So(lZ),Eu(0)));Un(X,v.scrollSeekRangeChanged),Un(Xt(T,Xs(M,A,E,V),tr(([U,se,re,oe,pe])=>{const le=nZ(U),{align:ge,behavior:ke,offset:xe}=le;let de=le.index;de==="LAST"&&(de=oe-1),de=Wu(0,de,sv(oe-1,de));let Te=R1(se,pe,re,de);return ge==="end"?Te=fk(Te-se.height+re.height):ge==="center"&&(Te=fk(Te-se.height/2+re.height/2)),xe&&(Te+=xe),{top:Te,behavior:ke}})),a);const K=hc(Xt(R,tr(U=>U.offsetBottom+U.bottom)),0);return Un(Xt(y,tr(U=>({width:U.visibleWidth,height:U.visibleHeight}))),M),{data:B,totalCount:E,viewportDimensions:M,itemDimensions:A,scrollTop:r,scrollHeight:$,overscan:e,scrollBy:s,scrollTo:a,scrollToIndex:T,smoothScrollTargetReached:c,windowViewportRect:y,windowScrollTo:j,useWindowScroll:S,customScrollParent:_,windowScrollContainerState:k,deviation:Q,scrollContainerState:d,footerHeight:p,headerHeight:h,initialItemCount:O,gap:V,restoreStateFrom:G,...v,initialTopMostItemIndex:L,gridState:R,totalListHeight:K,...m,startReached:ie,endReached:be,rangeChanged:X,stateChanged:q,propsReady:b,stateRestoreInProgress:D,...I}},yl(cZ,Gm,XE,uZ,aZ,fZ,UE));function mk(e,t,n,r){const{height:o}=n;if(o===void 0||r.length===0)return{top:0,bottom:0};const s=R1(e,t,n,r[0].index),a=R1(e,t,n,r[r.length-1].index)+o;return{top:s,bottom:a}}function R1(e,t,n,r){const o=e8(e.width,n.width,t.column),s=Kh(r/o),a=s*n.height+Wu(0,s-1)*t.row;return a>0?a+t.row:a}function e8(e,t,n){return Wu(1,Kh((e+n)/(Kh(t)+n)))}const SZ=ua(()=>{const e=Kt(p=>`Item ${p}`),t=Kt({}),n=Kt(null),r=Kt("virtuoso-grid-item"),o=Kt("virtuoso-grid-list"),s=Kt(hZ),a=Kt("div"),c=Kt(Wm),d=(p,h=null)=>hc(Xt(t,tr(m=>m[p]),So()),h);return{context:n,itemContent:e,components:t,computeItemKey:s,itemClassName:r,listClassName:o,headerFooterTag:a,scrollerRef:c,FooterComponent:d("Footer"),HeaderComponent:d("Header"),ListComponent:d("List","div"),ItemComponent:d("Item","div"),ScrollerComponent:d("Scroller","div"),ScrollSeekPlaceholder:d("ScrollSeekPlaceholder","div")}}),CZ=ua(([e,t])=>({...e,...t}),yl(wZ,SZ)),kZ=H.memo(function(){const t=fr("gridState"),n=fr("listClassName"),r=fr("itemClassName"),o=fr("itemContent"),s=fr("computeItemKey"),a=fr("isSeeking"),c=Is("scrollHeight"),d=fr("ItemComponent"),p=fr("ListComponent"),h=fr("ScrollSeekPlaceholder"),m=fr("context"),v=Is("itemDimensions"),b=Is("gap"),w=fr("log"),y=fr("stateRestoreInProgress"),S=Um(_=>{const k=_.parentElement.parentElement.scrollHeight;c(k);const j=_.firstChild;if(j){const{width:I,height:E}=j.getBoundingClientRect();v({width:I,height:E})}b({row:gk("row-gap",getComputedStyle(_).rowGap,w),column:gk("column-gap",getComputedStyle(_).columnGap,w)})});return y?null:H.createElement(p,{ref:S,className:n,...tl(p,m),style:{paddingTop:t.offsetTop,paddingBottom:t.offsetBottom},"data-test-id":"virtuoso-item-list"},t.items.map(_=>{const k=s(_.index,_.data,m);return a?H.createElement(h,{key:k,...tl(h,m),index:_.index,height:t.itemHeight,width:t.itemWidth}):H.createElement(d,{...tl(d,m),className:r,"data-index":_.index,key:k},o(_.index,_.data,m))}))}),_Z=H.memo(function(){const t=fr("HeaderComponent"),n=Is("headerHeight"),r=fr("headerFooterTag"),o=Um(a=>n(Vh(a,"height"))),s=fr("context");return t?H.createElement(r,{ref:o},H.createElement(t,tl(t,s))):null}),PZ=H.memo(function(){const t=fr("FooterComponent"),n=Is("footerHeight"),r=fr("headerFooterTag"),o=Um(a=>n(Vh(a,"height"))),s=fr("context");return t?H.createElement(r,{ref:o},H.createElement(t,tl(t,s))):null}),jZ=({children:e})=>{const t=H.useContext(JE),n=Is("itemDimensions"),r=Is("viewportDimensions"),o=Um(s=>{r(s.getBoundingClientRect())});return H.useEffect(()=>{t&&(r({height:t.viewportHeight,width:t.viewportWidth}),n({height:t.itemHeight,width:t.itemWidth}))},[t,r,n]),H.createElement("div",{style:ZE,ref:o},e)},IZ=({children:e})=>{const t=H.useContext(JE),n=Is("windowViewportRect"),r=Is("itemDimensions"),o=fr("customScrollParent"),s=pZ(n,o);return H.useEffect(()=>{t&&(r({height:t.itemHeight,width:t.itemWidth}),n({offsetTop:0,visibleHeight:t.viewportHeight,visibleWidth:t.viewportWidth}))},[t,n,r]),H.createElement("div",{ref:s,style:ZE},e)},EZ=H.memo(function({...t}){const n=fr("useWindowScroll"),r=fr("customScrollParent"),o=r||n?MZ:RZ,s=r||n?IZ:jZ;return H.createElement(o,{...t},H.createElement(s,null,H.createElement(_Z,null),H.createElement(kZ,null),H.createElement(PZ,null)))}),{Component:OZ,usePublisher:Is,useEmitterValue:fr,useEmitter:t8}=YJ(CZ,{optional:{context:"context",totalCount:"totalCount",overscan:"overscan",itemContent:"itemContent",components:"components",computeItemKey:"computeItemKey",data:"data",initialItemCount:"initialItemCount",scrollSeekConfiguration:"scrollSeekConfiguration",headerFooterTag:"headerFooterTag",listClassName:"listClassName",itemClassName:"itemClassName",useWindowScroll:"useWindowScroll",customScrollParent:"customScrollParent",scrollerRef:"scrollerRef",logLevel:"logLevel",restoreStateFrom:"restoreStateFrom",initialTopMostItemIndex:"initialTopMostItemIndex"},methods:{scrollTo:"scrollTo",scrollBy:"scrollBy",scrollToIndex:"scrollToIndex"},events:{isScrolling:"isScrolling",endReached:"endReached",startReached:"startReached",rangeChanged:"rangeChanged",atBottomStateChange:"atBottomStateChange",atTopStateChange:"atTopStateChange",stateChanged:"stateChanged"}},EZ),RZ=gZ({usePublisher:Is,useEmitterValue:fr,useEmitter:t8}),MZ=vZ({usePublisher:Is,useEmitterValue:fr,useEmitter:t8});function gk(e,t,n){return t!=="normal"&&!(t!=null&&t.endsWith("px"))&&n(`${e} was not resolved to pixel value correctly`,t,Wy.WARN),t==="normal"?0:parseInt(t??"0",10)}const n8=OZ,DZ=({imageDTO:e})=>i.jsx(F,{sx:{pointerEvents:"none",flexDirection:"column",position:"absolute",top:0,insetInlineStart:0,p:2,alignItems:"flex-start",gap:2},children:i.jsxs(hl,{variant:"solid",colorScheme:"base",children:[e.width," × ",e.height]})}),qm=({postUploadAction:e,isDisabled:t})=>{const n=z(d=>d.gallery.autoAddBoardId),[r]=M_(),o=f.useCallback(d=>{const p=d[0];p&&r({file:p,image_category:"user",is_intermediate:!1,postUploadAction:e??{type:"TOAST"},board_id:n})},[n,e,r]),{getRootProps:s,getInputProps:a,open:c}=Zb({accept:{"image/png":[".png"],"image/jpeg":[".jpg",".jpeg",".png"]},onDropAccepted:o,disabled:t,noDrag:!0,multiple:!1});return{getUploadButtonProps:s,getUploadInputProps:a,openUploader:c}},Vy=()=>{const e=te(),t=Hc(),{t:n}=ye(),r=f.useCallback(()=>{t({title:n("toast.parameterSet"),status:"info",duration:2500,isClosable:!0})},[n,t]),o=f.useCallback(()=>{t({title:n("toast.parameterNotSet"),status:"warning",duration:2500,isClosable:!0})},[n,t]),s=f.useCallback(()=>{t({title:n("toast.parametersSet"),status:"info",duration:2500,isClosable:!0})},[n,t]),a=f.useCallback(()=>{t({title:n("toast.parametersNotSet"),status:"warning",duration:2500,isClosable:!0})},[n,t]),c=f.useCallback((O,R,M,A)=>{if(Of(O)||Rf(R)||du(M)||l0(A)){Of(O)&&e(Du(O)),Rf(R)&&e(Au(R)),du(M)&&e(Tu(M)),du(A)&&e(Nu(A)),r();return}o()},[e,r,o]),d=f.useCallback(O=>{if(!Of(O)){o();return}e(Du(O)),r()},[e,r,o]),p=f.useCallback(O=>{if(!Rf(O)){o();return}e(Au(O)),r()},[e,r,o]),h=f.useCallback(O=>{if(!du(O)){o();return}e(Tu(O)),r()},[e,r,o]),m=f.useCallback(O=>{if(!l0(O)){o();return}e(Nu(O)),r()},[e,r,o]),v=f.useCallback(O=>{if(!q2(O)){o();return}e(Dp(O)),r()},[e,r,o]),b=f.useCallback(O=>{if(!c0(O)){o();return}e(Ap(O)),r()},[e,r,o]),w=f.useCallback(O=>{if(!u0(O)){o();return}e(kv(O)),r()},[e,r,o]),y=f.useCallback(O=>{if(!d0(O)){o();return}e(_v(O)),r()},[e,r,o]),S=f.useCallback(O=>{if(!f0(O)){o();return}e(Tp(O)),r()},[e,r,o]),_=f.useCallback(O=>{if(!K2(O)){o();return}e(mc(O)),r()},[e,r,o]),k=f.useCallback(O=>{if(!X2(O)){o();return}e(gc(O)),r()},[e,r,o]),j=f.useCallback(O=>{if(!Y2(O)){o();return}e(Np(O)),r()},[e,r,o]),I=f.useCallback(O=>{e(Q1(O))},[e]),E=f.useCallback(O=>{if(!O){a();return}const{cfg_scale:R,height:M,model:A,positive_prompt:T,negative_prompt:$,scheduler:Q,seed:B,steps:V,width:q,strength:G,positive_style_prompt:D,negative_style_prompt:L,refiner_model:W,refiner_cfg_scale:Y,refiner_steps:ae,refiner_scheduler:be,refiner_aesthetic_store:ie,refiner_start:X}=O;c0(R)&&e(Ap(R)),u0(A)&&e(kv(A)),Of(T)&&e(Du(T)),Rf($)&&e(Au($)),d0(Q)&&e(_v(Q)),q2(B)&&e(Dp(B)),f0(V)&&e(Tp(V)),K2(q)&&e(mc(q)),X2(M)&&e(gc(M)),Y2(G)&&e(Np(G)),du(D)&&e(Tu(D)),l0(L)&&e(Nu(L)),u0(W)&&e(L_(W)),f0(ae)&&e(Pv(ae)),c0(Y)&&e(jv(Y)),d0(be)&&e(B_(be)),Q7(ie)&&e(Iv(ie)),J7(X)&&e(Ev(X)),s()},[a,s,e]);return{recallBothPrompts:c,recallPositivePrompt:d,recallNegativePrompt:p,recallSDXLPositiveStylePrompt:h,recallSDXLNegativeStylePrompt:m,recallSeed:v,recallCfgScale:b,recallModel:w,recallScheduler:y,recallSteps:S,recallWidth:_,recallHeight:k,recallStrength:j,recallAllParameters:E,sendToImageToImage:I}},ar=e=>{const t=z(a=>a.config.disabledTabs),n=z(a=>a.config.disabledFeatures),r=z(a=>a.config.disabledSDFeatures),o=f.useMemo(()=>n.includes(e)||r.includes(e)||t.includes(e),[n,r,t,e]),s=f.useMemo(()=>!(n.includes(e)||r.includes(e)||t.includes(e)),[n,r,t,e]);return{isFeatureDisabled:o,isFeatureEnabled:s}},Uy=()=>{const e=Hc(),{t}=ye(),n=f.useMemo(()=>!!navigator.clipboard&&!!window.ClipboardItem,[]),r=f.useCallback(async o=>{n||e({title:t("toast.problemCopyingImage"),description:"Your browser doesn't support the Clipboard API.",status:"error",duration:2500,isClosable:!0});try{const a=await(await fetch(o)).blob();await navigator.clipboard.write([new ClipboardItem({[a.type]:a})]),e({title:t("toast.imageCopied"),status:"success",duration:2500,isClosable:!0})}catch(s){e({title:t("toast.problemCopyingImage"),description:String(s),status:"error",duration:2500,isClosable:!0})}},[n,t,e]);return{isClipboardAPIAvailable:n,copyImageToClipboard:r}};function AZ(e,t,n){var r=this,o=f.useRef(null),s=f.useRef(0),a=f.useRef(null),c=f.useRef([]),d=f.useRef(),p=f.useRef(),h=f.useRef(e),m=f.useRef(!0);f.useEffect(function(){h.current=e},[e]);var v=!t&&t!==0&&typeof window<"u";if(typeof e!="function")throw new TypeError("Expected a function");t=+t||0;var b=!!(n=n||{}).leading,w=!("trailing"in n)||!!n.trailing,y="maxWait"in n,S=y?Math.max(+n.maxWait||0,t):null;f.useEffect(function(){return m.current=!0,function(){m.current=!1}},[]);var _=f.useMemo(function(){var k=function(M){var A=c.current,T=d.current;return c.current=d.current=null,s.current=M,p.current=h.current.apply(T,A)},j=function(M,A){v&&cancelAnimationFrame(a.current),a.current=v?requestAnimationFrame(M):setTimeout(M,A)},I=function(M){if(!m.current)return!1;var A=M-o.current;return!o.current||A>=t||A<0||y&&M-s.current>=S},E=function(M){return a.current=null,w&&c.current?k(M):(c.current=d.current=null,p.current)},O=function M(){var A=Date.now();if(I(A))return E(A);if(m.current){var T=t-(A-o.current),$=y?Math.min(T,S-(A-s.current)):T;j(M,$)}},R=function(){var M=Date.now(),A=I(M);if(c.current=[].slice.call(arguments),d.current=r,o.current=M,A){if(!a.current&&m.current)return s.current=o.current,j(O,t),b?k(o.current):p.current;if(y)return j(O,t),k(o.current)}return a.current||j(O,t),p.current};return R.cancel=function(){a.current&&(v?cancelAnimationFrame(a.current):clearTimeout(a.current)),s.current=0,c.current=o.current=d.current=a.current=null},R.isPending=function(){return!!a.current},R.flush=function(){return a.current?E(Date.now()):p.current},R},[b,y,t,S,w,v]);return _}function TZ(e,t){return e===t}function vk(e){return typeof e=="function"?function(){return e}:e}function Gy(e,t,n){var r,o,s=n&&n.equalityFn||TZ,a=(r=f.useState(vk(e)),o=r[1],[r[0],f.useCallback(function(m){return o(vk(m))},[])]),c=a[0],d=a[1],p=AZ(f.useCallback(function(m){return d(m)},[d]),t,n),h=f.useRef(e);return s(h.current,e)||(p(e),h.current=e),[c,p]}J1("gallery/requestedBoardImagesDeletion");const NZ=J1("gallery/sentImageToCanvas"),r8=J1("gallery/sentImageToImg2Img"),$Z=e=>{const{imageDTO:t}=e,n=f.useMemo(()=>fe([Xe],({gallery:V})=>({isInBatch:V.batchImageNames.includes(t.image_name)}),Ge),[t.image_name]),{isInBatch:r}=z(n),o=te(),{t:s}=ye(),a=Hc(),c=ar("unifiedCanvas").isFeatureEnabled,d=ar("batches").isFeatureEnabled,{onClickAddToBoard:p}=f.useContext(F_),[h,m]=Gy(t.image_name,500),{currentData:v}=Z1(m.isPending()?oo.skipToken:h??oo.skipToken),{isClipboardAPIAvailable:b,copyImageToClipboard:w}=Uy(),y=v==null?void 0:v.metadata,S=f.useCallback(()=>{t&&o(eb(t))},[o,t]),{recallBothPrompts:_,recallSeed:k,recallAllParameters:j}=Vy(),[I]=Z7(),E=f.useCallback(()=>{_(y==null?void 0:y.positive_prompt,y==null?void 0:y.negative_prompt,y==null?void 0:y.positive_style_prompt,y==null?void 0:y.negative_style_prompt)},[y==null?void 0:y.negative_prompt,y==null?void 0:y.positive_prompt,y==null?void 0:y.positive_style_prompt,y==null?void 0:y.negative_style_prompt,_]),O=f.useCallback(()=>{k(y==null?void 0:y.seed)},[y==null?void 0:y.seed,k]),R=f.useCallback(()=>{o(r8()),o(Q1(t))},[o,t]),M=f.useCallback(()=>{o(NZ()),o(eR(t)),o(nm()),o(Kl("unifiedCanvas")),a({title:s("toast.sentToUnifiedCanvas"),status:"success",duration:2500,isClosable:!0})},[o,t,s,a]),A=f.useCallback(()=>{console.log(y),j(y)},[y,j]),T=f.useCallback(()=>{p(t)},[t,p]),$=f.useCallback(()=>{t.board_id&&I({imageDTO:t})},[t,I]),Q=f.useCallback(()=>{o(tR([t.image_name]))},[o,t.image_name]),B=f.useCallback(()=>{w(t.image_url)},[w,t.image_url]);return i.jsxs(i.Fragment,{children:[i.jsx(Pr,{as:"a",href:t.image_url,target:"_blank",icon:i.jsx(cW,{}),children:s("common.openInNewTab")}),b&&i.jsx(Pr,{icon:i.jsx(Wc,{}),onClickCapture:B,children:s("parameters.copyImage")}),i.jsx(Pr,{as:"a",download:!0,href:t.image_url,target:"_blank",icon:i.jsx(ty,{}),w:"100%",children:s("parameters.downloadImage")}),i.jsx(Pr,{icon:i.jsx(PP,{}),onClickCapture:E,isDisabled:(y==null?void 0:y.positive_prompt)===void 0&&(y==null?void 0:y.negative_prompt)===void 0,children:s("parameters.usePrompt")}),i.jsx(Pr,{icon:i.jsx(jP,{}),onClickCapture:O,isDisabled:(y==null?void 0:y.seed)===void 0,children:s("parameters.useSeed")}),i.jsx(Pr,{icon:i.jsx(gP,{}),onClickCapture:A,isDisabled:!y,children:s("parameters.useAll")}),i.jsx(Pr,{icon:i.jsx(ES,{}),onClickCapture:R,id:"send-to-img2img",children:s("parameters.sendToImg2Img")}),c&&i.jsx(Pr,{icon:i.jsx(ES,{}),onClickCapture:M,id:"send-to-canvas",children:s("parameters.sendToUnifiedCanvas")}),d&&i.jsx(Pr,{icon:i.jsx(L0,{}),isDisabled:r,onClickCapture:Q,children:"Add to Batch"}),i.jsx(Pr,{icon:i.jsx(L0,{}),onClickCapture:T,children:t.board_id?"Change Board":"Add to Board"}),t.board_id&&i.jsx(Pr,{icon:i.jsx(L0,{}),onClickCapture:$,children:"Remove from Board"}),i.jsx(Pr,{sx:{color:"error.600",_dark:{color:"error.300"}},icon:i.jsx(us,{}),onClickCapture:S,children:s("gallery.deleteImage")})]})},o8=f.memo($Z),zZ=({imageDTO:e,children:t})=>{const n=f.useCallback(r=>{r.preventDefault()},[]);return i.jsx(dj,{menuProps:{size:"sm",isLazy:!0},menuButtonProps:{bg:"transparent",_hover:{bg:"transparent"}},renderMenu:()=>e?i.jsx(Bc,{sx:{visibility:"visible !important"},motionProps:sm,onContextMenu:n,children:i.jsx(o8,{imageDTO:e})}):null,children:t})},s8=f.memo(zZ),LZ=e=>{const{data:t,disabled:n,onClick:r}=e,o=f.useRef(ui()),{attributes:s,listeners:a,setNodeRef:c}=nR({id:o.current,disabled:n,data:t});return i.jsx(Ee,{onClick:r,ref:c,position:"absolute",w:"full",h:"full",top:0,insetInlineStart:0,...s,...a})},BZ=f.memo(LZ),FZ=e=>{const{imageDTO:t,onClickReset:n,onError:r,onClick:o,withResetIcon:s=!1,withMetadataOverlay:a=!1,isDropDisabled:c=!1,isDragDisabled:d=!1,isUploadDisabled:p=!1,minSize:h=24,postUploadAction:m,imageSx:v,fitContainer:b=!1,droppableData:w,draggableData:y,dropLabel:S,isSelected:_=!1,thumbnail:k=!1,resetTooltip:j="Reset",resetIcon:I=i.jsx(ry,{}),noContentFallback:E=i.jsx(mi,{icon:il}),useThumbailFallback:O,withHoverOverlay:R=!1}=e,{colorMode:M}=Ds(),[A,T]=f.useState(!1),$=f.useCallback(()=>{T(!0)},[]),Q=f.useCallback(()=>{T(!1)},[]),{getUploadButtonProps:B,getUploadInputProps:V}=qm({postUploadAction:m,isDisabled:p}),q=yp("drop-shadow(0px 0px 0.1rem var(--invokeai-colors-base-600))","drop-shadow(0px 0px 0.1rem var(--invokeai-colors-base-800))"),G=p?{}:{cursor:"pointer",bg:Fe("base.200","base.800")(M),_hover:{bg:Fe("base.300","base.650")(M),color:Fe("base.500","base.300")(M)}};return i.jsx(s8,{imageDTO:t,children:D=>i.jsxs(F,{ref:D,onMouseOver:$,onMouseOut:Q,sx:{width:"full",height:"full",alignItems:"center",justifyContent:"center",position:"relative",minW:h||void 0,minH:h||void 0,userSelect:"none",cursor:d||!t?"default":"pointer"},children:[t&&i.jsxs(F,{sx:{w:"full",h:"full",position:b?"absolute":"relative",alignItems:"center",justifyContent:"center"},children:[i.jsx(Tc,{src:k?t.thumbnail_url:t.image_url,fallbackStrategy:"beforeLoadOrError",fallbackSrc:O?t.thumbnail_url:void 0,fallback:O?void 0:i.jsx(BJ,{image:t}),width:t.width,height:t.height,onError:r,draggable:!1,sx:{objectFit:"contain",maxW:"full",maxH:"full",borderRadius:"base",...v}}),a&&i.jsx(DZ,{imageDTO:t}),i.jsx(Cy,{isSelected:_,isHovered:R?A:!1})]}),!t&&!p&&i.jsx(i.Fragment,{children:i.jsxs(F,{sx:{minH:h,w:"full",h:"full",alignItems:"center",justifyContent:"center",borderRadius:"base",transitionProperty:"common",transitionDuration:"0.1s",color:Fe("base.500","base.500")(M),...G},...B(),children:[i.jsx("input",{...V()}),i.jsx(no,{as:Ad,sx:{boxSize:16}})]})}),!t&&p&&E,t&&!d&&i.jsx(BZ,{data:y,disabled:d||!t,onClick:o}),!c&&i.jsx(Sy,{data:w,disabled:c,dropLabel:S}),n&&s&&t&&i.jsx(Le,{onClick:n,"aria-label":j,tooltip:j,icon:I,size:"sm",variant:"link",sx:{position:"absolute",top:1,insetInlineEnd:1,p:0,minW:0,svg:{transitionProperty:"common",transitionDuration:"normal",fill:"base.100",_hover:{fill:"base.50"},filter:q}}})]})})},yi=f.memo(FZ),HZ=()=>i.jsx(Ee,{sx:{position:"relative",height:"full",width:"full","::before":{content:"''",display:"block",pt:"100%"}},children:i.jsx(F,{sx:{position:"absolute",top:0,insetInlineStart:0,height:"full",width:"full",alignItems:"center",justifyContent:"center",borderRadius:"base",bg:"base.100",color:"base.500",_dark:{color:"base.700",bg:"base.850"}},children:i.jsx(no,{as:aW,boxSize:16,opacity:.7})})}),a8=()=>i.jsx(ym,{sx:{position:"relative",height:"full",width:"full","::before":{content:"''",display:"block",pt:"100%"}},children:i.jsx(Ee,{sx:{position:"absolute",top:0,insetInlineStart:0,height:"full",width:"full"}})}),WZ=e=>fe([Xe],t=>({selectionCount:t.gallery.selection.length,selection:t.gallery.selection,isSelected:t.gallery.selection.includes(e)}),Ge),VZ=e=>{const t=te(),{imageName:n}=e,{currentData:r,isLoading:o,isError:s}=os(n),a=f.useMemo(()=>WZ(n),[n]),{isSelected:c,selectionCount:d,selection:p}=z(a),h=f.useCallback(()=>{t(rR([n]))},[t,n]),m=f.useMemo(()=>{if(d>1)return{id:"batch",payloadType:"IMAGE_NAMES",payload:{image_names:p}};if(r)return{id:"batch",payloadType:"IMAGE_DTO",payload:{imageDTO:r}}},[r,p,d]);return o?i.jsx(a8,{}):s||!r?i.jsx(HZ,{}):i.jsx(Ee,{sx:{w:"full",h:"full",touchAction:"none"},children:i.jsx(s8,{imageDTO:r,children:v=>i.jsx(Ee,{position:"relative",userSelect:"none",ref:v,sx:{display:"flex",justifyContent:"center",alignItems:"center",aspectRatio:"1/1"},children:i.jsx(yi,{imageDTO:r,draggableData:m,isSelected:c,minSize:0,onClickReset:h,isDropDisabled:!0,imageSx:{w:"full",h:"full"},isUploadDisabled:!0,resetTooltip:"Remove from batch",withResetIcon:!0,thumbnail:!0})},n)})})},UZ=f.memo(VZ),i8=Ae((e,t)=>i.jsx(Ee,{className:"item-container",ref:t,p:1.5,children:e.children})),l8=Ae((e,t)=>{const n=z(r=>r.gallery.galleryImageMinimumWidth);return i.jsx(ol,{...e,className:"list-container",ref:t,sx:{gridTemplateColumns:`repeat(auto-fill, minmax(${n}px, 1fr));`},children:e.children})}),GZ=fe([Xe],e=>({imageNames:e.gallery.batchImageNames}),Ge),qZ=()=>{const{t:e}=ye(),t=f.useRef(null),[n,r]=f.useState(null),[o,s]=xy({defer:!0,options:{scrollbars:{visibility:"auto",autoHide:"leave",autoHideDelay:1300,theme:"os-theme-dark"},overflow:{x:"hidden"}}}),{imageNames:a}=z(GZ);return f.useEffect(()=>{const{current:c}=t;return n&&c&&o({target:c,elements:{viewport:n}}),()=>{var d;return(d=s())==null?void 0:d.destroy()}},[n,o,s]),a.length?i.jsx(Ee,{ref:t,"data-overlayscrollbars":"",h:"100%",children:i.jsx(n8,{style:{height:"100%"},data:a,components:{Item:i8,List:l8},scrollerRef:r,itemContent:(c,d)=>i.jsx(UZ,{imageName:d},d)})}):i.jsx(mi,{label:e("gallery.noImagesInGallery"),icon:il})},KZ=f.memo(qZ),XZ=e=>{const t=z(s=>s.gallery.galleryView),{data:n}=oR(e),{data:r}=sR(e),o=f.useMemo(()=>t==="images"?n:r,[t,r,n]);return{totalImages:n,totalAssets:r,currentViewTotal:o}},YZ=e=>fe([Xe],({gallery:t})=>({isSelected:t.selection.includes(e),selectionCount:t.selection.length,selection:t.selection}),Ge),QZ=e=>{const t=te(),{imageName:n}=e,{currentData:r}=os(n),o=f.useMemo(()=>YZ(n),[n]),{isSelected:s,selectionCount:a,selection:c}=z(o),d=f.useCallback(()=>{t(Ov(n))},[t,n]),p=f.useCallback(m=>{m.stopPropagation(),r&&t(eb(r))},[t,r]),h=f.useMemo(()=>{if(a>1)return{id:"gallery-image",payloadType:"IMAGE_NAMES",payload:{image_names:c}};if(r)return{id:"gallery-image",payloadType:"IMAGE_DTO",payload:{imageDTO:r}}},[r,c,a]);return r?i.jsx(Ee,{sx:{w:"full",h:"full",touchAction:"none"},children:i.jsx(F,{userSelect:"none",sx:{position:"relative",justifyContent:"center",alignItems:"center",aspectRatio:"1/1"},children:i.jsx(yi,{onClick:d,imageDTO:r,draggableData:h,isSelected:s,minSize:0,onClickReset:p,imageSx:{w:"full",h:"full"},isDropDisabled:!0,isUploadDisabled:!0,thumbnail:!0,withHoverOverlay:!0})})}):i.jsx(a8,{})},JZ=f.memo(QZ),ZZ={defer:!0,options:{scrollbars:{visibility:"auto",autoHide:"leave",autoHideDelay:1300,theme:"os-theme-dark"},overflow:{x:"hidden"}}},eee=()=>{const{t:e}=ye(),t=f.useRef(null),[n,r]=f.useState(null),[o,s]=xy(ZZ),a=z(S=>S.gallery.selectedBoardId),{currentViewTotal:c}=XZ(a),d=z(H_),{currentData:p,isFetching:h,isSuccess:m,isError:v}=aR(d),[b]=W_(),w=f.useMemo(()=>!p||!c?!1:p.ids.length{w&&b({...d,offset:(p==null?void 0:p.ids.length)??0,limit:V_})},[w,b,d,p==null?void 0:p.ids.length]);return f.useEffect(()=>{const{current:S}=t;return n&&S&&o({target:S,elements:{viewport:n}}),()=>{var _;return(_=s())==null?void 0:_.destroy()}},[n,o,s]),p?m&&(p==null?void 0:p.ids.length)===0?i.jsx(F,{sx:{w:"full",h:"full",alignItems:"center",justifyContent:"center"},children:i.jsx(mi,{label:e("gallery.noImagesInGallery"),icon:il})}):m&&p?i.jsxs(i.Fragment,{children:[i.jsx(Ee,{ref:t,"data-overlayscrollbars":"",h:"100%",children:i.jsx(n8,{style:{height:"100%"},data:p.ids,endReached:y,components:{Item:i8,List:l8},scrollerRef:r,itemContent:(S,_)=>i.jsx(JZ,{imageName:_},_)})}),i.jsx(en,{onClick:y,isDisabled:!w,isLoading:h,loadingText:"Loading",flexShrink:0,children:`Load More (${p.ids.length} of ${c})`})]}):v?i.jsx(Ee,{sx:{w:"full",h:"full"},children:i.jsx(mi,{label:"Unable to load Gallery",icon:yP})}):null:i.jsx(F,{sx:{w:"full",h:"full",alignItems:"center",justifyContent:"center"},children:i.jsx(mi,{label:"Loading...",icon:il})})},tee=f.memo(eee),nee=fe([Xe],e=>{const{selectedBoardId:t,galleryView:n}=e.gallery;return{selectedBoardId:t,galleryView:n}},Ge),ree=()=>{const e=f.useRef(null),t=f.useRef(null),{selectedBoardId:n,galleryView:r}=z(nee),o=te(),{isOpen:s,onToggle:a}=ss(),c=f.useCallback(()=>{o(Q2("images"))},[o]),d=f.useCallback(()=>{o(Q2("assets"))},[o]);return i.jsxs(Y3,{sx:{flexDirection:"column",h:"full",w:"full",borderRadius:"base"},children:[i.jsxs(Ee,{sx:{w:"full"},children:[i.jsxs(F,{ref:e,sx:{alignItems:"center",justifyContent:"space-between",gap:2},children:[i.jsx(xU,{isOpen:s,onToggle:a}),i.jsx(LJ,{}),i.jsx(SU,{})]}),i.jsx(Ee,{children:i.jsx(vU,{isOpen:s})})]}),i.jsxs(F,{ref:t,direction:"column",gap:2,h:"full",w:"full",children:[i.jsx(F,{sx:{alignItems:"center",justifyContent:"space-between",gap:2},children:i.jsx(Rd,{index:r==="images"?0:1,variant:"unstyled",size:"sm",sx:{w:"full"},children:i.jsx(Md,{children:i.jsxs(nr,{isAttached:!0,sx:{w:"full"},children:[i.jsx(Sc,{as:en,size:"sm",isChecked:r==="images",onClick:c,sx:{w:"full"},leftIcon:i.jsx(hW,{}),children:"Images"}),i.jsx(Sc,{as:en,size:"sm",isChecked:r==="assets",onClick:d,sx:{w:"full"},leftIcon:i.jsx(_W,{}),children:"Assets"})]})})})}),n==="batch"?i.jsx(KZ,{}):i.jsx(tee,{})]})]})},c8=f.memo(ree),oee=fe([Kn,La,iR,ir],(e,t,n,r)=>{const{shouldPinGallery:o,shouldShowGallery:s}=t,{galleryImageMinimumWidth:a}=n;return{activeTabName:e,isStaging:r,shouldPinGallery:o,shouldShowGallery:s,galleryImageMinimumWidth:a,isResizable:e!=="unifiedCanvas"}},{memoizeOptions:{resultEqualityCheck:Jt}}),see=()=>{const e=te(),{shouldPinGallery:t,shouldShowGallery:n,galleryImageMinimumWidth:r}=z(oee),o=()=>{e(Rv(!1)),t&&e(Co())};rt("esc",()=>{e(Rv(!1))},{enabled:()=>!t,preventDefault:!0},[t]);const s=32;return rt("shift+up",()=>{if(r<256){const a=Es(r+s,32,256);e(Mp(a))}},[r]),rt("shift+down",()=>{if(r>32){const a=Es(r-s,32,256);e(Mp(a))}},[r]),t?null:i.jsx(fP,{direction:"right",isResizable:!0,isOpen:n,onClose:o,minWidth:400,children:i.jsx(c8,{})})},aee=f.memo(see),iee=e=>{const{label:t,isDisabled:n=!1,width:r="auto",formControlProps:o,formLabelProps:s,tooltip:a,...c}=e;return i.jsx(wn,{label:a,hasArrow:!0,placement:"top",isDisabled:!a,children:i.jsxs(mo,{isDisabled:n,width:r,display:"flex",alignItems:"center",...o,children:[t&&i.jsx(Lo,{my:1,flexGrow:1,sx:{cursor:n?"not-allowed":"pointer",...s==null?void 0:s.sx,pe:4},...s,children:t}),i.jsx(Yb,{...c})]})})},Er=f.memo(iee),lee=fe([Xe,lR],({system:e,config:t,imageDeletion:n},r)=>{const{shouldConfirmOnDelete:o}=e,{canRestoreDeletedImagesFromBin:s}=t,{imageToDelete:a,isModalOpen:c}=n;return{shouldConfirmOnDelete:o,canRestoreDeletedImagesFromBin:s,imageToDelete:a,imageUsage:r,isModalOpen:c}},Ge),cee=()=>{const e=te(),{t}=ye(),{shouldConfirmOnDelete:n,canRestoreDeletedImagesFromBin:r,imageToDelete:o,imageUsage:s,isModalOpen:a}=z(lee),c=f.useCallback(m=>e(U_(!m.target.checked)),[e]),d=f.useCallback(()=>{e(J2()),e(cR(!1))},[e]),p=f.useCallback(()=>{!o||!s||(e(J2()),e(uR({imageDTO:o,imageUsage:s})))},[e,o,s]),h=f.useRef(null);return i.jsx(Id,{isOpen:a,onClose:d,leastDestructiveRef:h,isCentered:!0,children:i.jsx(Da,{children:i.jsxs(Ed,{children:[i.jsx(Ma,{fontSize:"lg",fontWeight:"bold",children:t("gallery.deleteImage")}),i.jsx(Aa,{children:i.jsxs(F,{direction:"column",gap:3,children:[i.jsx(aj,{imageUsage:s}),i.jsx(Pi,{}),i.jsx(Ye,{children:t(r?"gallery.deleteImageBin":"gallery.deleteImagePermanent")}),i.jsx(Ye,{children:t("common.areYouSure")}),i.jsx(Er,{label:t("common.dontAskMeAgain"),isChecked:!n,onChange:c})]})}),i.jsxs(Ra,{children:[i.jsx(en,{ref:h,onClick:d,children:"Cancel"}),i.jsx(en,{colorScheme:"error",onClick:p,ml:3,children:"Delete"})]})]})})})},uee=f.memo(cee);function dee(e){const{title:t,hotkey:n,description:r}=e;return i.jsxs(ol,{sx:{gridTemplateColumns:"auto max-content",justifyContent:"space-between",alignItems:"center"},children:[i.jsxs(ol,{children:[i.jsx(Ye,{fontWeight:600,children:t}),r&&i.jsx(Ye,{sx:{fontSize:"sm"},variant:"subtext",children:r})]}),i.jsx(Ee,{sx:{fontSize:"sm",fontWeight:600,px:2,py:1},children:n})]})}function fee({children:e}){const{isOpen:t,onOpen:n,onClose:r}=ss(),{t:o}=ye(),s=[{title:o("hotkeys.invoke.title"),desc:o("hotkeys.invoke.desc"),hotkey:"Ctrl+Enter"},{title:o("hotkeys.cancel.title"),desc:o("hotkeys.cancel.desc"),hotkey:"Shift+X"},{title:o("hotkeys.focusPrompt.title"),desc:o("hotkeys.focusPrompt.desc"),hotkey:"Alt+A"},{title:o("hotkeys.toggleOptions.title"),desc:o("hotkeys.toggleOptions.desc"),hotkey:"O"},{title:o("hotkeys.pinOptions.title"),desc:o("hotkeys.pinOptions.desc"),hotkey:"Shift+O"},{title:o("hotkeys.toggleGallery.title"),desc:o("hotkeys.toggleGallery.desc"),hotkey:"G"},{title:o("hotkeys.maximizeWorkSpace.title"),desc:o("hotkeys.maximizeWorkSpace.desc"),hotkey:"F"},{title:o("hotkeys.changeTabs.title"),desc:o("hotkeys.changeTabs.desc"),hotkey:"1-5"}],a=[{title:o("hotkeys.setPrompt.title"),desc:o("hotkeys.setPrompt.desc"),hotkey:"P"},{title:o("hotkeys.setSeed.title"),desc:o("hotkeys.setSeed.desc"),hotkey:"S"},{title:o("hotkeys.setParameters.title"),desc:o("hotkeys.setParameters.desc"),hotkey:"A"},{title:o("hotkeys.upscale.title"),desc:o("hotkeys.upscale.desc"),hotkey:"Shift+U"},{title:o("hotkeys.showInfo.title"),desc:o("hotkeys.showInfo.desc"),hotkey:"I"},{title:o("hotkeys.sendToImageToImage.title"),desc:o("hotkeys.sendToImageToImage.desc"),hotkey:"Shift+I"},{title:o("hotkeys.deleteImage.title"),desc:o("hotkeys.deleteImage.desc"),hotkey:"Del"},{title:o("hotkeys.closePanels.title"),desc:o("hotkeys.closePanels.desc"),hotkey:"Esc"}],c=[{title:o("hotkeys.previousImage.title"),desc:o("hotkeys.previousImage.desc"),hotkey:"Arrow Left"},{title:o("hotkeys.nextImage.title"),desc:o("hotkeys.nextImage.desc"),hotkey:"Arrow Right"},{title:o("hotkeys.toggleGalleryPin.title"),desc:o("hotkeys.toggleGalleryPin.desc"),hotkey:"Shift+G"},{title:o("hotkeys.increaseGalleryThumbSize.title"),desc:o("hotkeys.increaseGalleryThumbSize.desc"),hotkey:"Shift+Up"},{title:o("hotkeys.decreaseGalleryThumbSize.title"),desc:o("hotkeys.decreaseGalleryThumbSize.desc"),hotkey:"Shift+Down"}],d=[{title:o("hotkeys.selectBrush.title"),desc:o("hotkeys.selectBrush.desc"),hotkey:"B"},{title:o("hotkeys.selectEraser.title"),desc:o("hotkeys.selectEraser.desc"),hotkey:"E"},{title:o("hotkeys.decreaseBrushSize.title"),desc:o("hotkeys.decreaseBrushSize.desc"),hotkey:"["},{title:o("hotkeys.increaseBrushSize.title"),desc:o("hotkeys.increaseBrushSize.desc"),hotkey:"]"},{title:o("hotkeys.decreaseBrushOpacity.title"),desc:o("hotkeys.decreaseBrushOpacity.desc"),hotkey:"Shift + ["},{title:o("hotkeys.increaseBrushOpacity.title"),desc:o("hotkeys.increaseBrushOpacity.desc"),hotkey:"Shift + ]"},{title:o("hotkeys.moveTool.title"),desc:o("hotkeys.moveTool.desc"),hotkey:"V"},{title:o("hotkeys.fillBoundingBox.title"),desc:o("hotkeys.fillBoundingBox.desc"),hotkey:"Shift + F"},{title:o("hotkeys.eraseBoundingBox.title"),desc:o("hotkeys.eraseBoundingBox.desc"),hotkey:"Delete / Backspace"},{title:o("hotkeys.colorPicker.title"),desc:o("hotkeys.colorPicker.desc"),hotkey:"C"},{title:o("hotkeys.toggleSnap.title"),desc:o("hotkeys.toggleSnap.desc"),hotkey:"N"},{title:o("hotkeys.quickToggleMove.title"),desc:o("hotkeys.quickToggleMove.desc"),hotkey:"Hold Space"},{title:o("hotkeys.toggleLayer.title"),desc:o("hotkeys.toggleLayer.desc"),hotkey:"Q"},{title:o("hotkeys.clearMask.title"),desc:o("hotkeys.clearMask.desc"),hotkey:"Shift+C"},{title:o("hotkeys.hideMask.title"),desc:o("hotkeys.hideMask.desc"),hotkey:"H"},{title:o("hotkeys.showHideBoundingBox.title"),desc:o("hotkeys.showHideBoundingBox.desc"),hotkey:"Shift+H"},{title:o("hotkeys.mergeVisible.title"),desc:o("hotkeys.mergeVisible.desc"),hotkey:"Shift+M"},{title:o("hotkeys.saveToGallery.title"),desc:o("hotkeys.saveToGallery.desc"),hotkey:"Shift+S"},{title:o("hotkeys.copyToClipboard.title"),desc:o("hotkeys.copyToClipboard.desc"),hotkey:"Ctrl+C"},{title:o("hotkeys.downloadImage.title"),desc:o("hotkeys.downloadImage.desc"),hotkey:"Shift+D"},{title:o("hotkeys.undoStroke.title"),desc:o("hotkeys.undoStroke.desc"),hotkey:"Ctrl+Z"},{title:o("hotkeys.redoStroke.title"),desc:o("hotkeys.redoStroke.desc"),hotkey:"Ctrl+Shift+Z, Ctrl+Y"},{title:o("hotkeys.resetView.title"),desc:o("hotkeys.resetView.desc"),hotkey:"R"},{title:o("hotkeys.previousStagingImage.title"),desc:o("hotkeys.previousStagingImage.desc"),hotkey:"Arrow Left"},{title:o("hotkeys.nextStagingImage.title"),desc:o("hotkeys.nextStagingImage.desc"),hotkey:"Arrow Right"},{title:o("hotkeys.acceptStagingImage.title"),desc:o("hotkeys.acceptStagingImage.desc"),hotkey:"Enter"}],p=h=>i.jsx(F,{flexDir:"column",gap:4,children:h.map((m,v)=>i.jsxs(F,{flexDir:"column",px:2,gap:4,children:[i.jsx(dee,{title:m.title,description:m.desc,hotkey:m.hotkey}),v{const{data:t}=dR(),n=f.useRef(null),r=u8(n);return i.jsxs(F,{alignItems:"center",gap:3,ps:1,ref:n,children:[i.jsx(Tc,{src:$_,alt:"invoke-ai-logo",sx:{w:"32px",h:"32px",minW:"32px",minH:"32px",userSelect:"none"}}),i.jsxs(F,{sx:{gap:3,alignItems:"center"},children:[i.jsxs(Ye,{sx:{fontSize:"xl",userSelect:"none"},children:["invoke ",i.jsx("strong",{children:"ai"})]}),i.jsx(ho,{children:e&&r&&t&&i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.15}},exit:{opacity:0,transition:{delay:.8}},children:i.jsx(Ye,{sx:{fontWeight:600,marginTop:1,color:"base.300",fontSize:14},variant:"subtext",children:t.version})},"statusText")})]})]})},yee=e=>{const{tooltip:t,inputRef:n,label:r,disabled:o,required:s,...a}=e,c=BE();return i.jsx(wn,{label:t,placement:"top",hasArrow:!0,children:i.jsx(Ly,{label:r?i.jsx(mo,{isRequired:s,isDisabled:o,children:i.jsx(Lo,{children:r})}):void 0,disabled:o,ref:n,styles:c,...a})})},Xr=f.memo(yee);function Xo(e){const{t}=ye(),{label:n,textProps:r,useBadge:o=!1,badgeLabel:s=t("settings.experimental"),badgeProps:a,...c}=e;return i.jsxs(F,{justifyContent:"space-between",py:1,children:[i.jsxs(F,{gap:2,alignItems:"center",children:[i.jsx(Ye,{sx:{fontSize:14,_dark:{color:"base.300"}},...r,children:n}),o&&i.jsx(hl,{size:"xs",sx:{px:2,color:"base.700",bg:"accent.200",_dark:{bg:"accent.500",color:"base.200"}},...a,children:s})]}),i.jsx(Er,{...c})]})}const ql=e=>i.jsx(F,{sx:{flexDirection:"column",gap:2,p:4,borderRadius:"base",bg:"base.100",_dark:{bg:"base.900"}},children:e.children});function xee(){const e=te(),{data:t,refetch:n}=fR(),[r,{isLoading:o}]=pR(),s=f.useCallback(()=>{r().unwrap().then(c=>{e(hR()),e(tb()),e(On({title:`Cleared ${c} intermediates`,status:"info"}))})},[r,e]);f.useEffect(()=>{n()},[n]);const a=t?`Clear ${t} Intermediate${t>1?"s":""}`:"No Intermediates to Clear";return i.jsxs(ql,{children:[i.jsx(Ys,{size:"sm",children:"Clear Intermediates"}),i.jsx(en,{colorScheme:"warning",onClick:s,isLoading:o,isDisabled:!t,children:a}),i.jsx(Ye,{fontWeight:"bold",children:"Clearing intermediates will reset your Canvas and ControlNet state."}),i.jsx(Ye,{variant:"subtext",children:"Intermediate images are byproducts of generation, different from the result images in the gallery. Clearing intermediates will free disk space."}),i.jsx(Ye,{variant:"subtext",children:"Your gallery images will not be deleted."})]})}const wee=()=>{const{base50:e,base100:t,base200:n,base300:r,base400:o,base500:s,base600:a,base700:c,base800:d,base900:p,accent200:h,accent300:m,accent400:v,accent500:b,accent600:w}=By(),{colorMode:y}=Ds(),[S]=Ac("shadows",["dark-lg"]);return f.useCallback(()=>({label:{color:Fe(c,r)(y)},separatorLabel:{color:Fe(s,s)(y),"::after":{borderTopColor:Fe(r,c)(y)}},searchInput:{":placeholder":{color:Fe(r,c)(y)}},input:{backgroundColor:Fe(e,p)(y),borderWidth:"2px",borderColor:Fe(n,d)(y),color:Fe(p,t)(y),paddingRight:24,fontWeight:600,"&:hover":{borderColor:Fe(r,a)(y)},"&:focus":{borderColor:Fe(m,w)(y)},"&:is(:focus, :hover)":{borderColor:Fe(o,s)(y)},"&:focus-within":{borderColor:Fe(h,w)(y)},"&[data-disabled]":{backgroundColor:Fe(r,c)(y),color:Fe(a,o)(y),cursor:"not-allowed"}},value:{backgroundColor:Fe(n,d)(y),color:Fe(p,t)(y),button:{color:Fe(p,t)(y)},"&:hover":{backgroundColor:Fe(r,c)(y),cursor:"pointer"}},dropdown:{backgroundColor:Fe(n,d)(y),borderColor:Fe(n,d)(y),boxShadow:S},item:{backgroundColor:Fe(n,d)(y),color:Fe(d,n)(y),padding:6,"&[data-hovered]":{color:Fe(p,t)(y),backgroundColor:Fe(r,c)(y)},"&[data-active]":{backgroundColor:Fe(r,c)(y),"&:hover":{color:Fe(p,t)(y),backgroundColor:Fe(r,c)(y)}},"&[data-selected]":{backgroundColor:Fe(v,w)(y),color:Fe(e,t)(y),fontWeight:600,"&:hover":{backgroundColor:Fe(b,b)(y),color:Fe("white",e)(y)}},"&[data-disabled]":{color:Fe(s,a)(y),cursor:"not-allowed"}},rightSection:{width:24,padding:20,button:{color:Fe(p,t)(y)}}}),[h,m,v,b,w,t,n,r,o,e,s,a,c,d,p,S,y])},See=e=>{const{searchable:t=!0,tooltip:n,inputRef:r,label:o,disabled:s,...a}=e,c=te(),d=f.useCallback(m=>{m.shiftKey&&c(Po(!0))},[c]),p=f.useCallback(m=>{m.shiftKey||c(Po(!1))},[c]),h=wee();return i.jsx(wn,{label:n,placement:"top",hasArrow:!0,isOpen:!0,children:i.jsx(AE,{label:o?i.jsx(mo,{isDisabled:s,children:i.jsx(Lo,{children:o})}):void 0,ref:r,disabled:s,onKeyDown:d,onKeyUp:p,searchable:t,maxDropdownHeight:300,styles:h,...a})})},Cee=f.memo(See),kee=cs(nb,(e,t)=>({value:t,label:e})).sort((e,t)=>e.label.localeCompare(t.label));function _ee(){const e=te(),{t}=ye(),n=z(o=>o.ui.favoriteSchedulers),r=f.useCallback(o=>{e(mR(o))},[e]);return i.jsx(Cee,{label:t("settings.favoriteSchedulers"),value:n,data:kee,onChange:r,clearable:!0,searchable:!0,maxSelectedValues:99,placeholder:t("settings.favoriteSchedulersPlaceholder")})}const Pee={ar:Bn.t("common.langArabic",{lng:"ar"}),nl:Bn.t("common.langDutch",{lng:"nl"}),en:Bn.t("common.langEnglish",{lng:"en"}),fr:Bn.t("common.langFrench",{lng:"fr"}),de:Bn.t("common.langGerman",{lng:"de"}),he:Bn.t("common.langHebrew",{lng:"he"}),it:Bn.t("common.langItalian",{lng:"it"}),ja:Bn.t("common.langJapanese",{lng:"ja"}),ko:Bn.t("common.langKorean",{lng:"ko"}),pl:Bn.t("common.langPolish",{lng:"pl"}),pt_BR:Bn.t("common.langBrPortuguese",{lng:"pt_BR"}),pt:Bn.t("common.langPortuguese",{lng:"pt"}),ru:Bn.t("common.langRussian",{lng:"ru"}),zh_CN:Bn.t("common.langSimplifiedChinese",{lng:"zh_CN"}),es:Bn.t("common.langSpanish",{lng:"es"}),uk:Bn.t("common.langUkranian",{lng:"ua"})},jee=fe([Xe],({system:e,ui:t,generation:n})=>{const{shouldConfirmOnDelete:r,enableImageDebugging:o,consoleLogLevel:s,shouldLogToConsole:a,shouldAntialiasProgressImage:c,isNodesEnabled:d,shouldUseNSFWChecker:p,shouldUseWatermarker:h}=e,{shouldUseCanvasBetaLayout:m,shouldUseSliders:v,shouldShowProgressInViewer:b}=t,{shouldShowAdvancedOptions:w}=n;return{shouldConfirmOnDelete:r,enableImageDebugging:o,shouldUseCanvasBetaLayout:m,shouldUseSliders:v,shouldShowProgressInViewer:b,consoleLogLevel:s,shouldLogToConsole:a,shouldAntialiasProgressImage:c,shouldShowAdvancedOptions:w,isNodesEnabled:d,shouldUseNSFWChecker:p,shouldUseWatermarker:h}},{memoizeOptions:{resultEqualityCheck:Jt}}),Iee=({children:e,config:t})=>{const n=te(),{t:r}=ye(),o=(t==null?void 0:t.shouldShowBetaLayout)??!0,s=(t==null?void 0:t.shouldShowDeveloperSettings)??!0,a=(t==null?void 0:t.shouldShowResetWebUiText)??!0,c=(t==null?void 0:t.shouldShowAdvancedOptionsSettings)??!0,d=(t==null?void 0:t.shouldShowClearIntermediates)??!0,p=(t==null?void 0:t.shouldShowNodesToggle)??!0,h=(t==null?void 0:t.shouldShowLocalizationToggle)??!0;f.useEffect(()=>{s||n(Z2(!1))},[s,n]);const{isNSFWCheckerAvailable:m,isWatermarkerAvailable:v}=G_(void 0,{selectFromResult:({data:X})=>({isNSFWCheckerAvailable:(X==null?void 0:X.nsfw_methods.includes("nsfw_checker"))??!1,isWatermarkerAvailable:(X==null?void 0:X.watermarking_methods.includes("invisible_watermark"))??!1})}),{isOpen:b,onOpen:w,onClose:y}=ss(),{isOpen:S,onOpen:_,onClose:k}=ss(),{shouldConfirmOnDelete:j,enableImageDebugging:I,shouldUseCanvasBetaLayout:E,shouldUseSliders:O,shouldShowProgressInViewer:R,consoleLogLevel:M,shouldLogToConsole:A,shouldAntialiasProgressImage:T,shouldShowAdvancedOptions:$,isNodesEnabled:Q,shouldUseNSFWChecker:B,shouldUseWatermarker:V}=z(jee),q=f.useCallback(()=>{Object.keys(window.localStorage).forEach(X=>{(gR.includes(X)||X.startsWith(vR))&&localStorage.removeItem(X)}),y(),_()},[y,_]),G=f.useCallback(X=>{n(bR(X))},[n]),D=f.useCallback(X=>{n(yR(X))},[n]),L=f.useCallback(X=>{n(Z2(X.target.checked))},[n]),W=f.useCallback(X=>{n(xR(X.target.checked))},[n]),{colorMode:Y,toggleColorMode:ae}=Ds(),be=ar("localization").isFeatureEnabled,ie=z(X6);return i.jsxs(i.Fragment,{children:[f.cloneElement(e,{onClick:w}),i.jsxs(td,{isOpen:b,onClose:y,size:"2xl",isCentered:!0,children:[i.jsx(Da,{}),i.jsxs(nd,{children:[i.jsx(Ma,{bg:"none",children:r("common.settingsLabel")}),i.jsx(Vb,{}),i.jsx(Aa,{children:i.jsxs(F,{sx:{gap:4,flexDirection:"column"},children:[i.jsxs(ql,{children:[i.jsx(Ys,{size:"sm",children:r("settings.general")}),i.jsx(Xo,{label:r("settings.confirmOnDelete"),isChecked:j,onChange:X=>n(U_(X.target.checked))}),c&&i.jsx(Xo,{label:r("settings.showAdvancedOptions"),isChecked:$,onChange:X=>n(wR(X.target.checked))})]}),i.jsxs(ql,{children:[i.jsx(Ys,{size:"sm",children:r("settings.generation")}),i.jsx(_ee,{}),i.jsx(Xo,{label:"Enable NSFW Checker",isDisabled:!m,isChecked:B,onChange:X=>n(SR(X.target.checked))}),i.jsx(Xo,{label:"Enable Invisible Watermark",isDisabled:!v,isChecked:V,onChange:X=>n(CR(X.target.checked))})]}),i.jsxs(ql,{children:[i.jsx(Ys,{size:"sm",children:r("settings.ui")}),i.jsx(Xo,{label:r("common.darkMode"),isChecked:Y==="dark",onChange:ae}),i.jsx(Xo,{label:r("settings.useSlidersForAll"),isChecked:O,onChange:X=>n(kR(X.target.checked))}),i.jsx(Xo,{label:r("settings.showProgressInViewer"),isChecked:R,onChange:X=>n(q_(X.target.checked))}),i.jsx(Xo,{label:r("settings.antialiasProgressImages"),isChecked:T,onChange:X=>n(_R(X.target.checked))}),o&&i.jsx(Xo,{label:r("settings.alternateCanvasLayout"),useBadge:!0,badgeLabel:r("settings.beta"),isChecked:E,onChange:X=>n(PR(X.target.checked))}),p&&i.jsx(Xo,{label:r("settings.enableNodesEditor"),useBadge:!0,isChecked:Q,onChange:W}),h&&i.jsx(Xr,{disabled:!be,label:r("common.languagePickerLabel"),value:ie,data:Object.entries(Pee).map(([X,K])=>({value:X,label:K})),onChange:D})]}),s&&i.jsxs(ql,{children:[i.jsx(Ys,{size:"sm",children:r("settings.developer")}),i.jsx(Xo,{label:r("settings.shouldLogToConsole"),isChecked:A,onChange:L}),i.jsx(Xr,{disabled:!A,label:r("settings.consoleLogLevel"),onChange:G,value:M,data:jR.concat()}),i.jsx(Xo,{label:r("settings.enableImageDebugging"),isChecked:I,onChange:X=>n(IR(X.target.checked))})]}),d&&i.jsx(xee,{}),i.jsxs(ql,{children:[i.jsx(Ys,{size:"sm",children:r("settings.resetWebUI")}),i.jsx(en,{colorScheme:"error",onClick:q,children:r("settings.resetWebUI")}),a&&i.jsxs(i.Fragment,{children:[i.jsx(Ye,{variant:"subtext",children:r("settings.resetWebUIDesc1")}),i.jsx(Ye,{variant:"subtext",children:r("settings.resetWebUIDesc2")})]})]})]})}),i.jsx(Ra,{children:i.jsx(en,{onClick:y,children:r("common.close")})})]})]}),i.jsxs(td,{closeOnOverlayClick:!1,isOpen:S,onClose:k,isCentered:!0,children:[i.jsx(Da,{backdropFilter:"blur(40px)"}),i.jsxs(nd,{children:[i.jsx(Ma,{}),i.jsx(Aa,{children:i.jsx(F,{justifyContent:"center",children:i.jsx(Ye,{fontSize:"lg",children:i.jsx(Ye,{children:r("settings.resetComplete")})})})}),i.jsx(Ra,{})]})]})]})},Eee=fe(go,e=>{const{isConnected:t,isProcessing:n,statusTranslationKey:r,currentIteration:o,totalIterations:s,currentStatusHasSteps:a}=e;return{isConnected:t,isProcessing:n,currentIteration:o,totalIterations:s,statusTranslationKey:r,currentStatusHasSteps:a}},Ge),xk={ok:"green.400",working:"yellow.400",error:"red.400"},wk={ok:"green.600",working:"yellow.500",error:"red.500"},Oee=()=>{const{isConnected:e,isProcessing:t,currentIteration:n,totalIterations:r,statusTranslationKey:o}=z(Eee),{t:s}=ye(),a=f.useRef(null),c=f.useMemo(()=>t?"working":e?"ok":"error",[t,e]),d=f.useMemo(()=>{if(n&&r)return` (${n}/${r})`},[n,r]),p=u8(a);return i.jsxs(F,{ref:a,h:"full",px:2,alignItems:"center",gap:5,children:[i.jsx(ho,{children:p&&i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.15}},exit:{opacity:0,transition:{delay:.8}},children:i.jsxs(Ye,{sx:{fontSize:"sm",fontWeight:"600",pb:"1px",userSelect:"none",color:wk[c],_dark:{color:xk[c]}},children:[s(o),d]})},"statusText")}),i.jsx(no,{as:rW,sx:{boxSize:"0.5rem",color:wk[c],_dark:{color:xk[c]}}})]})},Ree=()=>{const{t:e}=ye(),t=ar("bugLink").isFeatureEnabled,n=ar("discordLink").isFeatureEnabled,r=ar("githubLink").isFeatureEnabled,o="http://github.com/invoke-ai/InvokeAI",s="https://discord.gg/ZmtBAhwWhy";return i.jsxs(F,{sx:{gap:2,alignItems:"center"},children:[i.jsx(d8,{}),i.jsx(pl,{}),i.jsx(Oee,{}),i.jsxs(Pd,{children:[i.jsx(jd,{as:Le,variant:"link","aria-label":e("accessibility.menu"),icon:i.jsx(eW,{}),sx:{boxSize:8}}),i.jsxs(Bc,{motionProps:sm,children:[i.jsxs(ed,{title:e("common.communityLabel"),children:[r&&i.jsx(Pr,{as:"a",href:o,target:"_blank",icon:i.jsx(qH,{}),children:e("common.githubLabel")}),t&&i.jsx(Pr,{as:"a",href:`${o}/issues`,target:"_blank",icon:i.jsx(tW,{}),children:e("common.reportBugLabel")}),n&&i.jsx(Pr,{as:"a",href:s,target:"_blank",icon:i.jsx(GH,{}),children:e("common.discordLabel")})]}),i.jsxs(ed,{title:e("common.settingsLabel"),children:[i.jsx(fee,{children:i.jsx(Pr,{as:"button",icon:i.jsx(vW,{}),children:e("common.hotkeysLabel")})}),i.jsx(Iee,{children:i.jsx(Pr,{as:"button",icon:i.jsx(oW,{}),children:e("common.settingsLabel")})})]})]})]})]})},Mee=f.memo(Ree);function Dee(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0z"}},{tag:"path",attr:{d:"M16.5 9c-.42 0-.83.04-1.24.11L1.01 3 1 10l9 2-9 2 .01 7 8.07-3.46C9.59 21.19 12.71 24 16.5 24c4.14 0 7.5-3.36 7.5-7.5S20.64 9 16.5 9zm0 13c-3.03 0-5.5-2.47-5.5-5.5s2.47-5.5 5.5-5.5 5.5 2.47 5.5 5.5-2.47 5.5-5.5 5.5z"}},{tag:"path",attr:{d:"M18.27 14.03l-1.77 1.76-1.77-1.76-.7.7 1.76 1.77-1.76 1.77.7.7 1.77-1.76 1.77 1.76.7-.7-1.76-1.77 1.76-1.77z"}}]})(e)}function Aee(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0z"}},{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0V0z"}},{tag:"path",attr:{d:"M17 16l-4-4V8.82C14.16 8.4 15 7.3 15 6c0-1.66-1.34-3-3-3S9 4.34 9 6c0 1.3.84 2.4 2 2.82V12l-4 4H3v5h5v-3.05l4-4.2 4 4.2V21h5v-5h-4z"}}]})(e)}function Tee(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0z"}},{tag:"path",attr:{d:"M20 2H4c-1.1 0-2 .9-2 2v16c0 1.1.9 2 2 2h16c1.1 0 2-.9 2-2V4c0-1.1-.9-2-2-2zM8 20H4v-4h4v4zm0-6H4v-4h4v4zm0-6H4V4h4v4zm6 12h-4v-4h4v4zm0-6h-4v-4h4v4zm0-6h-4V4h4v4zm6 12h-4v-4h4v4zm0-6h-4v-4h4v4zm0-6h-4V4h4v4z"}}]})(e)}function Nee(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0z"}},{tag:"path",attr:{d:"M22 16V4c0-1.1-.9-2-2-2H8c-1.1 0-2 .9-2 2v12c0 1.1.9 2 2 2h12c1.1 0 2-.9 2-2zm-11-4l2.03 2.71L16 11l4 5H8l3-4zM2 6v14c0 1.1.9 2 2 2h14v-2H4V6H2z"}}]})(e)}function $ee(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0z"}},{tag:"path",attr:{d:"M12 2C6.47 2 2 6.47 2 12s4.47 10 10 10 10-4.47 10-10S17.53 2 12 2zm5 13.59L15.59 17 12 13.41 8.41 17 7 15.59 10.59 12 7 8.41 8.41 7 12 10.59 15.59 7 17 8.41 13.41 12 17 15.59z"}}]})(e)}function f8(e){return et({tag:"svg",attr:{viewBox:"0 0 24 24"},child:[{tag:"path",attr:{fill:"none",d:"M0 0h24v24H0V0z"}},{tag:"path",attr:{d:"M16 17.01V10h-2v7.01h-3L15 21l4-3.99h-3zM9 3L5 6.99h3V14h2V6.99h3L9 3zm7 14.01V10h-2v7.01h-3L15 21l4-3.99h-3zM9 3L5 6.99h3V14h2V6.99h3L9 3z"}}]})(e)}const zee=fe(go,e=>{const{isUploading:t}=e;let n="";return t&&(n="Uploading..."),{tooltip:n,shouldShow:t}}),Lee=()=>{const{shouldShow:e,tooltip:t}=z(zee);return e?i.jsx(F,{sx:{alignItems:"center",justifyContent:"center",color:"base.600"},children:i.jsx(wn,{label:t,placement:"right",hasArrow:!0,children:i.jsx(fl,{})})}):null},Bee=f.memo(Lee),p8=e=>e.config,{createElement:Ic,createContext:Fee,forwardRef:h8,useCallback:ri,useContext:m8,useEffect:Ia,useImperativeHandle:g8,useLayoutEffect:Hee,useMemo:Wee,useRef:Zo,useState:Vu}=Y1,Sk=Y1["useId".toString()],Vee=typeof window<"u"&&typeof window.document<"u"&&typeof window.document.createElement<"u",Xh=Vee?Hee:()=>{},Uee=typeof Sk=="function"?Sk:()=>null;let Gee=0;function qy(e=null){const t=Uee(),n=Zo(e||t||null);return n.current===null&&(n.current=""+Gee++),n.current}const Km=Fee(null);Km.displayName="PanelGroupContext";function v8({children:e=null,className:t="",collapsedSize:n=0,collapsible:r=!1,defaultSize:o=null,forwardedRef:s,id:a=null,maxSize:c=100,minSize:d=10,onCollapse:p=null,onResize:h=null,order:m=null,style:v={},tagName:b="div"}){const w=m8(Km);if(w===null)throw Error("Panel components must be rendered within a PanelGroup container");const y=qy(a),{collapsePanel:S,expandPanel:_,getPanelStyle:k,registerPanel:j,resizePanel:I,unregisterPanel:E}=w,O=Zo({onCollapse:p,onResize:h});if(Ia(()=>{O.current.onCollapse=p,O.current.onResize=h}),d<0||d>100)throw Error(`Panel minSize must be between 0 and 100, but was ${d}`);if(c<0||c>100)throw Error(`Panel maxSize must be between 0 and 100, but was ${c}`);if(o!==null){if(o<0||o>100)throw Error(`Panel defaultSize must be between 0 and 100, but was ${o}`);d>o&&!r&&(console.error(`Panel minSize ${d} cannot be greater than defaultSize ${o}`),o=d)}const R=k(y,o),M=Zo({size:Ck(R)}),A=Zo({callbacksRef:O,collapsedSize:n,collapsible:r,defaultSize:o,id:y,maxSize:c,minSize:d,order:m});return Xh(()=>{M.current.size=Ck(R),A.current.callbacksRef=O,A.current.collapsedSize=n,A.current.collapsible=r,A.current.defaultSize=o,A.current.id=y,A.current.maxSize=c,A.current.minSize=d,A.current.order=m}),Xh(()=>(j(y,A),()=>{E(y)}),[m,y,j,E]),g8(s,()=>({collapse:()=>S(y),expand:()=>_(y),getCollapsed(){return M.current.size===0},getSize(){return M.current.size},resize:T=>I(y,T)}),[S,_,y,I]),Ic(b,{children:e,className:t,"data-panel":"","data-panel-collapsible":r||void 0,"data-panel-id":y,"data-panel-size":parseFloat(""+R.flexGrow).toFixed(1),id:`data-panel-id-${y}`,style:{...R,...v}})}const cd=h8((e,t)=>Ic(v8,{...e,forwardedRef:t}));v8.displayName="Panel";cd.displayName="forwardRef(Panel)";function Ck(e){const{flexGrow:t}=e;return typeof t=="string"?parseFloat(t):t}const dl=10;function Ou(e,t,n,r,o,s,a,c){const{sizes:d}=c||{},p=d||s;if(o===0)return p;const h=Qo(t),m=p.concat();let v=0;{const y=o<0?r:n,S=h.findIndex(I=>I.current.id===y),_=h[S],k=p[S],j=kk(_,Math.abs(o),k,e);if(k===j)return p;j===0&&k>0&&a.set(y,k),o=o<0?k-j:j-k}let b=o<0?n:r,w=h.findIndex(y=>y.current.id===b);for(;;){const y=h[w],S=p[w],_=Math.abs(o)-Math.abs(v),k=kk(y,0-_,S,e);if(S!==k&&(k===0&&S>0&&a.set(y.current.id,S),v+=S-k,m[w]=k,v.toPrecision(dl).localeCompare(Math.abs(o).toPrecision(dl),void 0,{numeric:!0})>=0))break;if(o<0){if(--w<0)break}else if(++w>=h.length)break}return v===0?p:(b=o<0?r:n,w=h.findIndex(y=>y.current.id===b),m[w]=p[w]+v,m)}function Vl(e,t,n){t.forEach((r,o)=>{const{callbacksRef:s,collapsedSize:a,collapsible:c,id:d}=e[o].current,p=n[d];if(p!==r){n[d]=r;const{onCollapse:h,onResize:m}=s.current;m&&m(r,p),c&&h&&((p==null||p===a)&&r!==a?h(!1):p!==a&&r===a&&h(!0))}})}function av(e,t){if(t.length<2)return[null,null];const n=t.findIndex(a=>a.current.id===e);if(n<0)return[null,null];const r=n===t.length-1,o=r?t[n-1].current.id:e,s=r?e:t[n+1].current.id;return[o,s]}function b8(e,t,n){if(e.size===1)return"100";const o=Qo(e).findIndex(a=>a.current.id===t),s=n[o];return s==null?"0":s.toPrecision(dl)}function qee(e){const t=document.querySelector(`[data-panel-id="${e}"]`);return t||null}function Ky(e){const t=document.querySelector(`[data-panel-group-id="${e}"]`);return t||null}function Xm(e){const t=document.querySelector(`[data-panel-resize-handle-id="${e}"]`);return t||null}function Kee(e){return y8().findIndex(r=>r.getAttribute("data-panel-resize-handle-id")===e)??null}function y8(){return Array.from(document.querySelectorAll("[data-panel-resize-handle-id]"))}function x8(e){return Array.from(document.querySelectorAll(`[data-panel-resize-handle-id][data-panel-group-id="${e}"]`))}function Xy(e,t,n){var d,p,h,m;const r=Xm(t),o=x8(e),s=r?o.indexOf(r):-1,a=((p=(d=n[s])==null?void 0:d.current)==null?void 0:p.id)??null,c=((m=(h=n[s+1])==null?void 0:h.current)==null?void 0:m.id)??null;return[a,c]}function Qo(e){return Array.from(e.values()).sort((t,n)=>{const r=t.current.order,o=n.current.order;return r==null&&o==null?0:r==null?-1:o==null?1:r-o})}function kk(e,t,n,r){var h;const o=n+t,{collapsedSize:s,collapsible:a,maxSize:c,minSize:d}=e.current;if(a){if(n>s){if(o<=d/2+s)return s}else if(!((h=r==null?void 0:r.type)==null?void 0:h.startsWith("key"))&&o{const{direction:a,panels:c}=e.current,d=Ky(t),{height:p,width:h}=d.getBoundingClientRect(),v=x8(t).map(b=>{const w=b.getAttribute("data-panel-resize-handle-id"),y=Qo(c),[S,_]=Xy(t,w,y);if(S==null||_==null)return()=>{};let k=0,j=100,I=0,E=0;y.forEach($=>{$.current.id===S?(j=$.current.maxSize,k=$.current.minSize):(I+=$.current.minSize,E+=$.current.maxSize)});const O=Math.min(j,100-I),R=Math.max(k,(y.length-1)*100-E),M=b8(c,S,o);b.setAttribute("aria-valuemax",""+Math.round(O)),b.setAttribute("aria-valuemin",""+Math.round(R)),b.setAttribute("aria-valuenow",""+Math.round(parseInt(M)));const A=$=>{if(!$.defaultPrevented)switch($.key){case"Enter":{$.preventDefault();const Q=y.findIndex(B=>B.current.id===S);if(Q>=0){const B=y[Q],V=o[Q];if(V!=null){let q=0;V.toPrecision(dl)<=B.current.minSize.toPrecision(dl)?q=a==="horizontal"?h:p:q=-(a==="horizontal"?h:p);const G=Ou($,c,S,_,q,o,s.current,null);o!==G&&r(G)}}break}}};b.addEventListener("keydown",A);const T=qee(S);return T!=null&&b.setAttribute("aria-controls",T.id),()=>{b.removeAttribute("aria-valuemax"),b.removeAttribute("aria-valuemin"),b.removeAttribute("aria-valuenow"),b.removeEventListener("keydown",A),T!=null&&b.removeAttribute("aria-controls")}});return()=>{v.forEach(b=>b())}},[e,t,n,s,r,o])}function Yee({disabled:e,handleId:t,resizeHandler:n}){Ia(()=>{if(e||n==null)return;const r=Xm(t);if(r==null)return;const o=s=>{if(!s.defaultPrevented)switch(s.key){case"ArrowDown":case"ArrowLeft":case"ArrowRight":case"ArrowUp":case"End":case"Home":{s.preventDefault(),n(s);break}case"F6":{s.preventDefault();const a=y8(),c=Kee(t);w8(c!==null);const d=s.shiftKey?c>0?c-1:a.length-1:c+1{r.removeEventListener("keydown",o)}},[e,t,n])}function Qee(e,t){if(e.length!==t.length)return!1;for(let n=0;nR.current.id===I),O=r[E];if(O.current.collapsible){const R=h[E];(R===0||R.toPrecision(dl)===O.current.minSize.toPrecision(dl))&&(_=_<0?-O.current.minSize*w:O.current.minSize*w)}return _}else return S8(e,n,o,c,d)}function Zee(e){return e.type==="keydown"}function M1(e){return e.type.startsWith("mouse")}function D1(e){return e.type.startsWith("touch")}let A1=null,Ki=null;function C8(e){switch(e){case"horizontal":return"ew-resize";case"horizontal-max":return"w-resize";case"horizontal-min":return"e-resize";case"vertical":return"ns-resize";case"vertical-max":return"n-resize";case"vertical-min":return"s-resize"}}function ete(){Ki!==null&&(document.head.removeChild(Ki),A1=null,Ki=null)}function iv(e){if(A1===e)return;A1=e;const t=C8(e);Ki===null&&(Ki=document.createElement("style"),document.head.appendChild(Ki)),Ki.innerHTML=`*{cursor: ${t}!important;}`}function tte(e,t=10){let n=null;return(...o)=>{n!==null&&clearTimeout(n),n=setTimeout(()=>{e(...o)},t)}}function k8(e){return e.map(t=>{const{minSize:n,order:r}=t.current;return r?`${r}:${n}`:`${n}`}).sort((t,n)=>t.localeCompare(n)).join(",")}function _8(e,t){try{const n=t.getItem(`PanelGroup:sizes:${e}`);if(n){const r=JSON.parse(n);if(typeof r=="object"&&r!=null)return r}}catch{}return null}function nte(e,t,n){const r=_8(e,n);if(r){const o=k8(t);return r[o]??null}return null}function rte(e,t,n,r){const o=k8(t),s=_8(e,r)||{};s[o]=n;try{r.setItem(`PanelGroup:sizes:${e}`,JSON.stringify(s))}catch(a){console.error(a)}}const lv={};function _k(e){try{if(typeof localStorage<"u")e.getItem=t=>localStorage.getItem(t),e.setItem=(t,n)=>{localStorage.setItem(t,n)};else throw new Error("localStorage not supported in this environment")}catch(t){console.error(t),e.getItem=()=>null,e.setItem=()=>{}}}const Ru={getItem:e=>(_k(Ru),Ru.getItem(e)),setItem:(e,t)=>{_k(Ru),Ru.setItem(e,t)}};function P8({autoSaveId:e,children:t=null,className:n="",direction:r,disablePointerEventsDuringResize:o=!1,forwardedRef:s,id:a=null,onLayout:c,storage:d=Ru,style:p={},tagName:h="div"}){const m=qy(a),[v,b]=Vu(null),[w,y]=Vu(new Map),S=Zo(null),_=Zo({onLayout:c});Ia(()=>{_.current.onLayout=c});const k=Zo({}),[j,I]=Vu([]),E=Zo(new Map),O=Zo(0),R=Zo({direction:r,panels:w,sizes:j});g8(s,()=>({getLayout:()=>{const{sizes:D}=R.current;return D},setLayout:D=>{const L=D.reduce((be,ie)=>be+ie,0);w8(L===100,"Panel sizes must add up to 100%");const{panels:W}=R.current,Y=k.current,ae=Qo(W);I(D),Vl(ae,D,Y)}}),[]),Xh(()=>{R.current.direction=r,R.current.panels=w,R.current.sizes=j}),Xee({committedValuesRef:R,groupId:m,panels:w,setSizes:I,sizes:j,panelSizeBeforeCollapse:E}),Ia(()=>{const{onLayout:D}=_.current,{panels:L,sizes:W}=R.current;if(W.length>0){D&&D(W);const Y=k.current,ae=Qo(L);Vl(ae,W,Y)}},[j]),Xh(()=>{if(R.current.sizes.length===w.size)return;let L=null;if(e){const W=Qo(w);L=nte(e,W,d)}if(L!=null)I(L);else{const W=Qo(w);let Y=0,ae=0,be=0;if(W.forEach(ie=>{be+=ie.current.minSize,ie.current.defaultSize===null?Y++:ae+=ie.current.defaultSize}),ae>100)throw new Error("Default panel sizes cannot exceed 100%");if(W.length>1&&Y===0&&ae!==100)throw new Error("Invalid default sizes specified for panels");if(be>100)throw new Error("Minimum panel sizes cannot exceed 100%");I(W.map(ie=>ie.current.defaultSize===null?(100-ae)/Y:ie.current.defaultSize))}},[e,w,d]),Ia(()=>{if(e){if(j.length===0||j.length!==w.size)return;const D=Qo(w);lv[e]||(lv[e]=tte(rte,100)),lv[e](e,D,j,d)}},[e,w,j,d]);const M=ri((D,L)=>{const{panels:W}=R.current;return W.size===0?{flexBasis:0,flexGrow:L??void 0,flexShrink:1,overflow:"hidden"}:{flexBasis:0,flexGrow:b8(W,D,j),flexShrink:1,overflow:"hidden",pointerEvents:o&&v!==null?"none":void 0}},[v,o,j]),A=ri((D,L)=>{y(W=>{if(W.has(D))return W;const Y=new Map(W);return Y.set(D,L),Y})},[]),T=ri(D=>W=>{W.preventDefault();const{direction:Y,panels:ae,sizes:be}=R.current,ie=Qo(ae),[X,K]=Xy(m,D,ie);if(X==null||K==null)return;let U=Jee(W,m,D,ie,Y,be,S.current);if(U===0)return;const re=Ky(m).getBoundingClientRect(),oe=Y==="horizontal";document.dir==="rtl"&&oe&&(U=-U);const pe=oe?re.width:re.height,le=U/pe*100,ge=Ou(W,ae,X,K,le,be,E.current,S.current),ke=!Qee(be,ge);if((M1(W)||D1(W))&&O.current!=le&&iv(ke?oe?"horizontal":"vertical":oe?U<0?"horizontal-min":"horizontal-max":U<0?"vertical-min":"vertical-max"),ke){const xe=k.current;I(ge),Vl(ie,ge,xe)}O.current=le},[m]),$=ri(D=>{y(L=>{if(!L.has(D))return L;const W=new Map(L);return W.delete(D),W})},[]),Q=ri(D=>{const{panels:L,sizes:W}=R.current,Y=L.get(D);if(Y==null)return;const{collapsedSize:ae,collapsible:be}=Y.current;if(!be)return;const ie=Qo(L),X=ie.indexOf(Y);if(X<0)return;const K=W[X];if(K===ae)return;E.current.set(D,K);const[U,se]=av(D,ie);if(U==null||se==null)return;const oe=X===ie.length-1?K:ae-K,pe=Ou(null,L,U,se,oe,W,E.current,null);if(W!==pe){const le=k.current;I(pe),Vl(ie,pe,le)}},[]),B=ri(D=>{const{panels:L,sizes:W}=R.current,Y=L.get(D);if(Y==null)return;const{collapsedSize:ae,minSize:be}=Y.current,ie=E.current.get(D)||be;if(!ie)return;const X=Qo(L),K=X.indexOf(Y);if(K<0||W[K]!==ae)return;const[se,re]=av(D,X);if(se==null||re==null)return;const pe=K===X.length-1?ae-ie:ie,le=Ou(null,L,se,re,pe,W,E.current,null);if(W!==le){const ge=k.current;I(le),Vl(X,le,ge)}},[]),V=ri((D,L)=>{const{panels:W,sizes:Y}=R.current,ae=W.get(D);if(ae==null)return;const{collapsedSize:be,collapsible:ie,maxSize:X,minSize:K}=ae.current,U=Qo(W),se=U.indexOf(ae);if(se<0)return;const re=Y[se];if(re===L)return;ie&&L===be||(L=Math.min(X,Math.max(K,L)));const[oe,pe]=av(D,U);if(oe==null||pe==null)return;const ge=se===U.length-1?re-L:L-re,ke=Ou(null,W,oe,pe,ge,Y,E.current,null);if(Y!==ke){const xe=k.current;I(ke),Vl(U,ke,xe)}},[]),q=Wee(()=>({activeHandleId:v,collapsePanel:Q,direction:r,expandPanel:B,getPanelStyle:M,groupId:m,registerPanel:A,registerResizeHandle:T,resizePanel:V,startDragging:(D,L)=>{if(b(D),M1(L)||D1(L)){const W=Xm(D);S.current={dragHandleRect:W.getBoundingClientRect(),dragOffset:S8(L,D,r),sizes:R.current.sizes}}},stopDragging:()=>{ete(),b(null),S.current=null},unregisterPanel:$}),[v,Q,r,B,M,m,A,T,V,$]),G={display:"flex",flexDirection:r==="horizontal"?"row":"column",height:"100%",overflow:"hidden",width:"100%"};return Ic(Km.Provider,{children:Ic(h,{children:t,className:n,"data-panel-group":"","data-panel-group-direction":r,"data-panel-group-id":m,style:{...G,...p}}),value:q})}const Yy=h8((e,t)=>Ic(P8,{...e,forwardedRef:t}));P8.displayName="PanelGroup";Yy.displayName="forwardRef(PanelGroup)";function T1({children:e=null,className:t="",disabled:n=!1,id:r=null,onDragging:o,style:s={},tagName:a="div"}){const c=Zo(null),d=Zo({onDragging:o});Ia(()=>{d.current.onDragging=o});const p=m8(Km);if(p===null)throw Error("PanelResizeHandle components must be rendered within a PanelGroup container");const{activeHandleId:h,direction:m,groupId:v,registerResizeHandle:b,startDragging:w,stopDragging:y}=p,S=qy(r),_=h===S,[k,j]=Vu(!1),[I,E]=Vu(null),O=ri(()=>{c.current.blur(),y();const{onDragging:A}=d.current;A&&A(!1)},[y]);Ia(()=>{if(n)E(null);else{const M=b(S);E(()=>M)}},[n,S,b]),Ia(()=>{if(n||I==null||!_)return;const M=Q=>{I(Q)},A=Q=>{I(Q)},$=c.current.ownerDocument;return $.body.addEventListener("contextmenu",O),$.body.addEventListener("mousemove",M),$.body.addEventListener("touchmove",M),$.body.addEventListener("mouseleave",A),window.addEventListener("mouseup",O),window.addEventListener("touchend",O),()=>{$.body.removeEventListener("contextmenu",O),$.body.removeEventListener("mousemove",M),$.body.removeEventListener("touchmove",M),$.body.removeEventListener("mouseleave",A),window.removeEventListener("mouseup",O),window.removeEventListener("touchend",O)}},[m,n,_,I,O]),Yee({disabled:n,handleId:S,resizeHandler:I});const R={cursor:C8(m),touchAction:"none",userSelect:"none"};return Ic(a,{children:e,className:t,"data-resize-handle-active":_?"pointer":k?"keyboard":void 0,"data-panel-group-direction":m,"data-panel-group-id":v,"data-panel-resize-handle-enabled":!n,"data-panel-resize-handle-id":S,onBlur:()=>j(!1),onFocus:()=>j(!0),onMouseDown:M=>{w(S,M.nativeEvent);const{onDragging:A}=d.current;A&&A(!0)},onMouseUp:O,onTouchCancel:O,onTouchEnd:O,onTouchStart:M=>{w(S,M.nativeEvent);const{onDragging:A}=d.current;A&&A(!0)},ref:c,role:"separator",style:{...R,...s},tabIndex:0})}T1.displayName="PanelResizeHandle";const ote=(e,t,n,r="horizontal")=>{const o=f.useRef(null),[s,a]=f.useState(t),c=f.useCallback(()=>{var p,h;const d=(p=o.current)==null?void 0:p.getSize();d!==void 0&&d{const d=document.querySelector(`[data-panel-group-id="${n}"]`),p=document.querySelectorAll("[data-panel-resize-handle-id]");if(!d)return;const h=new ResizeObserver(()=>{let m=r==="horizontal"?d.getBoundingClientRect().width:d.getBoundingClientRect().height;p.forEach(v=>{m-=r==="horizontal"?v.getBoundingClientRect().width:v.getBoundingClientRect().height}),a(e/m*100)});return h.observe(d),p.forEach(m=>{h.observe(m)}),window.addEventListener("resize",c),()=>{h.disconnect(),window.removeEventListener("resize",c)}},[n,c,s,e,r]),{ref:o,minSizePct:s}},ste=fe([Xe],e=>{const{initialImage:t}=e.generation;return{initialImage:t,isResetButtonDisabled:!t}},Ge),ate=()=>{const{initialImage:e}=z(ste),{currentData:t}=os((e==null?void 0:e.imageName)??oo.skipToken),n=f.useMemo(()=>{if(t)return{id:"initial-image",payloadType:"IMAGE_DTO",payload:{imageDTO:t}}},[t]),r=f.useMemo(()=>({id:"initial-image",actionType:"SET_INITIAL_IMAGE"}),[]);return i.jsx(yi,{imageDTO:t,droppableData:r,draggableData:n,isUploadDisabled:!0,fitContainer:!0,dropLabel:"Set as Initial Image",noContentFallback:i.jsx(mi,{label:"No initial image selected"})})},ite=fe([Xe],e=>{const{initialImage:t}=e.generation;return{isResetButtonDisabled:!t}},Ge),lte={type:"SET_INITIAL_IMAGE"},cte=()=>{const{isResetButtonDisabled:e}=z(ite),t=te(),{getUploadButtonProps:n,getUploadInputProps:r}=qm({postUploadAction:lte}),o=f.useCallback(()=>{t(ER())},[t]);return i.jsxs(F,{layerStyle:"first",sx:{position:"relative",flexDirection:"column",height:"full",width:"full",alignItems:"center",justifyContent:"center",borderRadius:"base",p:4,gap:4},children:[i.jsxs(F,{sx:{w:"full",flexWrap:"wrap",justifyContent:"center",alignItems:"center",gap:2},children:[i.jsx(Ye,{sx:{fontWeight:600,userSelect:"none",color:"base.700",_dark:{color:"base.200"}},children:"Initial Image"}),i.jsx(pl,{}),i.jsx(Le,{tooltip:"Upload Initial Image","aria-label":"Upload Initial Image",icon:i.jsx(Ad,{}),...n()}),i.jsx(Le,{tooltip:"Reset Initial Image","aria-label":"Reset Initial Image",icon:i.jsx(ry,{}),onClick:o,isDisabled:e})]}),i.jsx(ate,{}),i.jsx("input",{...r()})]})},ute=e=>{const{label:t,activeLabel:n,children:r,defaultIsOpen:o=!1}=e,{isOpen:s,onToggle:a}=ss({defaultIsOpen:o}),{colorMode:c}=Ds();return i.jsxs(Ee,{children:[i.jsxs(F,{onClick:a,sx:{alignItems:"center",p:2,px:4,gap:2,borderTopRadius:"base",borderBottomRadius:s?0:"base",bg:s?Fe("base.200","base.750")(c):Fe("base.150","base.800")(c),color:Fe("base.900","base.100")(c),_hover:{bg:s?Fe("base.250","base.700")(c):Fe("base.200","base.750")(c)},fontSize:"sm",fontWeight:600,cursor:"pointer",transitionProperty:"common",transitionDuration:"normal",userSelect:"none"},children:[t,i.jsx(ho,{children:n&&i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.1}},exit:{opacity:0,transition:{duration:.1}},children:i.jsx(Ye,{sx:{color:"accent.500",_dark:{color:"accent.300"}},children:n})},"statusText")}),i.jsx(pl,{}),i.jsx(wy,{sx:{w:"1rem",h:"1rem",transform:s?"rotate(0deg)":"rotate(180deg)",transitionProperty:"common",transitionDuration:"normal"}})]}),i.jsx(lm,{in:s,animateOpacity:!0,style:{overflow:"unset"},children:i.jsx(Ee,{sx:{p:4,borderBottomRadius:"base",bg:"base.100",_dark:{bg:"base.800"}},children:r})})]})},Ro=f.memo(ute),dte=fe(Xe,e=>{const{combinatorial:t,isEnabled:n}=e.dynamicPrompts;return{combinatorial:t,isDisabled:!n}},Ge),fte=()=>{const{combinatorial:e,isDisabled:t}=z(dte),n=te(),r=f.useCallback(()=>{n(OR())},[n]);return i.jsx(Er,{isDisabled:t,label:"Combinatorial Generation",isChecked:e,onChange:r})},pte=fe(Xe,e=>{const{isEnabled:t}=e.dynamicPrompts;return{isEnabled:t}},Ge),hte=()=>{const e=te(),{isEnabled:t}=z(pte),n=f.useCallback(()=>{e(RR())},[e]);return i.jsx(Er,{label:"Enable Dynamic Prompts",isChecked:t,onChange:n})},mte=fe(Xe,e=>{const{maxPrompts:t,combinatorial:n,isEnabled:r}=e.dynamicPrompts,{min:o,sliderMax:s,inputMax:a}=e.config.sd.dynamicPrompts.maxPrompts;return{maxPrompts:t,min:o,sliderMax:s,inputMax:a,isDisabled:!r||!n}},Ge),gte=()=>{const{maxPrompts:e,min:t,sliderMax:n,inputMax:r,isDisabled:o}=z(mte),s=te(),a=f.useCallback(d=>{s(MR(d))},[s]),c=f.useCallback(()=>{s(DR())},[s]);return i.jsx(_t,{label:"Max Prompts",isDisabled:o,min:t,max:n,value:e,onChange:a,sliderNumberInputProps:{max:r},withSliderMarks:!0,withInput:!0,withReset:!0,handleReset:c})},vte=fe(Xe,e=>{const{isEnabled:t}=e.dynamicPrompts;return{activeLabel:t?"Enabled":void 0}},Ge),Fd=()=>{const{activeLabel:e}=z(vte);return ar("dynamicPrompting").isFeatureEnabled?i.jsx(Ro,{label:"Dynamic Prompts",activeLabel:e,children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(hte,{}),i.jsx(fte,{}),i.jsx(gte,{})]})}):null},bte=fe(Xe,e=>{const{shouldUseNoiseSettings:t,shouldUseCpuNoise:n}=e.generation;return{isDisabled:!t,shouldUseCpuNoise:n}},Ge),yte=()=>{const e=te(),{isDisabled:t,shouldUseCpuNoise:n}=z(bte),r=o=>e(AR(o.target.checked));return i.jsx(Er,{isDisabled:t,label:"Use CPU Noise",isChecked:n,onChange:r})},xte=fe(Xe,e=>{const{shouldUseNoiseSettings:t,threshold:n}=e.generation;return{isDisabled:!t,threshold:n}},Ge);function wte(){const e=te(),{threshold:t,isDisabled:n}=z(xte),{t:r}=ye();return i.jsx(_t,{isDisabled:n,label:r("parameters.noiseThreshold"),min:0,max:20,step:.1,onChange:o=>e(ew(o)),handleReset:()=>e(ew(0)),value:t,withInput:!0,withReset:!0,withSliderMarks:!0})}const Ste=()=>{const e=te(),t=z(r=>r.generation.shouldUseNoiseSettings),n=r=>e(TR(r.target.checked));return i.jsx(Er,{label:"Enable Noise Settings",isChecked:t,onChange:n})},Cte=fe(Xe,e=>{const{shouldUseNoiseSettings:t,perlin:n}=e.generation;return{isDisabled:!t,perlin:n}},Ge);function kte(){const e=te(),{perlin:t,isDisabled:n}=z(Cte),{t:r}=ye();return i.jsx(_t,{isDisabled:n,label:r("parameters.perlinNoise"),min:0,max:1,step:.05,onChange:o=>e(tw(o)),handleReset:()=>e(tw(0)),value:t,withInput:!0,withReset:!0,withSliderMarks:!0})}const _te=fe(Xe,e=>{const{shouldUseNoiseSettings:t}=e.generation;return{activeLabel:t?"Enabled":void 0}},Ge),Pte=()=>{const{t:e}=ye(),t=ar("noise").isFeatureEnabled,n=ar("perlinNoise").isFeatureEnabled,r=ar("noiseThreshold").isFeatureEnabled,{activeLabel:o}=z(_te);return t?i.jsx(Ro,{label:e("parameters.noiseSettings"),activeLabel:o,children:i.jsxs(F,{sx:{gap:2,flexDirection:"column"},children:[i.jsx(Ste,{}),i.jsx(yte,{}),n&&i.jsx(kte,{}),r&&i.jsx(wte,{})]})}):null},Ym=f.memo(Pte),jte=fe(go,e=>({isProcessing:e.isProcessing,isConnected:e.isConnected,isCancelable:e.isCancelable,currentIteration:e.currentIteration,totalIterations:e.totalIterations,sessionId:e.sessionId,cancelType:e.cancelType,isCancelScheduled:e.isCancelScheduled}),{memoizeOptions:{resultEqualityCheck:Jt}}),Ite=e=>{const t=te(),{btnGroupWidth:n="auto",...r}=e,{isProcessing:o,isConnected:s,isCancelable:a,cancelType:c,isCancelScheduled:d,sessionId:p}=z(jte),h=f.useCallback(()=>{if(p){if(c==="scheduled"){t(NR());return}t($R({session_id:p}))}},[t,p,c]),{t:m}=ye(),v=f.useCallback(y=>{const S=Array.isArray(y)?y[0]:y;t(zR(S))},[t]);rt("shift+x",()=>{(s||o)&&a&&h()},[s,o,a]);const b=f.useMemo(()=>m(d?"parameters.cancel.isScheduled":c==="immediate"?"parameters.cancel.immediate":"parameters.cancel.schedule"),[m,c,d]),w=f.useMemo(()=>d?i.jsx(Fp,{}):c==="immediate"?i.jsx($ee,{}):i.jsx(Dee,{}),[c,d]);return i.jsxs(nr,{isAttached:!0,width:n,children:[i.jsx(Le,{icon:w,tooltip:b,"aria-label":b,isDisabled:!s||!o||!a,onClick:h,colorScheme:"error",id:"cancel-button",...r}),i.jsxs(Pd,{closeOnSelect:!1,children:[i.jsx(jd,{as:Le,tooltip:m("parameters.cancel.setType"),"aria-label":m("parameters.cancel.setType"),icon:i.jsx(oU,{w:"1em",h:"1em"}),paddingX:0,paddingY:0,colorScheme:"error",minWidth:5,...r}),i.jsx(Bc,{minWidth:"240px",children:i.jsxs(h6,{value:c,title:"Cancel Type",type:"radio",onChange:v,children:[i.jsx(qp,{value:"immediate",children:m("parameters.cancel.immediate")}),i.jsx(qp,{value:"scheduled",children:m("parameters.cancel.schedule")})]})})]})]})},Qm=f.memo(Ite),Ete=fe([Xe,Kn],(e,t)=>{const{generation:n,system:r}=e,{initialImage:o}=n,{isProcessing:s,isConnected:a}=r;let c=!0;const d=[];t==="img2img"&&!o&&(c=!1,d.push("No initial image selected"));const{isSuccess:p}=LR.endpoints.getMainModels.select(rb)(e);return p||(c=!1,d.push("Models are not loaded")),s&&(c=!1,d.push("System Busy")),a||(c=!1,d.push("System Disconnected")),Io(e.controlNet.controlNets,(h,m)=>{h.model||(c=!1,d.push(`ControlNet ${m} has no model selected.`))}),{isReady:c,reasonsWhyNotReady:d}},Ge),Hd=()=>{const{isReady:e}=z(Ete);return e},Ote=fe(go,e=>({isProcessing:e.isProcessing,currentStep:e.currentStep,totalSteps:e.totalSteps,currentStatusHasSteps:e.currentStatusHasSteps}),{memoizeOptions:{resultEqualityCheck:Jt}}),Rte=()=>{const{t:e}=ye(),{isProcessing:t,currentStep:n,totalSteps:r,currentStatusHasSteps:o}=z(Ote),s=n?Math.round(n*100/r):0;return i.jsx(I6,{value:s,"aria-label":e("accessibility.invokeProgressBar"),isIndeterminate:t&&!o,height:"full",colorScheme:"accent"})},j8=f.memo(Rte),Pk={_disabled:{bg:"none",color:"base.600",cursor:"not-allowed",_hover:{color:"base.600",bg:"none"}}},Mte=fe([Xe,Kn,Cr],({gallery:e},t,n)=>{const{autoAddBoardId:r}=e;return{isBusy:n,autoAddBoardId:r,activeTabName:t}},Ge);function Qy(e){const{iconButton:t=!1,...n}=e,r=te(),o=Hd(),{isBusy:s,autoAddBoardId:a,activeTabName:c}=z(Mte),d=Am(a),p=f.useCallback(()=>{r(hd()),r(md(c))},[r,c]),{t:h}=ye();return rt(["ctrl+enter","meta+enter"],p,{enabled:()=>o,preventDefault:!0,enableOnFormTags:["input","textarea","select"]},[o,c]),i.jsx(Ee,{style:{flexGrow:4},position:"relative",children:i.jsxs(Ee,{style:{position:"relative"},children:[!o&&i.jsx(Ee,{borderRadius:"base",style:{position:"absolute",bottom:"0",left:"0",right:"0",height:"100%",overflow:"clip"},...n,children:i.jsx(j8,{})}),i.jsx(wn,{placement:"top",hasArrow:!0,openDelay:500,label:a?`Auto-Adding to ${d}`:void 0,children:t?i.jsx(Le,{"aria-label":h("parameters.invoke"),type:"submit",icon:i.jsx(_P,{}),isDisabled:!o||s,onClick:p,tooltip:h("parameters.invoke"),tooltipProps:{placement:"top"},colorScheme:"accent",id:"invoke-button",...n,sx:{w:"full",flexGrow:1,...s?Pk:{}}}):i.jsx(en,{"aria-label":h("parameters.invoke"),type:"submit",isDisabled:!o||s,onClick:p,colorScheme:"accent",id:"invoke-button",...n,sx:{w:"full",flexGrow:1,fontWeight:700,...s?Pk:{}},children:"Invoke"})})]})})}const Wd=()=>i.jsxs(F,{gap:2,children:[i.jsx(Qy,{}),i.jsx(Qm,{})]}),Jy=e=>{e.stopPropagation()},Dte=Ae((e,t)=>{const n=te(),r=f.useCallback(s=>{s.shiftKey&&n(Po(!0))},[n]),o=f.useCallback(s=>{s.shiftKey||n(Po(!1))},[n]);return i.jsx(Qb,{ref:t,onPaste:Jy,onKeyDown:r,onKeyUp:o,...e})}),Jm=f.memo(Dte),Ate=e=>{const{onClick:t}=e;return i.jsx(Le,{size:"sm","aria-label":"Add Embedding",tooltip:"Add Embedding",icon:i.jsx(ey,{}),sx:{p:2,color:"base.500",_hover:{color:"base.600"},_active:{color:"base.700"},_dark:{color:"base.500",_hover:{color:"base.400"},_active:{color:"base.300"}}},variant:"link",onClick:t})},Zm=f.memo(Ate),Zy="28rem",eg=e=>{const{onSelect:t,isOpen:n,onClose:r,children:o}=e,{data:s}=BR(),a=f.useRef(null),c=z(h=>h.generation.model),d=f.useMemo(()=>{if(!s)return[];const h=[];return Io(s.entities,(m,v)=>{if(!m)return;const b=(c==null?void 0:c.base_model)!==m.base_model;h.push({value:m.model_name,label:m.model_name,group:hr[m.base_model],disabled:b,tooltip:b?`Incompatible base model: ${m.base_model}`:void 0})}),h.sort((m,v)=>{var b;return m.label&&v.label?(b=m.label)!=null&&b.localeCompare(v.label)?-1:1:-1}),h.sort((m,v)=>m.disabled&&!v.disabled?1:-1)},[s,c==null?void 0:c.base_model]),p=f.useCallback(h=>{h&&t(h)},[t]);return i.jsxs(Kb,{initialFocusRef:a,isOpen:n,onClose:r,placement:"bottom",openDelay:0,closeDelay:0,closeOnBlur:!0,returnFocusOnClose:!0,children:[i.jsx(qb,{children:o}),i.jsx(Xb,{sx:{p:0,top:-1,shadow:"dark-lg",borderColor:"accent.300",borderWidth:"2px",borderStyle:"solid",_dark:{borderColor:"accent.400"}},children:i.jsx(P6,{sx:{p:0,w:`calc(${Zy} - 2rem )`},children:d.length===0?i.jsx(F,{sx:{justifyContent:"center",p:2,fontSize:"sm",color:"base.500",_dark:{color:"base.700"}},children:i.jsx(Ye,{children:"No Embeddings Loaded"})}):i.jsx(sr,{inputRef:a,autoFocus:!0,placeholder:"Add Embedding",value:null,data:d,nothingFound:"No matching Embeddings",itemComponent:Ri,disabled:d.length===0,onDropdownClose:r,filter:(h,m)=>{var v;return((v=m.label)==null?void 0:v.toLowerCase().includes(h.toLowerCase().trim()))||m.value.toLowerCase().includes(h.toLowerCase().trim())},onChange:p})})})]})},I8=()=>{const e=z(m=>m.generation.negativePrompt),t=f.useRef(null),{isOpen:n,onClose:r,onOpen:o}=ss(),s=te(),{t:a}=ye(),c=f.useCallback(m=>{s(Au(m.target.value))},[s]),d=f.useCallback(m=>{m.key==="<"&&o()},[o]),p=f.useCallback(m=>{if(!t.current)return;const v=t.current.selectionStart;if(v===void 0)return;let b=e.slice(0,v);b[b.length-1]!=="<"&&(b+="<"),b+=`${m}>`;const w=b.length;b+=e.slice(v),_i.flushSync(()=>{s(Au(b))}),t.current.selectionEnd=w,r()},[s,r,e]),h=ar("embedding").isFeatureEnabled;return i.jsxs(mo,{children:[i.jsx(eg,{isOpen:n,onClose:r,onSelect:p,children:i.jsx(Jm,{id:"negativePrompt",name:"negativePrompt",ref:t,value:e,placeholder:a("parameters.negativePromptPlaceholder"),onChange:c,resize:"vertical",fontSize:"sm",minH:16,...h&&{onKeyDown:d}})}),!n&&h&&i.jsx(Ee,{sx:{position:"absolute",top:0,insetInlineEnd:0},children:i.jsx(Zm,{onClick:o})})]})},Tte=fe([Xe,Kn],({generation:e,ui:t},n)=>({shouldPinParametersPanel:t.shouldPinParametersPanel,prompt:e.positivePrompt,activeTabName:n}),{memoizeOptions:{resultEqualityCheck:Jt}}),E8=()=>{const e=te(),{prompt:t,shouldPinParametersPanel:n,activeTabName:r}=z(Tte),o=Hd(),s=f.useRef(null),{isOpen:a,onClose:c,onOpen:d}=ss(),{t:p}=ye(),h=f.useCallback(w=>{e(Du(w.target.value))},[e]);rt("alt+a",()=>{var w;(w=s.current)==null||w.focus()},[]);const m=f.useCallback(w=>{if(!s.current)return;const y=s.current.selectionStart;if(y===void 0)return;let S=t.slice(0,y);S[S.length-1]!=="<"&&(S+="<"),S+=`${w}>`;const _=S.length;S+=t.slice(y),_i.flushSync(()=>{e(Du(S))}),s.current.selectionStart=_,s.current.selectionEnd=_,c()},[e,c,t]),v=ar("embedding").isFeatureEnabled,b=f.useCallback(w=>{w.key==="Enter"&&w.shiftKey===!1&&o&&(w.preventDefault(),e(hd()),e(md(r))),v&&w.key==="<"&&d()},[o,e,r,d,v]);return i.jsxs(Ee,{position:"relative",children:[i.jsx(mo,{children:i.jsx(eg,{isOpen:a,onClose:c,onSelect:m,children:i.jsx(Jm,{id:"prompt",name:"prompt",ref:s,value:t,placeholder:p("parameters.positivePromptPlaceholder"),onChange:h,onKeyDown:b,resize:"vertical",minH:32})})}),!a&&v&&i.jsx(Ee,{sx:{position:"absolute",top:n?5:0,insetInlineEnd:0},children:i.jsx(Zm,{onClick:d})})]})};function Nte(){const e=z(o=>o.sdxl.shouldConcatSDXLStylePrompt),t=z(o=>o.ui.shouldPinParametersPanel),n=te(),r=()=>{n(FR(!e))};return i.jsx(Le,{"aria-label":"Concatenate Prompt & Style",tooltip:"Concatenate Prompt & Style",variant:"outline",isChecked:e,onClick:r,icon:i.jsx(CP,{}),size:"xs",sx:{position:"absolute",insetInlineEnd:1,top:t?12:20,border:"none",color:e?"accent.500":"base.500",_hover:{bg:"none"}}})}const jk={position:"absolute",bg:"none",w:"full",minH:2,borderRadius:0,borderLeft:"none",borderRight:"none",zIndex:2,maskImage:"radial-gradient(circle at center, black, black 65%, black 30%, black 15%, transparent)"};function O8(){return i.jsxs(F,{children:[i.jsx(Ee,{as:Ir.div,initial:{scaleX:0,borderWidth:0,display:"none"},animate:{display:["block","block","block","none"],scaleX:[0,.25,.5,1],borderWidth:[0,3,3,0],transition:{duration:.37,times:[0,.25,.5,1]}},sx:{top:"1px",borderTop:"none",borderColor:"base.400",...jk,_dark:{borderColor:"accent.500"}}}),i.jsx(Ee,{as:Ir.div,initial:{opacity:0,scale:0},animate:{opacity:[0,1,1,1],scale:[0,.75,1.5,1],transition:{duration:.42,times:[0,.25,.5,1]}},exit:{opacity:0,scale:0},sx:{zIndex:3,position:"absolute",left:"48%",top:"3px",p:1,borderRadius:4,bg:"accent.400",color:"base.50",_dark:{bg:"accent.500"}},children:i.jsx(CP,{size:12})}),i.jsx(Ee,{as:Ir.div,initial:{scaleX:0,borderWidth:0,display:"none"},animate:{display:["block","block","block","none"],scaleX:[0,.25,.5,1],borderWidth:[0,3,3,0],transition:{duration:.37,times:[0,.25,.5,1]}},sx:{top:"17px",borderBottom:"none",borderColor:"base.400",...jk,_dark:{borderColor:"accent.500"}}})]})}const $te=fe([Xe,Kn],({sdxl:e},t)=>{const{negativeStylePrompt:n,shouldConcatSDXLStylePrompt:r}=e;return{prompt:n,shouldConcatSDXLStylePrompt:r,activeTabName:t}},{memoizeOptions:{resultEqualityCheck:Jt}}),zte=()=>{const e=te(),t=Hd(),n=f.useRef(null),{isOpen:r,onClose:o,onOpen:s}=ss(),{prompt:a,activeTabName:c,shouldConcatSDXLStylePrompt:d}=z($te),p=f.useCallback(b=>{e(Nu(b.target.value))},[e]),h=f.useCallback(b=>{if(!n.current)return;const w=n.current.selectionStart;if(w===void 0)return;let y=a.slice(0,w);y[y.length-1]!=="<"&&(y+="<"),y+=`${b}>`;const S=y.length;y+=a.slice(w),_i.flushSync(()=>{e(Nu(y))}),n.current.selectionStart=S,n.current.selectionEnd=S,o()},[e,o,a]),m=ar("embedding").isFeatureEnabled,v=f.useCallback(b=>{b.key==="Enter"&&b.shiftKey===!1&&t&&(b.preventDefault(),e(hd()),e(md(c))),m&&b.key==="<"&&s()},[t,e,c,s,m]);return i.jsxs(Ee,{position:"relative",children:[i.jsx(ho,{children:d&&i.jsx(Ee,{sx:{position:"absolute",left:"3",w:"94%",top:"-17px"},children:i.jsx(O8,{})})}),i.jsx(mo,{children:i.jsx(eg,{isOpen:r,onClose:o,onSelect:h,children:i.jsx(Jm,{id:"prompt",name:"prompt",ref:n,value:a,placeholder:"Negative Style Prompt",onChange:p,onKeyDown:v,resize:"vertical",fontSize:"sm",minH:16})})}),!r&&m&&i.jsx(Ee,{sx:{position:"absolute",top:0,insetInlineEnd:0},children:i.jsx(Zm,{onClick:s})})]})},Lte=fe([Xe,Kn],({sdxl:e},t)=>{const{positiveStylePrompt:n,shouldConcatSDXLStylePrompt:r}=e;return{prompt:n,shouldConcatSDXLStylePrompt:r,activeTabName:t}},{memoizeOptions:{resultEqualityCheck:Jt}}),Bte=()=>{const e=te(),t=Hd(),n=f.useRef(null),{isOpen:r,onClose:o,onOpen:s}=ss(),{prompt:a,activeTabName:c,shouldConcatSDXLStylePrompt:d}=z(Lte),p=f.useCallback(b=>{e(Tu(b.target.value))},[e]),h=f.useCallback(b=>{if(!n.current)return;const w=n.current.selectionStart;if(w===void 0)return;let y=a.slice(0,w);y[y.length-1]!=="<"&&(y+="<"),y+=`${b}>`;const S=y.length;y+=a.slice(w),_i.flushSync(()=>{e(Tu(y))}),n.current.selectionStart=S,n.current.selectionEnd=S,o()},[e,o,a]),m=ar("embedding").isFeatureEnabled,v=f.useCallback(b=>{b.key==="Enter"&&b.shiftKey===!1&&t&&(b.preventDefault(),e(hd()),e(md(c))),m&&b.key==="<"&&s()},[t,e,c,s,m]);return i.jsxs(Ee,{position:"relative",children:[i.jsx(ho,{children:d&&i.jsx(Ee,{sx:{position:"absolute",left:"3",w:"94%",top:"-17px"},children:i.jsx(O8,{})})}),i.jsx(mo,{children:i.jsx(eg,{isOpen:r,onClose:o,onSelect:h,children:i.jsx(Jm,{id:"prompt",name:"prompt",ref:n,value:a,placeholder:"Positive Style Prompt",onChange:p,onKeyDown:v,resize:"vertical",minH:16})})}),!r&&m&&i.jsx(Ee,{sx:{position:"absolute",top:0,insetInlineEnd:0},children:i.jsx(Zm,{onClick:s})})]})};function R8(){return i.jsxs(F,{sx:{flexDirection:"column",gap:2},children:[i.jsx(E8,{}),i.jsx(Nte,{}),i.jsx(Bte,{}),i.jsx(I8,{}),i.jsx(zte,{})]})}const qc=()=>{const{isRefinerAvailable:e}=na(ob,{selectFromResult:({data:t})=>({isRefinerAvailable:t?t.ids.length>0:!1})});return e},Fte=fe([Xe],({sdxl:e,hotkeys:t})=>{const{refinerAestheticScore:n}=e,{shift:r}=t;return{refinerAestheticScore:n,shift:r}},Ge),Hte=()=>{const{refinerAestheticScore:e,shift:t}=z(Fte),n=qc(),r=te(),o=f.useCallback(a=>r(Iv(a)),[r]),s=f.useCallback(()=>r(Iv(6)),[r]);return i.jsx(_t,{label:"Aesthetic Score",step:t?.1:.5,min:1,max:10,onChange:o,handleReset:s,value:e,sliderNumberInputProps:{max:10},withInput:!0,withReset:!0,withSliderMarks:!0,isInteger:!1,isDisabled:!n})},Wte=f.memo(Hte),Yh=/^-?(0\.)?\.?$/,Vte=e=>{const{label:t,isDisabled:n=!1,showStepper:r=!0,isInvalid:o,value:s,onChange:a,min:c,max:d,isInteger:p=!0,formControlProps:h,formLabelProps:m,numberInputFieldProps:v,numberInputStepperProps:b,tooltipProps:w,...y}=e,S=te(),[_,k]=f.useState(String(s));f.useEffect(()=>{!_.match(Yh)&&s!==Number(_)&&k(String(s))},[s,_]);const j=R=>{k(R),R.match(Yh)||a(p?Math.floor(Number(R)):Number(R))},I=R=>{const M=Es(p?Math.floor(Number(R.target.value)):Number(R.target.value),c,d);k(String(M)),a(M)},E=f.useCallback(R=>{R.shiftKey&&S(Po(!0))},[S]),O=f.useCallback(R=>{R.shiftKey||S(Po(!1))},[S]);return i.jsx(wn,{...w,children:i.jsxs(mo,{isDisabled:n,isInvalid:o,...h,children:[t&&i.jsx(Lo,{...m,children:t}),i.jsxs(hm,{value:_,min:c,max:d,keepWithinRange:!0,clampValueOnBlur:!1,onChange:j,onBlur:I,...y,onPaste:Jy,children:[i.jsx(gm,{...v,onKeyDown:E,onKeyUp:O}),r&&i.jsxs(mm,{children:[i.jsx(bm,{...b}),i.jsx(vm,{...b})]})]})]})})},Kc=f.memo(Vte),Ute=fe([Xe],({sdxl:e,ui:t,hotkeys:n})=>{const{refinerCFGScale:r}=e,{shouldUseSliders:o}=t,{shift:s}=n;return{refinerCFGScale:r,shouldUseSliders:o,shift:s}},Ge),Gte=()=>{const{refinerCFGScale:e,shouldUseSliders:t,shift:n}=z(Ute),r=qc(),o=te(),{t:s}=ye(),a=f.useCallback(d=>o(jv(d)),[o]),c=f.useCallback(()=>o(jv(7)),[o]);return t?i.jsx(_t,{label:s("parameters.cfgScale"),step:n?.1:.5,min:1,max:20,onChange:a,handleReset:c,value:e,sliderNumberInputProps:{max:200},withInput:!0,withReset:!0,withSliderMarks:!0,isInteger:!1,isDisabled:!r}):i.jsx(Kc,{label:s("parameters.cfgScale"),step:.5,min:1,max:200,onChange:a,value:e,isInteger:!1,numberInputFieldProps:{textAlign:"center"},isDisabled:!r})},qte=f.memo(Gte),tg=e=>{const t=rm("models"),[n,r,o]=e.split("/"),s=HR.safeParse({base_model:n,model_name:o});if(!s.success){t.error({mainModelId:e,errors:s.error.format()},"Failed to parse main model id");return}return s.data};function Vd(e){const{iconMode:t=!1}=e,n=te(),{t:r}=ye(),[o,{isLoading:s}]=WR(),a=()=>{o().unwrap().then(c=>{n(On(Mn({title:`${r("modelManager.modelsSynced")}`,status:"success"})))}).catch(c=>{c&&n(On(Mn({title:`${r("modelManager.modelSyncFailed")}`,status:"error"})))})};return t?i.jsx(Le,{icon:i.jsx(IP,{}),tooltip:r("modelManager.syncModels"),"aria-label":r("modelManager.syncModels"),isLoading:s,onClick:a,size:"sm"}):i.jsx(en,{isLoading:s,onClick:a,minW:"max-content",children:"Sync Models"})}const Kte=fe(Xe,e=>({model:e.sdxl.refinerModel}),Ge),Xte=()=>{const e=te(),t=ar("syncModels").isFeatureEnabled,{model:n}=z(Kte),{data:r,isLoading:o}=na(ob),s=f.useMemo(()=>{if(!r)return[];const d=[];return Io(r.entities,(p,h)=>{p&&d.push({value:h,label:p.model_name,group:hr[p.base_model]})}),d},[r]),a=f.useMemo(()=>(r==null?void 0:r.entities[`${n==null?void 0:n.base_model}/main/${n==null?void 0:n.model_name}`])??null,[r==null?void 0:r.entities,n]),c=f.useCallback(d=>{if(!d)return;const p=tg(d);p&&e(L_(p))},[e]);return o?i.jsx(sr,{label:"Refiner Model",placeholder:"Loading...",disabled:!0,data:[]}):i.jsxs(F,{w:"100%",alignItems:"center",gap:2,children:[i.jsx(sr,{tooltip:a==null?void 0:a.description,label:"Refiner Model",value:a==null?void 0:a.id,placeholder:s.length>0?"Select a model":"No models available",data:s,error:s.length===0,disabled:s.length===0,onChange:c,w:"100%"}),t&&i.jsx(Ee,{mt:7,children:i.jsx(Vd,{iconMode:!0})})]})},Yte=f.memo(Xte),Qte=fe(Xe,({ui:e,sdxl:t})=>{const{refinerScheduler:n}=t,{favoriteSchedulers:r}=e,o=cs(nb,(s,a)=>({value:a,label:s,group:r.includes(a)?"Favorites":void 0})).sort((s,a)=>s.label.localeCompare(a.label));return{refinerScheduler:n,data:o}},Ge),Jte=()=>{const e=te(),{t}=ye(),{refinerScheduler:n,data:r}=z(Qte),o=qc(),s=f.useCallback(a=>{a&&e(B_(a))},[e]);return i.jsx(sr,{w:"100%",label:t("parameters.scheduler"),value:n,data:r,onChange:s,disabled:!o})},Zte=f.memo(Jte),ene=fe([Xe],({sdxl:e})=>{const{refinerStart:t}=e;return{refinerStart:t}},Ge),tne=()=>{const{refinerStart:e}=z(ene),t=te(),n=qc(),r=f.useCallback(s=>t(Ev(s)),[t]),o=f.useCallback(()=>t(Ev(.7)),[t]);return i.jsx(_t,{label:"Refiner Start",step:.01,min:0,max:1,onChange:r,handleReset:o,value:e,withInput:!0,withReset:!0,withSliderMarks:!0,isInteger:!1,isDisabled:!n})},nne=f.memo(tne),rne=fe([Xe],({sdxl:e,ui:t})=>{const{refinerSteps:n}=e,{shouldUseSliders:r}=t;return{refinerSteps:n,shouldUseSliders:r}},Ge),one=()=>{const{refinerSteps:e,shouldUseSliders:t}=z(rne),n=qc(),r=te(),{t:o}=ye(),s=f.useCallback(c=>{r(Pv(c))},[r]),a=f.useCallback(()=>{r(Pv(20))},[r]);return t?i.jsx(_t,{label:o("parameters.steps"),min:1,max:100,step:1,onChange:s,handleReset:a,value:e,withInput:!0,withReset:!0,withSliderMarks:!0,sliderNumberInputProps:{max:500},isDisabled:!n}):i.jsx(Kc,{label:o("parameters.steps"),min:1,max:500,step:1,onChange:s,value:e,numberInputFieldProps:{textAlign:"center"},isDisabled:!n})},sne=f.memo(one);function ane(){const e=z(o=>o.sdxl.shouldUseSDXLRefiner),t=qc(),n=te(),r=o=>{n(VR(o.target.checked))};return i.jsx(Er,{label:"Use Refiner",isChecked:e,onChange:r,isDisabled:!t})}const ine=fe(Xe,e=>{const{shouldUseSDXLRefiner:t}=e.sdxl,{shouldUseSliders:n}=e.ui;return{activeLabel:t?"Enabled":void 0,shouldUseSliders:n}},Ge),M8=()=>{const{activeLabel:e,shouldUseSliders:t}=z(ine);return i.jsx(Ro,{label:"Refiner",activeLabel:e,children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(ane,{}),i.jsx(Yte,{}),i.jsxs(F,{gap:2,flexDirection:t?"column":"row",children:[i.jsx(sne,{}),i.jsx(qte,{})]}),i.jsx(Zte,{}),i.jsx(Wte,{}),i.jsx(nne,{})]})})},lne=fe([Xe],({generation:e,config:t,ui:n,hotkeys:r})=>{const{initial:o,min:s,sliderMax:a,inputMax:c}=t.sd.guidance,{cfgScale:d}=e,{shouldUseSliders:p}=n,{shift:h}=r;return{cfgScale:d,initial:o,min:s,sliderMax:a,inputMax:c,shouldUseSliders:p,shift:h}},Ge),cne=()=>{const{cfgScale:e,initial:t,min:n,sliderMax:r,inputMax:o,shouldUseSliders:s,shift:a}=z(lne),c=te(),{t:d}=ye(),p=f.useCallback(m=>c(Ap(m)),[c]),h=f.useCallback(()=>c(Ap(t)),[c,t]);return s?i.jsx(_t,{label:d("parameters.cfgScale"),step:a?.1:.5,min:n,max:r,onChange:p,handleReset:h,value:e,sliderNumberInputProps:{max:o},withInput:!0,withReset:!0,withSliderMarks:!0,isInteger:!1}):i.jsx(Kc,{label:d("parameters.cfgScale"),step:.5,min:n,max:o,onChange:p,value:e,isInteger:!1,numberInputFieldProps:{textAlign:"center"}})},xi=f.memo(cne),une=fe([Xe],e=>{const{initial:t,min:n,sliderMax:r,inputMax:o,fineStep:s,coarseStep:a}=e.config.sd.iterations,{iterations:c}=e.generation,{shouldUseSliders:d}=e.ui,p=e.dynamicPrompts.isEnabled&&e.dynamicPrompts.combinatorial,h=e.hotkeys.shift?s:a;return{iterations:c,initial:t,min:n,sliderMax:r,inputMax:o,step:h,shouldUseSliders:d,isDisabled:p}},Ge),dne=()=>{const{iterations:e,initial:t,min:n,sliderMax:r,inputMax:o,step:s,shouldUseSliders:a,isDisabled:c}=z(une),d=te(),{t:p}=ye(),h=f.useCallback(v=>{d(nw(v))},[d]),m=f.useCallback(()=>{d(nw(t))},[d,t]);return a?i.jsx(_t,{isDisabled:c,label:p("parameters.images"),step:s,min:n,max:r,onChange:h,handleReset:m,value:e,withInput:!0,withReset:!0,withSliderMarks:!0,sliderNumberInputProps:{max:o}}):i.jsx(Kc,{isDisabled:c,label:p("parameters.images"),step:s,min:n,max:o,onChange:h,value:e,numberInputFieldProps:{textAlign:"center"}})},wi=f.memo(dne),fne=fe(Xe,e=>({model:e.generation.model}),Ge),pne=()=>{const e=te(),{t}=ye(),{model:n}=z(fne),r=ar("syncModels").isFeatureEnabled,{data:o,isLoading:s}=na(rb),a=z(Kn),c=f.useMemo(()=>{if(!o)return[];const h=[];return Io(o.entities,(m,v)=>{!m||a==="unifiedCanvas"&&m.base_model==="sdxl"||h.push({value:v,label:m.model_name,group:hr[m.base_model]})}),h},[o,a]),d=f.useMemo(()=>(o==null?void 0:o.entities[`${n==null?void 0:n.base_model}/main/${n==null?void 0:n.model_name}`])??null,[o==null?void 0:o.entities,n]),p=f.useCallback(h=>{if(!h)return;const m=tg(h);m&&e(kv(m))},[e]);return s?i.jsx(sr,{label:t("modelManager.model"),placeholder:"Loading...",disabled:!0,data:[]}):i.jsxs(F,{w:"100%",alignItems:"center",gap:3,children:[i.jsx(sr,{tooltip:d==null?void 0:d.description,label:t("modelManager.model"),value:d==null?void 0:d.id,placeholder:c.length>0?"Select a model":"No models available",data:c,error:c.length===0,disabled:c.length===0,onChange:p,w:"100%"}),r&&i.jsx(Ee,{mt:7,children:i.jsx(Vd,{iconMode:!0})})]})},hne=f.memo(pne),D8=e=>{const t=rm("models"),[n,r,o]=e.split("/"),s=UR.safeParse({base_model:n,model_name:o});if(!s.success){t.error({vaeModelId:e,errors:s.error.format()},"Failed to parse VAE model id");return}return s.data},mne=fe(Xe,({generation:e})=>{const{model:t,vae:n}=e;return{model:t,vae:n}},Ge),gne=()=>{const e=te(),{t}=ye(),{model:n,vae:r}=z(mne),{data:o}=K_(),s=f.useMemo(()=>{if(!o)return[];const d=[{value:"default",label:"Default",group:"Default"}];return Io(o.entities,(p,h)=>{if(!p)return;const m=(n==null?void 0:n.base_model)!==p.base_model;d.push({value:h,label:p.model_name,group:hr[p.base_model],disabled:m,tooltip:m?`Incompatible base model: ${p.base_model}`:void 0})}),d.sort((p,h)=>p.disabled&&!h.disabled?1:-1)},[o,n==null?void 0:n.base_model]),a=f.useMemo(()=>(o==null?void 0:o.entities[`${r==null?void 0:r.base_model}/vae/${r==null?void 0:r.model_name}`])??null,[o==null?void 0:o.entities,r]),c=f.useCallback(d=>{if(!d||d==="default"){e(rw(null));return}const p=D8(d);p&&e(rw(p))},[e]);return i.jsx(sr,{itemComponent:Ri,tooltip:a==null?void 0:a.description,label:t("modelManager.vae"),value:(a==null?void 0:a.id)??"default",placeholder:"Default",data:s,onChange:c,disabled:s.length===0,clearable:!0})},vne=f.memo(gne),Di=e=>e.generation,bne=fe([La,Di],(e,t)=>{const{scheduler:n}=t,{favoriteSchedulers:r}=e,o=cs(nb,(s,a)=>({value:a,label:s,group:r.includes(a)?"Favorites":void 0})).sort((s,a)=>s.label.localeCompare(a.label));return{scheduler:n,data:o}},Ge),yne=()=>{const e=te(),{t}=ye(),{scheduler:n,data:r}=z(bne),o=f.useCallback(s=>{s&&e(_v(s))},[e]);return i.jsx(sr,{label:t("parameters.scheduler"),value:n,data:r,onChange:o})},xne=f.memo(yne),wne=fe(Xe,({generation:e})=>{const{vaePrecision:t}=e;return{vaePrecision:t}},Ge),Sne=["fp16","fp32"],Cne=()=>{const e=te(),{vaePrecision:t}=z(wne),n=f.useCallback(r=>{r&&e(GR(r))},[e]);return i.jsx(Xr,{label:"VAE Precision",value:t,data:Sne,onChange:n})},kne=f.memo(Cne),_ne=()=>{const e=ar("vae").isFeatureEnabled;return i.jsxs(F,{gap:3,w:"full",flexWrap:e?"wrap":"nowrap",children:[i.jsx(Ee,{w:"full",children:i.jsx(hne,{})}),i.jsx(Ee,{w:"full",children:i.jsx(xne,{})}),e&&i.jsxs(F,{w:"full",gap:3,children:[i.jsx(vne,{}),i.jsx(kne,{})]})]})},Si=f.memo(_ne),Pne=[{name:"Free",value:null},{name:"2:3",value:2/3},{name:"16:9",value:16/9},{name:"1:1",value:1/1}];function A8(){const e=z(o=>o.generation.aspectRatio),t=te(),n=z(o=>o.generation.shouldFitToWidthHeight),r=z(Kn);return i.jsx(F,{gap:2,flexGrow:1,children:i.jsx(nr,{isAttached:!0,children:Pne.map(o=>i.jsx(en,{size:"sm",isChecked:e===o.value,isDisabled:r==="img2img"?!n:!1,onClick:()=>t(qR(o.value)),children:o.name},o.name))})})}const jne=fe([Xe],({generation:e,hotkeys:t,config:n})=>{const{initial:r,min:o,sliderMax:s,inputMax:a,fineStep:c,coarseStep:d}=n.sd.height,{height:p}=e,{aspectRatio:h}=e,m=t.shift?c:d;return{height:p,initial:r,min:o,sliderMax:s,inputMax:a,step:m,aspectRatio:h}},Ge),Ine=e=>{const{height:t,initial:n,min:r,sliderMax:o,inputMax:s,step:a,aspectRatio:c}=z(jne),d=te(),{t:p}=ye(),h=f.useCallback(v=>{if(d(gc(v)),c){const b=Ss(v*c,8);d(mc(b))}},[d,c]),m=f.useCallback(()=>{if(d(gc(n)),c){const v=Ss(n*c,8);d(mc(v))}},[d,n,c]);return i.jsx(_t,{label:p("parameters.height"),value:t,min:r,step:a,max:o,onChange:h,handleReset:m,withInput:!0,withReset:!0,withSliderMarks:!0,sliderNumberInputProps:{max:s},...e})},Ene=f.memo(Ine),One=fe([Xe],({generation:e,hotkeys:t,config:n})=>{const{initial:r,min:o,sliderMax:s,inputMax:a,fineStep:c,coarseStep:d}=n.sd.width,{width:p,aspectRatio:h}=e,m=t.shift?c:d;return{width:p,initial:r,min:o,sliderMax:s,inputMax:a,step:m,aspectRatio:h}},Ge),Rne=e=>{const{width:t,initial:n,min:r,sliderMax:o,inputMax:s,step:a,aspectRatio:c}=z(One),d=te(),{t:p}=ye(),h=f.useCallback(v=>{if(d(mc(v)),c){const b=Ss(v/c,8);d(gc(b))}},[d,c]),m=f.useCallback(()=>{if(d(mc(n)),c){const v=Ss(n/c,8);d(gc(v))}},[d,n,c]);return i.jsx(_t,{label:p("parameters.width"),value:t,min:r,step:a,max:o,onChange:h,handleReset:m,withInput:!0,withReset:!0,withSliderMarks:!0,sliderNumberInputProps:{max:s},...e})},Mne=f.memo(Rne);function Ec(){const{t:e}=ye(),t=te(),n=z(o=>o.generation.shouldFitToWidthHeight),r=z(Kn);return i.jsxs(F,{sx:{gap:2,p:4,borderRadius:4,flexDirection:"column",w:"full",bg:"base.150",_dark:{bg:"base.750"}},children:[i.jsxs(F,{alignItems:"center",gap:2,children:[i.jsx(Ye,{sx:{fontSize:"sm",width:"full",color:"base.700",_dark:{color:"base.300"}},children:e("parameters.aspectRatio")}),i.jsx(pl,{}),i.jsx(A8,{}),i.jsx(Le,{tooltip:e("ui.swapSizes"),"aria-label":e("ui.swapSizes"),size:"sm",icon:i.jsx(f8,{}),fontSize:20,isDisabled:r==="img2img"?!n:!1,onClick:()=>t(KR())})]}),i.jsx(F,{gap:2,alignItems:"center",children:i.jsxs(F,{gap:2,flexDirection:"column",width:"full",children:[i.jsx(Mne,{isDisabled:r==="img2img"?!n:!1}),i.jsx(Ene,{isDisabled:r==="img2img"?!n:!1})]})})]})}const Dne=fe([Xe],({generation:e,config:t,ui:n,hotkeys:r})=>{const{initial:o,min:s,sliderMax:a,inputMax:c,fineStep:d,coarseStep:p}=t.sd.steps,{steps:h}=e,{shouldUseSliders:m}=n,v=r.shift?d:p;return{steps:h,initial:o,min:s,sliderMax:a,inputMax:c,step:v,shouldUseSliders:m}},Ge),Ane=()=>{const{steps:e,initial:t,min:n,sliderMax:r,inputMax:o,step:s,shouldUseSliders:a}=z(Dne),c=te(),{t:d}=ye(),p=f.useCallback(v=>{c(Tp(v))},[c]),h=f.useCallback(()=>{c(Tp(t))},[c,t]),m=f.useCallback(()=>{c(hd())},[c]);return a?i.jsx(_t,{label:d("parameters.steps"),min:n,max:r,step:s,onChange:p,handleReset:h,value:e,withInput:!0,withReset:!0,withSliderMarks:!0,sliderNumberInputProps:{max:o}}):i.jsx(Kc,{label:d("parameters.steps"),min:n,max:o,step:s,onChange:p,value:e,numberInputFieldProps:{textAlign:"center"},onBlur:m})},Ci=f.memo(Ane);function T8(){const e=te(),t=z(o=>o.generation.shouldFitToWidthHeight),n=o=>e(XR(o.target.checked)),{t:r}=ye();return i.jsx(Er,{label:r("parameters.imageFit"),isChecked:t,onChange:n})}function Tne(){const e=z(a=>a.generation.seed),t=z(a=>a.generation.shouldRandomizeSeed),n=z(a=>a.generation.shouldGenerateVariations),{t:r}=ye(),o=te(),s=a=>o(Dp(a));return i.jsx(Kc,{label:r("parameters.seed"),step:1,precision:0,flexGrow:1,min:X_,max:Y_,isDisabled:t,isInvalid:e<0&&n,onChange:s,value:e})}const Nne=(e,t)=>Math.floor(Math.random()*(t-e+1)+e);function $ne(){const e=te(),t=z(o=>o.generation.shouldRandomizeSeed),{t:n}=ye(),r=()=>e(Dp(Nne(X_,Y_)));return i.jsx(Le,{size:"sm",isDisabled:t,"aria-label":n("parameters.shuffle"),tooltip:n("parameters.shuffle"),onClick:r,icon:i.jsx(SW,{})})}const zne=()=>{const e=te(),{t}=ye(),n=z(o=>o.generation.shouldRandomizeSeed),r=o=>e(YR(o.target.checked));return i.jsx(Er,{label:t("common.random"),isChecked:n,onChange:r})},Lne=f.memo(zne),Bne=()=>i.jsxs(F,{sx:{gap:3,alignItems:"flex-end"},children:[i.jsx(Tne,{}),i.jsx($ne,{}),i.jsx(Lne,{})]}),ki=f.memo(Bne),Fne=fe([Xe],({sdxl:e})=>{const{sdxlImg2ImgDenoisingStrength:t}=e;return{sdxlImg2ImgDenoisingStrength:t}},Ge),Hne=()=>{const{sdxlImg2ImgDenoisingStrength:e}=z(Fne),t=te(),{t:n}=ye(),r=f.useCallback(s=>t(ow(s)),[t]),o=f.useCallback(()=>{t(ow(.7))},[t]);return i.jsx(_t,{label:`${n("parameters.denoisingStrength")}`,step:.01,min:0,max:1,onChange:r,handleReset:o,value:e,isInteger:!1,withInput:!0,withSliderMarks:!0,withReset:!0})},Wne=f.memo(Hne),Vne=fe([La,Di],(e,t)=>{const{shouldUseSliders:n}=e,{shouldRandomizeSeed:r}=t;return{shouldUseSliders:n,activeLabel:r?void 0:"Manual Seed"}},Ge),Une=()=>{const{shouldUseSliders:e,activeLabel:t}=z(Vne);return i.jsx(Ro,{label:"General",activeLabel:t,defaultIsOpen:!0,children:i.jsxs(F,{sx:{flexDirection:"column",gap:3},children:[e?i.jsxs(i.Fragment,{children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Ec,{})]}):i.jsxs(i.Fragment,{children:[i.jsxs(F,{gap:3,children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{})]}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Ec,{})]}),i.jsx(Wne,{}),i.jsx(T8,{})]})})},Gne=f.memo(Une),N8=()=>i.jsxs(i.Fragment,{children:[i.jsx(R8,{}),i.jsx(Wd,{}),i.jsx(Gne,{}),i.jsx(M8,{}),i.jsx(Fd,{}),i.jsx(Ym,{})]}),$8=e=>{const{sx:t}=e,n=te(),r=z(a=>a.ui.shouldPinParametersPanel),{t:o}=ye(),s=()=>{n(QR(!r)),n(Co())};return i.jsx(Le,{...e,tooltip:o("common.pinOptionsPanel"),"aria-label":o("common.pinOptionsPanel"),onClick:s,icon:r?i.jsx(hj,{}):i.jsx(mj,{}),variant:"ghost",size:"sm",sx:{color:"base.500",_hover:{color:"base.600"},_active:{color:"base.700"},_dark:{color:"base.500",_hover:{color:"base.400"},_active:{color:"base.300"}},...t}})},qne=fe(La,e=>{const{shouldPinParametersPanel:t,shouldShowParametersPanel:n}=e;return{shouldPinParametersPanel:t,shouldShowParametersPanel:n}}),Kne=e=>{const{shouldPinParametersPanel:t,shouldShowParametersPanel:n}=z(qne);return t&&n?i.jsxs(Ee,{sx:{position:"relative",h:"full",w:Zy,flexShrink:0},children:[i.jsx(F,{sx:{gap:2,flexDirection:"column",h:"full",w:"full",position:"absolute",overflowY:"auto"},children:e.children}),i.jsx($8,{sx:{position:"absolute",top:0,insetInlineEnd:0}})]}):null},ex=f.memo(Kne),Xne=e=>{const{direction:t="horizontal",...n}=e,{colorMode:r}=Ds();return t==="horizontal"?i.jsx(T1,{children:i.jsx(F,{sx:{w:6,h:"full",justifyContent:"center",alignItems:"center"},...n,children:i.jsx(Ee,{sx:{w:.5,h:"calc(100% - 4px)",bg:Fe("base.100","base.850")(r)}})})}):i.jsx(T1,{children:i.jsx(F,{sx:{w:"full",h:6,justifyContent:"center",alignItems:"center"},...n,children:i.jsx(Ee,{sx:{w:"calc(100% - 4px)",h:.5,bg:Fe("base.100","base.850")(r)}})})})},z8=f.memo(Xne),Yne=fe([Xe],({system:e})=>{const{isProcessing:t,isConnected:n}=e;return n&&!t}),Qne=e=>{const{onClick:t,isDisabled:n}=e,{t:r}=ye(),o=z(Yne);return i.jsx(Le,{onClick:t,icon:i.jsx(us,{}),tooltip:`${r("gallery.deleteImage")} (Del)`,"aria-label":`${r("gallery.deleteImage")} (Del)`,isDisabled:n||!o,colorScheme:"error"})},Jne=[{label:"RealESRGAN x2 Plus",value:"RealESRGAN_x2plus.pth",tooltip:"Attempts to retain sharpness, low smoothing",group:"x2 Upscalers"},{label:"RealESRGAN x4 Plus",value:"RealESRGAN_x4plus.pth",tooltip:"Best for photos and highly detailed images, medium smoothing",group:"x4 Upscalers"},{label:"RealESRGAN x4 Plus (anime 6B)",value:"RealESRGAN_x4plus_anime_6B.pth",tooltip:"Best for anime/manga, high smoothing",group:"x4 Upscalers"},{label:"ESRGAN SRx4",value:"ESRGAN_SRx4_DF2KOST_official-ff704c30.pth",tooltip:"Retains sharpness, low smoothing",group:"x4 Upscalers"}];function Zne(){const e=z(r=>r.postprocessing.esrganModelName),t=te(),n=r=>t(JR(r));return i.jsx(Xr,{label:"ESRGAN Model",value:e,itemComponent:Ri,onChange:n,data:Jne})}const ere=e=>{const{imageDTO:t}=e,n=te(),r=z(Cr),{t:o}=ye(),{isOpen:s,onOpen:a,onClose:c}=ss(),d=f.useCallback(()=>{c(),t&&n(Q_({image_name:t.image_name}))},[n,t,c]);return i.jsx(gl,{isOpen:s,onClose:c,triggerComponent:i.jsx(Le,{onClick:a,icon:i.jsx(iW,{}),"aria-label":o("parameters.upscale")}),children:i.jsxs(F,{sx:{flexDirection:"column",gap:4},children:[i.jsx(Zne,{}),i.jsx(en,{size:"sm",isDisabled:!t||r,onClick:d,children:o("parameters.upscaleImage")})]})})},tre=fe([Xe,Kn],({gallery:e,system:t,ui:n},r)=>{const{isProcessing:o,isConnected:s,shouldConfirmOnDelete:a,progressImage:c}=t,{shouldShowImageDetails:d,shouldHidePreview:p,shouldShowProgressInViewer:h}=n,m=e.selection[e.selection.length-1];return{canDeleteImage:s&&!o,shouldConfirmOnDelete:a,isProcessing:o,isConnected:s,shouldDisableToolbarButtons:!!c||!m,shouldShowImageDetails:d,activeTabName:r,shouldHidePreview:p,shouldShowProgressInViewer:h,lastSelectedImage:m}},{memoizeOptions:{resultEqualityCheck:Jt}}),nre=e=>{const t=te(),{isProcessing:n,isConnected:r,shouldDisableToolbarButtons:o,shouldShowImageDetails:s,lastSelectedImage:a,shouldShowProgressInViewer:c}=z(tre),d=ar("upscaling").isFeatureEnabled,p=Hc(),{t:h}=ye(),{recallBothPrompts:m,recallSeed:v,recallAllParameters:b}=Vy(),[w,y]=Gy(a,500),{currentData:S}=os(a??oo.skipToken),{currentData:_}=Z1(y.isPending()?oo.skipToken:w??oo.skipToken),k=_==null?void 0:_.metadata,j=f.useCallback(()=>{b(k)},[k,b]);rt("a",()=>{},[k,b]);const I=f.useCallback(()=>{v(k==null?void 0:k.seed)},[k==null?void 0:k.seed,v]);rt("s",I,[S]);const E=f.useCallback(()=>{m(k==null?void 0:k.positive_prompt,k==null?void 0:k.negative_prompt,k==null?void 0:k.positive_style_prompt,k==null?void 0:k.negative_style_prompt)},[k==null?void 0:k.negative_prompt,k==null?void 0:k.positive_prompt,k==null?void 0:k.positive_style_prompt,k==null?void 0:k.negative_style_prompt,m]);rt("p",E,[S]);const O=f.useCallback(()=>{t(r8()),t(Q1(S))},[t,S]);rt("shift+i",O,[S]);const R=f.useCallback(()=>{S&&t(Q_({image_name:S.image_name}))},[t,S]),M=f.useCallback(()=>{S&&t(eb(S))},[t,S]);rt("Shift+U",()=>{R()},{enabled:()=>!!(d&&!o&&r&&!n)},[d,S,o,r,n]);const A=f.useCallback(()=>t(ZR(!s)),[t,s]);rt("i",()=>{S?A():p({title:h("toast.metadataLoadFailed"),status:"error",duration:2500,isClosable:!0})},[S,s,p]),rt("delete",()=>{M()},[t,S]);const T=f.useCallback(()=>{t(q_(!c))},[t,c]);return i.jsx(i.Fragment,{children:i.jsxs(F,{sx:{flexWrap:"wrap",justifyContent:"center",alignItems:"center",gap:2},...e,children:[i.jsx(nr,{isAttached:!0,isDisabled:o,children:i.jsxs(Pd,{children:[i.jsx(jd,{as:Le,"aria-label":`${h("parameters.sendTo")}...`,tooltip:`${h("parameters.sendTo")}...`,isDisabled:!S,icon:i.jsx(PW,{})}),i.jsx(Bc,{motionProps:sm,children:S&&i.jsx(o8,{imageDTO:S})})]})}),i.jsxs(nr,{isAttached:!0,isDisabled:o,children:[i.jsx(Le,{icon:i.jsx(PP,{}),tooltip:`${h("parameters.usePrompt")} (P)`,"aria-label":`${h("parameters.usePrompt")} (P)`,isDisabled:!(k!=null&&k.positive_prompt),onClick:E}),i.jsx(Le,{icon:i.jsx(jP,{}),tooltip:`${h("parameters.useSeed")} (S)`,"aria-label":`${h("parameters.useSeed")} (S)`,isDisabled:!(k!=null&&k.seed),onClick:I}),i.jsx(Le,{icon:i.jsx(gP,{}),tooltip:`${h("parameters.useAll")} (A)`,"aria-label":`${h("parameters.useAll")} (A)`,isDisabled:!k,onClick:j})]}),d&&i.jsx(nr,{isAttached:!0,isDisabled:o,children:d&&i.jsx(ere,{imageDTO:S})}),i.jsx(nr,{isAttached:!0,isDisabled:o,children:i.jsx(Le,{icon:i.jsx(ey,{}),tooltip:`${h("parameters.info")} (I)`,"aria-label":`${h("parameters.info")} (I)`,isChecked:s,onClick:A})}),i.jsx(nr,{isAttached:!0,children:i.jsx(Le,{"aria-label":h("settings.displayInProgress"),tooltip:h("settings.displayInProgress"),icon:i.jsx(pW,{}),isChecked:c,onClick:T})}),i.jsx(nr,{isAttached:!0,children:i.jsx(Qne,{onClick:M,isDisabled:o})})]})})},rre=fe([Xe,H_],(e,t)=>{var _,k;const{data:n,status:r}=eM.endpoints.listImages.select(t)(e),o=e.gallery.selection[e.gallery.selection.length-1],s=r==="pending";if(!n||!o||n.total===0)return{isFetching:s,queryArgs:t,isOnFirstImage:!0,isOnLastImage:!0};const a={...t,offset:n.ids.length,limit:V_},c=tM.getSelectors(),d=c.selectAll(n),p=d.findIndex(j=>j.image_name===o),h=Es(p+1,0,d.length-1),m=Es(p-1,0,d.length-1),v=(_=d[h])==null?void 0:_.image_name,b=(k=d[m])==null?void 0:k.image_name,w=c.selectById(n,v),y=c.selectById(n,b),S=d.length;return{isOnFirstImage:p===0,isOnLastImage:!isNaN(p)&&p===S-1,areMoreImagesAvailable:((n==null?void 0:n.total)??0)>S,isFetching:r==="pending",nextImage:w,prevImage:y,nextImageId:v,prevImageId:b,queryArgs:a}},{memoizeOptions:{resultEqualityCheck:Jt}}),L8=()=>{const e=te(),{isOnFirstImage:t,isOnLastImage:n,nextImageId:r,prevImageId:o,areMoreImagesAvailable:s,isFetching:a,queryArgs:c}=z(rre),d=f.useCallback(()=>{o&&e(Ov(o))},[e,o]),p=f.useCallback(()=>{r&&e(Ov(r))},[e,r]),[h]=W_(),m=f.useCallback(()=>{h(c)},[h,c]);return{handlePrevImage:d,handleNextImage:p,isOnFirstImage:t,isOnLastImage:n,nextImageId:r,prevImageId:o,areMoreImagesAvailable:s,handleLoadMoreImages:m,isFetching:a}};function ore(e){return et({tag:"svg",attr:{viewBox:"0 0 512 512"},child:[{tag:"path",attr:{d:"M245.09 327.74v-37.32c57.07 0 84.51 13.47 108.58 38.68 5.4 5.65 15 1.32 14.29-6.43-5.45-61.45-34.14-117.09-122.87-117.09v-37.32a8.32 8.32 0 00-14.05-6L146.58 242a8.2 8.2 0 000 11.94L231 333.71a8.32 8.32 0 0014.09-5.97z"}},{tag:"path",attr:{fill:"none",strokeMiterlimit:"10",strokeWidth:"32",d:"M256 64C150 64 64 150 64 256s86 192 192 192 192-86 192-192S362 64 256 64z"}}]})(e)}const ys=({label:e,value:t,onClick:n,isLink:r,labelPosition:o,withCopy:s=!1})=>{const{t:a}=ye();return t?i.jsxs(F,{gap:2,children:[n&&i.jsx(wn,{label:`Recall ${e}`,children:i.jsx(Ca,{"aria-label":a("accessibility.useThisParameter"),icon:i.jsx(ore,{}),size:"xs",variant:"ghost",fontSize:20,onClick:n})}),s&&i.jsx(wn,{label:`Copy ${e}`,children:i.jsx(Ca,{"aria-label":`Copy ${e}`,icon:i.jsx(Wc,{}),size:"xs",variant:"ghost",fontSize:14,onClick:()=>navigator.clipboard.writeText(t.toString())})}),i.jsxs(F,{direction:o?"column":"row",children:[i.jsxs(Ye,{fontWeight:"semibold",whiteSpace:"pre-wrap",pr:2,children:[e,":"]}),r?i.jsxs(Eb,{href:t.toString(),isExternal:!0,wordBreak:"break-all",children:[t.toString()," ",i.jsx(cj,{mx:"2px"})]}):i.jsx(Ye,{overflowY:"scroll",wordBreak:"break-all",children:t.toString()})]})]}):null},sre=e=>{const{metadata:t}=e,{recallPositivePrompt:n,recallNegativePrompt:r,recallSeed:o,recallCfgScale:s,recallModel:a,recallScheduler:c,recallSteps:d,recallWidth:p,recallHeight:h,recallStrength:m}=Vy(),v=f.useCallback(()=>{n(t==null?void 0:t.positive_prompt)},[t==null?void 0:t.positive_prompt,n]),b=f.useCallback(()=>{r(t==null?void 0:t.negative_prompt)},[t==null?void 0:t.negative_prompt,r]),w=f.useCallback(()=>{o(t==null?void 0:t.seed)},[t==null?void 0:t.seed,o]),y=f.useCallback(()=>{a(t==null?void 0:t.model)},[t==null?void 0:t.model,a]),S=f.useCallback(()=>{p(t==null?void 0:t.width)},[t==null?void 0:t.width,p]),_=f.useCallback(()=>{h(t==null?void 0:t.height)},[t==null?void 0:t.height,h]),k=f.useCallback(()=>{c(t==null?void 0:t.scheduler)},[t==null?void 0:t.scheduler,c]),j=f.useCallback(()=>{d(t==null?void 0:t.steps)},[t==null?void 0:t.steps,d]),I=f.useCallback(()=>{s(t==null?void 0:t.cfg_scale)},[t==null?void 0:t.cfg_scale,s]),E=f.useCallback(()=>{m(t==null?void 0:t.strength)},[t==null?void 0:t.strength,m]);return!t||Object.keys(t).length===0?null:i.jsxs(i.Fragment,{children:[t.generation_mode&&i.jsx(ys,{label:"Generation Mode",value:t.generation_mode}),t.positive_prompt&&i.jsx(ys,{label:"Positive Prompt",labelPosition:"top",value:t.positive_prompt,onClick:v}),t.negative_prompt&&i.jsx(ys,{label:"Negative Prompt",labelPosition:"top",value:t.negative_prompt,onClick:b}),t.seed!==void 0&&i.jsx(ys,{label:"Seed",value:t.seed,onClick:w}),t.model!==void 0&&i.jsx(ys,{label:"Model",value:t.model.model_name,onClick:y}),t.width&&i.jsx(ys,{label:"Width",value:t.width,onClick:S}),t.height&&i.jsx(ys,{label:"Height",value:t.height,onClick:_}),t.scheduler&&i.jsx(ys,{label:"Scheduler",value:t.scheduler,onClick:k}),t.steps&&i.jsx(ys,{label:"Steps",value:t.steps,onClick:j}),t.cfg_scale!==void 0&&i.jsx(ys,{label:"CFG scale",value:t.cfg_scale,onClick:I}),t.strength&&i.jsx(ys,{label:"Image to image strength",value:t.strength,onClick:E})]})},are=e=>{const{copyTooltip:t,jsonObject:n}=e,r=f.useMemo(()=>JSON.stringify(n,null,2),[n]);return i.jsxs(F,{sx:{borderRadius:"base",bg:"whiteAlpha.500",_dark:{bg:"blackAlpha.500"},flexGrow:1,w:"full",h:"full",position:"relative"},children:[i.jsx(Ee,{sx:{position:"absolute",top:0,left:0,right:0,bottom:0,overflow:"auto",p:4},children:i.jsx(rj,{defer:!0,style:{height:"100%",width:"100%"},options:{scrollbars:{visibility:"auto",autoHide:"move",autoHideDelay:1300,theme:"os-theme-dark"}},children:i.jsx("pre",{children:r})})}),i.jsx(F,{sx:{position:"absolute",top:0,insetInlineEnd:0,p:2},children:i.jsx(wn,{label:t,children:i.jsx(Ca,{"aria-label":t,icon:i.jsx(Wc,{}),variant:"ghost",onClick:()=>navigator.clipboard.writeText(r)})})})]})},ire=({image:e})=>{const[t,n]=Gy(e.image_name,500),{currentData:r}=Z1(n.isPending()?oo.skipToken:t??oo.skipToken),o=r==null?void 0:r.metadata,s=r==null?void 0:r.graph,a=f.useMemo(()=>{const c=[];return o&&c.push({label:"Core Metadata",data:o,copyTooltip:"Copy Core Metadata JSON"}),e&&c.push({label:"Image Details",data:e,copyTooltip:"Copy Image Details JSON"}),s&&c.push({label:"Graph",data:s,copyTooltip:"Copy Graph JSON"}),c},[o,s,e]);return i.jsxs(F,{sx:{padding:4,gap:1,flexDirection:"column",width:"full",height:"full",backdropFilter:"blur(20px)",bg:"baseAlpha.200",_dark:{bg:"blackAlpha.600"},borderRadius:"base",position:"absolute",overflow:"hidden"},children:[i.jsxs(F,{gap:2,children:[i.jsx(Ye,{fontWeight:"semibold",children:"File:"}),i.jsxs(Eb,{href:e.image_url,isExternal:!0,maxW:"calc(100% - 3rem)",children:[e.image_name,i.jsx(cj,{mx:"2px"})]})]}),i.jsx(sre,{metadata:o}),i.jsxs(Rd,{variant:"line",sx:{display:"flex",flexDir:"column",w:"full",h:"full"},children:[i.jsx(Md,{children:a.map(c=>i.jsx(Sc,{sx:{borderTopRadius:"base"},children:i.jsx(Ye,{sx:{color:"base.700",_dark:{color:"base.300"}},children:c.label})},c.label))}),i.jsx(jm,{sx:{w:"full",h:"full"},children:a.map(c=>i.jsx(Pm,{sx:{w:"full",h:"full",p:0,pt:4},children:i.jsx(are,{jsonObject:c.data,copyTooltip:c.copyTooltip})},c.label))})]})]})},lre=f.memo(ire),cv={color:"base.100",pointerEvents:"auto"},cre=()=>{const{t:e}=ye(),{handlePrevImage:t,handleNextImage:n,isOnFirstImage:r,isOnLastImage:o,handleLoadMoreImages:s,areMoreImagesAvailable:a,isFetching:c}=L8();return i.jsxs(Ee,{sx:{position:"relative",height:"100%",width:"100%"},children:[i.jsx(Ee,{sx:{pos:"absolute",top:"50%",transform:"translate(0, -50%)",insetInlineStart:0},children:!r&&i.jsx(Ca,{"aria-label":e("accessibility.previousImage"),icon:i.jsx(YH,{size:64}),variant:"unstyled",onClick:t,boxSize:16,sx:cv})}),i.jsxs(Ee,{sx:{pos:"absolute",top:"50%",transform:"translate(0, -50%)",insetInlineEnd:0},children:[!o&&i.jsx(Ca,{"aria-label":e("accessibility.nextImage"),icon:i.jsx(QH,{size:64}),variant:"unstyled",onClick:n,boxSize:16,sx:cv}),o&&a&&!c&&i.jsx(Ca,{"aria-label":e("accessibility.loadMore"),icon:i.jsx(XH,{size:64}),variant:"unstyled",onClick:s,boxSize:16,sx:cv}),o&&a&&c&&i.jsx(F,{sx:{w:16,h:16,alignItems:"center",justifyContent:"center"},children:i.jsx(fl,{opacity:.5,size:"xl"})})]})]})},ure=f.memo(cre),dre=fe([Xe,nM],({ui:e,system:t},n)=>{const{shouldShowImageDetails:r,shouldHidePreview:o,shouldShowProgressInViewer:s}=e,{progressImage:a,shouldAntialiasProgressImage:c}=t;return{shouldShowImageDetails:r,shouldHidePreview:o,imageName:n,progressImage:a,shouldShowProgressInViewer:s,shouldAntialiasProgressImage:c}},{memoizeOptions:{resultEqualityCheck:Jt}}),fre=()=>{const{shouldShowImageDetails:e,imageName:t,progressImage:n,shouldShowProgressInViewer:r,shouldAntialiasProgressImage:o}=z(dre),{handlePrevImage:s,handleNextImage:a,prevImageId:c,nextImageId:d,isOnLastImage:p,handleLoadMoreImages:h,areMoreImagesAvailable:m,isFetching:v}=L8();rt("left",()=>{s()},[c]),rt("right",()=>{if(p&&m&&!v){h();return}p||a()},[d,p,m,h,v]);const{currentData:b}=os(t??oo.skipToken),w=f.useMemo(()=>{if(b)return{id:"current-image",payloadType:"IMAGE_DTO",payload:{imageDTO:b}}},[b]),y=f.useMemo(()=>({id:"current-image",actionType:"SET_CURRENT_IMAGE"}),[]),[S,_]=f.useState(!1),k=f.useRef(0),j=f.useCallback(()=>{_(!0),window.clearTimeout(k.current)},[]),I=f.useCallback(()=>{k.current=window.setTimeout(()=>{_(!1)},500)},[]);return i.jsxs(F,{onMouseOver:j,onMouseOut:I,sx:{width:"full",height:"full",alignItems:"center",justifyContent:"center",position:"relative"},children:[n&&r?i.jsx(Tc,{src:n.dataURL,width:n.width,height:n.height,draggable:!1,sx:{objectFit:"contain",maxWidth:"full",maxHeight:"full",height:"auto",position:"absolute",borderRadius:"base",imageRendering:o?"auto":"pixelated"}}):i.jsx(yi,{imageDTO:b,droppableData:y,draggableData:w,isUploadDisabled:!0,fitContainer:!0,useThumbailFallback:!0,dropLabel:"Set as Current Image",noContentFallback:i.jsx(mi,{icon:il,label:"No image selected"})}),e&&b&&i.jsx(Ee,{sx:{position:"absolute",top:"0",width:"full",height:"full",borderRadius:"base"},children:i.jsx(lre,{image:b})}),i.jsx(ho,{children:!e&&b&&S&&i.jsx(Ir.div,{initial:{opacity:0},animate:{opacity:1,transition:{duration:.1}},exit:{opacity:0,transition:{duration:.1}},style:{position:"absolute",top:"0",width:"100%",height:"100%",pointerEvents:"none"},children:i.jsx(ure,{})},"nextPrevButtons")})]})},pre=f.memo(fre),hre=()=>i.jsxs(F,{sx:{position:"relative",flexDirection:"column",height:"100%",width:"100%",rowGap:4,alignItems:"center",justifyContent:"center"},children:[i.jsx(nre,{}),i.jsx(pre,{})]}),B8=()=>i.jsx(Ee,{layerStyle:"first",sx:{position:"relative",width:"100%",height:"100%",p:4,borderRadius:"base"},children:i.jsx(F,{sx:{width:"100%",height:"100%"},children:i.jsx(hre,{})})}),mre=e=>{const t=te(),{lora:n}=e,r=f.useCallback(a=>{t(rM({id:n.id,weight:a}))},[t,n.id]),o=f.useCallback(()=>{t(oM(n.id))},[t,n.id]),s=f.useCallback(()=>{t(sM(n.id))},[t,n.id]);return i.jsxs(F,{sx:{gap:2.5,alignItems:"flex-end"},children:[i.jsx(_t,{label:n.model_name,value:n.weight,onChange:r,min:-1,max:2,step:.01,withInput:!0,withReset:!0,handleReset:o,withSliderMarks:!0,sliderMarks:[-1,0,1,2],sliderNumberInputProps:{min:-50,max:50}}),i.jsx(Le,{size:"sm",onClick:s,tooltip:"Remove LoRA","aria-label":"Remove LoRA",icon:i.jsx(us,{}),colorScheme:"error"})]})},gre=f.memo(mre),vre=fe(Xe,({lora:e})=>{const{loras:t}=e;return{loras:t}},Ge),bre=()=>{const{loras:e}=z(vre);return i.jsx(i.Fragment,{children:cs(e,t=>i.jsx(gre,{lora:t},t.model_name))})},yre=fe(Xe,({lora:e})=>({loras:e.loras}),Ge),xre=()=>{const e=te(),{loras:t}=z(yre),{data:n}=om(),r=z(a=>a.generation.model),o=f.useMemo(()=>{if(!n)return[];const a=[];return Io(n.entities,(c,d)=>{if(!c||d in t)return;const p=(r==null?void 0:r.base_model)!==c.base_model;a.push({value:d,label:c.model_name,disabled:p,group:hr[c.base_model],tooltip:p?`Incompatible base model: ${c.base_model}`:void 0})}),a.sort((c,d)=>{var p;return c.label&&d.label&&(p=c.label)!=null&&p.localeCompare(d.label)?1:-1}),a.sort((c,d)=>c.disabled&&!d.disabled?-1:1)},[t,n,r==null?void 0:r.base_model]),s=f.useCallback(a=>{if(!a)return;const c=n==null?void 0:n.entities[a];c&&e(aM(c))},[e,n==null?void 0:n.entities]);return(n==null?void 0:n.ids.length)===0?i.jsx(F,{sx:{justifyContent:"center",p:2},children:i.jsx(Ye,{sx:{fontSize:"sm",color:"base.500",_dark:"base.700"},children:"No LoRAs Loaded"})}):i.jsx(sr,{placeholder:o.length===0?"All LoRAs added":"Add LoRA",value:null,data:o,nothingFound:"No matching LoRAs",itemComponent:Ri,disabled:o.length===0,filter:(a,c)=>{var d;return((d=c.label)==null?void 0:d.toLowerCase().includes(a.toLowerCase().trim()))||c.value.toLowerCase().includes(a.toLowerCase().trim())},onChange:s})},wre=fe(Xe,e=>{const t=J_(e.lora.loras);return{activeLabel:t>0?`${t} Active`:void 0}},Ge),Sre=()=>{const{activeLabel:e}=z(wre);return ar("lora").isFeatureEnabled?i.jsx(Ro,{label:"LoRA",activeLabel:e,children:i.jsxs(F,{sx:{flexDir:"column",gap:2},children:[i.jsx(xre,{}),i.jsx(bre,{})]})}):null},tx=f.memo(Sre);function Cre(){const e=z(d=>d.generation.clipSkip),{model:t}=z(d=>d.generation),n=te(),{t:r}=ye(),o=f.useCallback(d=>{n(sw(d))},[n]),s=f.useCallback(()=>{n(sw(0))},[n]),a=f.useMemo(()=>t?Mf[t.base_model].maxClip:Mf["sd-1"].maxClip,[t]),c=f.useMemo(()=>t?Mf[t.base_model].markers:Mf["sd-1"].markers,[t]);return i.jsx(_t,{label:r("parameters.clipSkip"),"aria-label":r("parameters.clipSkip"),min:0,max:a,step:1,value:e,onChange:o,withSliderMarks:!0,sliderMarks:c,withInput:!0,withReset:!0,handleReset:s})}const kre=fe(Xe,e=>({activeLabel:e.generation.clipSkip>0?"Clip Skip":void 0}),Ge);function nx(){const{activeLabel:e}=z(kre);return z(n=>n.generation.shouldShowAdvancedOptions)?i.jsx(Ro,{label:"Advanced",activeLabel:e,children:i.jsx(F,{sx:{flexDir:"column",gap:2},children:i.jsx(Cre,{})})}):null}const F8=e=>{const t=rm("models"),[n,r,o]=e.split("/"),s=iM.safeParse({base_model:n,model_name:o});if(!s.success){t.error({controlNetModelId:e,errors:s.error.format()},"Failed to parse ControlNet model id");return}return s.data},_re=e=>{const{controlNetId:t}=e,n=te(),r=z(Cr),o=f.useMemo(()=>fe(Xe,({generation:v,controlNet:b})=>{var _,k;const{model:w}=v,y=(_=b.controlNets[t])==null?void 0:_.model,S=(k=b.controlNets[t])==null?void 0:k.isEnabled;return{mainModel:w,controlNetModel:y,isEnabled:S}},Ge),[t]),{mainModel:s,controlNetModel:a,isEnabled:c}=z(o),{data:d}=sb(),p=f.useMemo(()=>{if(!d)return[];const v=[];return Io(d.entities,(b,w)=>{if(!b)return;const y=(b==null?void 0:b.base_model)!==(s==null?void 0:s.base_model);v.push({value:w,label:b.model_name,group:hr[b.base_model],disabled:y,tooltip:y?`Incompatible base model: ${b.base_model}`:void 0})}),v},[d,s==null?void 0:s.base_model]),h=f.useMemo(()=>(d==null?void 0:d.entities[`${a==null?void 0:a.base_model}/controlnet/${a==null?void 0:a.model_name}`])??null,[a==null?void 0:a.base_model,a==null?void 0:a.model_name,d==null?void 0:d.entities]),m=f.useCallback(v=>{if(!v)return;const b=F8(v);b&&n(Z_({controlNetId:t,model:b}))},[t,n]);return i.jsx(sr,{itemComponent:Ri,data:p,error:!h||(s==null?void 0:s.base_model)!==h.base_model,placeholder:"Select a model",value:(h==null?void 0:h.id)??null,onChange:m,disabled:r||!c,tooltip:h==null?void 0:h.description})},Pre=f.memo(_re),jre=e=>{const{controlNetId:t}=e,n=te(),r=f.useMemo(()=>fe(Xe,({controlNet:c})=>{const{weight:d,isEnabled:p}=c.controlNets[t];return{weight:d,isEnabled:p}},Ge),[t]),{weight:o,isEnabled:s}=z(r),a=f.useCallback(c=>{n(lM({controlNetId:t,weight:c}))},[t,n]);return i.jsx(_t,{isDisabled:!s,label:"Weight",value:o,onChange:a,min:0,max:2,step:.01,withSliderMarks:!0,sliderMarks:[0,1,2]})},Ire=f.memo(jre),Ere=e=>{const{height:t,controlNetId:n}=e,r=te(),o=f.useMemo(()=>fe(Xe,({controlNet:E})=>{const{pendingControlImages:O}=E,{controlImage:R,processedControlImage:M,processorType:A,isEnabled:T}=E.controlNets[n];return{controlImageName:R,processedControlImageName:M,processorType:A,isEnabled:T,pendingControlImages:O}},Ge),[n]),{controlImageName:s,processedControlImageName:a,processorType:c,pendingControlImages:d,isEnabled:p}=z(o),[h,m]=f.useState(!1),{currentData:v}=os(s??oo.skipToken),{currentData:b}=os(a??oo.skipToken),w=f.useCallback(()=>{r(cM({controlNetId:n,controlImage:null}))},[n,r]),y=f.useCallback(()=>{m(!0)},[]),S=f.useCallback(()=>{m(!1)},[]),_=f.useMemo(()=>{if(v)return{id:n,payloadType:"IMAGE_DTO",payload:{imageDTO:v}}},[v,n]),k=f.useMemo(()=>({id:n,actionType:"SET_CONTROLNET_IMAGE",context:{controlNetId:n}}),[n]),j=f.useMemo(()=>({type:"SET_CONTROLNET_IMAGE",controlNetId:n}),[n]),I=v&&b&&!h&&!d.includes(n)&&c!=="none";return i.jsxs(F,{onMouseEnter:y,onMouseLeave:S,sx:{position:"relative",w:"full",h:t,alignItems:"center",justifyContent:"center",pointerEvents:p?"auto":"none",opacity:p?1:.5},children:[i.jsx(yi,{draggableData:_,droppableData:k,imageDTO:v,isDropDisabled:I||!p,onClickReset:w,postUploadAction:j,resetTooltip:"Reset Control Image",withResetIcon:!!v}),i.jsx(Ee,{sx:{position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full",opacity:I?1:0,transitionProperty:"common",transitionDuration:"normal",pointerEvents:"none"},children:i.jsx(yi,{draggableData:_,droppableData:k,imageDTO:b,isUploadDisabled:!0,isDropDisabled:!p,onClickReset:w,resetTooltip:"Reset Control Image",withResetIcon:!!v})}),d.includes(n)&&i.jsx(F,{sx:{position:"absolute",top:0,insetInlineStart:0,w:"full",h:"full",alignItems:"center",justifyContent:"center",opacity:.8,borderRadius:"base",bg:"base.400",_dark:{bg:"base.900"}},children:i.jsx(fl,{size:"xl",sx:{color:"base.100",_dark:{color:"base.400"}}})})]})},Ik=f.memo(Ere),Ts=()=>{const e=te();return f.useCallback((n,r)=>{e(uM({controlNetId:n,changes:r}))},[e])};function Ns(e){return i.jsx(F,{sx:{flexDirection:"column",gap:2},children:e.children})}const Ek=ls.canny_image_processor.default,Ore=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{low_threshold:o,high_threshold:s}=n,a=z(Cr),c=Ts(),d=f.useCallback(v=>{c(t,{low_threshold:v})},[t,c]),p=f.useCallback(()=>{c(t,{low_threshold:Ek.low_threshold})},[t,c]),h=f.useCallback(v=>{c(t,{high_threshold:v})},[t,c]),m=f.useCallback(()=>{c(t,{high_threshold:Ek.high_threshold})},[t,c]);return i.jsxs(Ns,{children:[i.jsx(_t,{isDisabled:a||!r,label:"Low Threshold",value:o,onChange:d,handleReset:p,withReset:!0,min:0,max:255,withInput:!0,withSliderMarks:!0}),i.jsx(_t,{isDisabled:a||!r,label:"High Threshold",value:s,onChange:h,handleReset:m,withReset:!0,min:0,max:255,withInput:!0,withSliderMarks:!0})]})},Rre=f.memo(Ore),xu=ls.content_shuffle_image_processor.default,Mre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s,w:a,h:c,f:d}=n,p=Ts(),h=z(Cr),m=f.useCallback(E=>{p(t,{detect_resolution:E})},[t,p]),v=f.useCallback(()=>{p(t,{detect_resolution:xu.detect_resolution})},[t,p]),b=f.useCallback(E=>{p(t,{image_resolution:E})},[t,p]),w=f.useCallback(()=>{p(t,{image_resolution:xu.image_resolution})},[t,p]),y=f.useCallback(E=>{p(t,{w:E})},[t,p]),S=f.useCallback(()=>{p(t,{w:xu.w})},[t,p]),_=f.useCallback(E=>{p(t,{h:E})},[t,p]),k=f.useCallback(()=>{p(t,{h:xu.h})},[t,p]),j=f.useCallback(E=>{p(t,{f:E})},[t,p]),I=f.useCallback(()=>{p(t,{f:xu.f})},[t,p]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:m,handleReset:v,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:h||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:b,handleReset:w,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:h||!r}),i.jsx(_t,{label:"W",value:a,onChange:y,handleReset:S,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:h||!r}),i.jsx(_t,{label:"H",value:c,onChange:_,handleReset:k,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:h||!r}),i.jsx(_t,{label:"F",value:d,onChange:j,handleReset:I,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:h||!r})]})},Dre=f.memo(Mre),Ok=ls.hed_image_processor.default,Are=e=>{const{controlNetId:t,processorNode:{detect_resolution:n,image_resolution:r,scribble:o},isEnabled:s}=e,a=z(Cr),c=Ts(),d=f.useCallback(b=>{c(t,{detect_resolution:b})},[t,c]),p=f.useCallback(b=>{c(t,{image_resolution:b})},[t,c]),h=f.useCallback(b=>{c(t,{scribble:b.target.checked})},[t,c]),m=f.useCallback(()=>{c(t,{detect_resolution:Ok.detect_resolution})},[t,c]),v=f.useCallback(()=>{c(t,{image_resolution:Ok.image_resolution})},[t,c]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:n,onChange:d,handleReset:m,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:a||!s}),i.jsx(_t,{label:"Image Resolution",value:r,onChange:p,handleReset:v,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:a||!s}),i.jsx(Er,{label:"Scribble",isChecked:o,onChange:h,isDisabled:a||!s})]})},Tre=f.memo(Are),Rk=ls.lineart_anime_image_processor.default,Nre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s}=n,a=Ts(),c=z(Cr),d=f.useCallback(v=>{a(t,{detect_resolution:v})},[t,a]),p=f.useCallback(v=>{a(t,{image_resolution:v})},[t,a]),h=f.useCallback(()=>{a(t,{detect_resolution:Rk.detect_resolution})},[t,a]),m=f.useCallback(()=>{a(t,{image_resolution:Rk.image_resolution})},[t,a]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:d,handleReset:h,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:c||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:p,handleReset:m,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:c||!r})]})},$re=f.memo(Nre),Mk=ls.lineart_image_processor.default,zre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s,coarse:a}=n,c=Ts(),d=z(Cr),p=f.useCallback(w=>{c(t,{detect_resolution:w})},[t,c]),h=f.useCallback(w=>{c(t,{image_resolution:w})},[t,c]),m=f.useCallback(()=>{c(t,{detect_resolution:Mk.detect_resolution})},[t,c]),v=f.useCallback(()=>{c(t,{image_resolution:Mk.image_resolution})},[t,c]),b=f.useCallback(w=>{c(t,{coarse:w.target.checked})},[t,c]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:p,handleReset:m,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:d||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:h,handleReset:v,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:d||!r}),i.jsx(Er,{label:"Coarse",isChecked:a,onChange:b,isDisabled:d||!r})]})},Lre=f.memo(zre),Dk=ls.mediapipe_face_processor.default,Bre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{max_faces:o,min_confidence:s}=n,a=Ts(),c=z(Cr),d=f.useCallback(v=>{a(t,{max_faces:v})},[t,a]),p=f.useCallback(v=>{a(t,{min_confidence:v})},[t,a]),h=f.useCallback(()=>{a(t,{max_faces:Dk.max_faces})},[t,a]),m=f.useCallback(()=>{a(t,{min_confidence:Dk.min_confidence})},[t,a]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Max Faces",value:o,onChange:d,handleReset:h,withReset:!0,min:1,max:20,withInput:!0,withSliderMarks:!0,isDisabled:c||!r}),i.jsx(_t,{label:"Min Confidence",value:s,onChange:p,handleReset:m,withReset:!0,min:0,max:1,step:.01,withInput:!0,withSliderMarks:!0,isDisabled:c||!r})]})},Fre=f.memo(Bre),Ak=ls.midas_depth_image_processor.default,Hre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{a_mult:o,bg_th:s}=n,a=Ts(),c=z(Cr),d=f.useCallback(v=>{a(t,{a_mult:v})},[t,a]),p=f.useCallback(v=>{a(t,{bg_th:v})},[t,a]),h=f.useCallback(()=>{a(t,{a_mult:Ak.a_mult})},[t,a]),m=f.useCallback(()=>{a(t,{bg_th:Ak.bg_th})},[t,a]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"a_mult",value:o,onChange:d,handleReset:h,withReset:!0,min:0,max:20,step:.01,withInput:!0,withSliderMarks:!0,isDisabled:c||!r}),i.jsx(_t,{label:"bg_th",value:s,onChange:p,handleReset:m,withReset:!0,min:0,max:20,step:.01,withInput:!0,withSliderMarks:!0,isDisabled:c||!r})]})},Wre=f.memo(Hre),vp=ls.mlsd_image_processor.default,Vre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s,thr_d:a,thr_v:c}=n,d=Ts(),p=z(Cr),h=f.useCallback(k=>{d(t,{detect_resolution:k})},[t,d]),m=f.useCallback(k=>{d(t,{image_resolution:k})},[t,d]),v=f.useCallback(k=>{d(t,{thr_d:k})},[t,d]),b=f.useCallback(k=>{d(t,{thr_v:k})},[t,d]),w=f.useCallback(()=>{d(t,{detect_resolution:vp.detect_resolution})},[t,d]),y=f.useCallback(()=>{d(t,{image_resolution:vp.image_resolution})},[t,d]),S=f.useCallback(()=>{d(t,{thr_d:vp.thr_d})},[t,d]),_=f.useCallback(()=>{d(t,{thr_v:vp.thr_v})},[t,d]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:h,handleReset:w,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:p||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:m,handleReset:y,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:p||!r}),i.jsx(_t,{label:"W",value:a,onChange:v,handleReset:S,withReset:!0,min:0,max:1,step:.01,withInput:!0,withSliderMarks:!0,isDisabled:p||!r}),i.jsx(_t,{label:"H",value:c,onChange:b,handleReset:_,withReset:!0,min:0,max:1,step:.01,withInput:!0,withSliderMarks:!0,isDisabled:p||!r})]})},Ure=f.memo(Vre),Tk=ls.normalbae_image_processor.default,Gre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s}=n,a=Ts(),c=z(Cr),d=f.useCallback(v=>{a(t,{detect_resolution:v})},[t,a]),p=f.useCallback(v=>{a(t,{image_resolution:v})},[t,a]),h=f.useCallback(()=>{a(t,{detect_resolution:Tk.detect_resolution})},[t,a]),m=f.useCallback(()=>{a(t,{image_resolution:Tk.image_resolution})},[t,a]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:d,handleReset:h,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:c||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:p,handleReset:m,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:c||!r})]})},qre=f.memo(Gre),Nk=ls.openpose_image_processor.default,Kre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s,hand_and_face:a}=n,c=Ts(),d=z(Cr),p=f.useCallback(w=>{c(t,{detect_resolution:w})},[t,c]),h=f.useCallback(w=>{c(t,{image_resolution:w})},[t,c]),m=f.useCallback(()=>{c(t,{detect_resolution:Nk.detect_resolution})},[t,c]),v=f.useCallback(()=>{c(t,{image_resolution:Nk.image_resolution})},[t,c]),b=f.useCallback(w=>{c(t,{hand_and_face:w.target.checked})},[t,c]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:p,handleReset:m,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:d||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:h,handleReset:v,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:d||!r}),i.jsx(Er,{label:"Hand and Face",isChecked:a,onChange:b,isDisabled:d||!r})]})},Xre=f.memo(Kre),$k=ls.pidi_image_processor.default,Yre=e=>{const{controlNetId:t,processorNode:n,isEnabled:r}=e,{image_resolution:o,detect_resolution:s,scribble:a,safe:c}=n,d=Ts(),p=z(Cr),h=f.useCallback(S=>{d(t,{detect_resolution:S})},[t,d]),m=f.useCallback(S=>{d(t,{image_resolution:S})},[t,d]),v=f.useCallback(()=>{d(t,{detect_resolution:$k.detect_resolution})},[t,d]),b=f.useCallback(()=>{d(t,{image_resolution:$k.image_resolution})},[t,d]),w=f.useCallback(S=>{d(t,{scribble:S.target.checked})},[t,d]),y=f.useCallback(S=>{d(t,{safe:S.target.checked})},[t,d]);return i.jsxs(Ns,{children:[i.jsx(_t,{label:"Detect Resolution",value:s,onChange:h,handleReset:v,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:p||!r}),i.jsx(_t,{label:"Image Resolution",value:o,onChange:m,handleReset:b,withReset:!0,min:0,max:4096,withInput:!0,withSliderMarks:!0,isDisabled:p||!r}),i.jsx(Er,{label:"Scribble",isChecked:a,onChange:w}),i.jsx(Er,{label:"Safe",isChecked:c,onChange:y,isDisabled:p||!r})]})},Qre=f.memo(Yre),Jre=e=>null,Zre=f.memo(Jre),eoe=e=>{const{controlNetId:t}=e,n=f.useMemo(()=>fe(Xe,({controlNet:s})=>{const{isEnabled:a,processorNode:c}=s.controlNets[t];return{isEnabled:a,processorNode:c}},Ge),[t]),{isEnabled:r,processorNode:o}=z(n);return o.type==="canny_image_processor"?i.jsx(Rre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="hed_image_processor"?i.jsx(Tre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="lineart_image_processor"?i.jsx(Lre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="content_shuffle_image_processor"?i.jsx(Dre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="lineart_anime_image_processor"?i.jsx($re,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="mediapipe_face_processor"?i.jsx(Fre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="midas_depth_image_processor"?i.jsx(Wre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="mlsd_image_processor"?i.jsx(Ure,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="normalbae_image_processor"?i.jsx(qre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="openpose_image_processor"?i.jsx(Xre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="pidi_image_processor"?i.jsx(Qre,{controlNetId:t,processorNode:o,isEnabled:r}):o.type==="zoe_depth_image_processor"?i.jsx(Zre,{controlNetId:t,processorNode:o,isEnabled:r}):null},toe=f.memo(eoe),noe=e=>{const{controlNetId:t}=e,n=te(),r=f.useMemo(()=>fe(Xe,({controlNet:d})=>{const{isEnabled:p,shouldAutoConfig:h}=d.controlNets[t];return{isEnabled:p,shouldAutoConfig:h}},Ge),[t]),{isEnabled:o,shouldAutoConfig:s}=z(r),a=z(Cr),c=f.useCallback(()=>{n(dM({controlNetId:t}))},[t,n]);return i.jsx(Er,{label:"Auto configure processor","aria-label":"Auto configure processor",isChecked:s,onChange:c,isDisabled:a||!o})},roe=f.memo(noe),zk=e=>`${Math.round(e*100)}%`,ooe=e=>{const{controlNetId:t}=e,n=te(),r=f.useMemo(()=>fe(Xe,({controlNet:d})=>{const{beginStepPct:p,endStepPct:h,isEnabled:m}=d.controlNets[t];return{beginStepPct:p,endStepPct:h,isEnabled:m}},Ge),[t]),{beginStepPct:o,endStepPct:s,isEnabled:a}=z(r),c=f.useCallback(d=>{n(fM({controlNetId:t,beginStepPct:d[0]})),n(pM({controlNetId:t,endStepPct:d[1]}))},[t,n]);return i.jsxs(mo,{isDisabled:!a,children:[i.jsx(Lo,{children:"Begin / End Step Percentage"}),i.jsx(di,{w:"100%",gap:2,alignItems:"center",children:i.jsxs(B6,{"aria-label":["Begin Step %","End Step %"],value:[o,s],onChange:c,min:0,max:1,step:.01,minStepsBetweenThumbs:5,isDisabled:!a,children:[i.jsx(F6,{children:i.jsx(H6,{})}),i.jsx(wn,{label:zk(o),placement:"top",hasArrow:!0,children:i.jsx(n1,{index:0})}),i.jsx(wn,{label:zk(s),placement:"top",hasArrow:!0,children:i.jsx(n1,{index:1})}),i.jsx(Pp,{value:0,sx:{insetInlineStart:"0 !important",insetInlineEnd:"unset !important"},children:"0%"}),i.jsx(Pp,{value:.5,sx:{insetInlineStart:"50% !important",transform:"translateX(-50%)"},children:"50%"}),i.jsx(Pp,{value:1,sx:{insetInlineStart:"unset !important",insetInlineEnd:"0 !important"},children:"100%"})]})})]})},soe=f.memo(ooe),aoe=[{label:"Balanced",value:"balanced"},{label:"Prompt",value:"more_prompt"},{label:"Control",value:"more_control"},{label:"Mega Control",value:"unbalanced"}];function ioe(e){const{controlNetId:t}=e,n=te(),r=f.useMemo(()=>fe(Xe,({controlNet:c})=>{const{controlMode:d,isEnabled:p}=c.controlNets[t];return{controlMode:d,isEnabled:p}},Ge),[t]),{controlMode:o,isEnabled:s}=z(r),a=f.useCallback(c=>{n(hM({controlNetId:t,controlMode:c}))},[t,n]);return i.jsx(Xr,{disabled:!s,label:"Control Mode",data:aoe,value:String(o),onChange:a})}const loe=fe(p8,e=>cs(ls,n=>({value:n.type,label:n.label})).sort((n,r)=>n.value==="none"?-1:r.value==="none"?1:n.label.localeCompare(r.label)).filter(n=>!e.sd.disabledControlNetProcessors.includes(n.value)),Ge),coe=e=>{const t=te(),{controlNetId:n}=e,r=f.useMemo(()=>fe(Xe,({controlNet:p})=>{const{isEnabled:h,processorNode:m}=p.controlNets[n];return{isEnabled:h,processorNode:m}},Ge),[n]),o=z(Cr),s=z(loe),{isEnabled:a,processorNode:c}=z(r),d=f.useCallback(p=>{t(mM({controlNetId:n,processorType:p}))},[n,t]);return i.jsx(sr,{label:"Processor",value:c.type??"canny_image_processor",data:s,onChange:d,disabled:o||!a})},uoe=f.memo(coe),doe=[{label:"Resize",value:"just_resize"},{label:"Crop",value:"crop_resize"},{label:"Fill",value:"fill_resize"}];function foe(e){const{controlNetId:t}=e,n=te(),r=f.useMemo(()=>fe(Xe,({controlNet:c})=>{const{resizeMode:d,isEnabled:p}=c.controlNets[t];return{resizeMode:d,isEnabled:p}},Ge),[t]),{resizeMode:o,isEnabled:s}=z(r),a=f.useCallback(c=>{n(gM({controlNetId:t,resizeMode:c}))},[t,n]);return i.jsx(Xr,{disabled:!s,label:"Resize Mode",data:doe,value:String(o),onChange:a})}const poe=e=>{const{controlNetId:t}=e,n=te(),r=fe(Xe,({controlNet:m})=>{const{isEnabled:v,shouldAutoConfig:b}=m.controlNets[t];return{isEnabled:v,shouldAutoConfig:b}},Ge),{isEnabled:o,shouldAutoConfig:s}=z(r),[a,c]=mee(!1),d=f.useCallback(()=>{n(vM({controlNetId:t}))},[t,n]),p=f.useCallback(()=>{n(bM({sourceControlNetId:t,newControlNetId:ui()}))},[t,n]),h=f.useCallback(()=>{n(yM({controlNetId:t}))},[t,n]);return i.jsxs(F,{sx:{flexDir:"column",gap:3,p:3,borderRadius:"base",position:"relative",bg:"base.200",_dark:{bg:"base.850"}},children:[i.jsxs(F,{sx:{gap:2,alignItems:"center"},children:[i.jsx(Er,{tooltip:"Toggle this ControlNet","aria-label":"Toggle this ControlNet",isChecked:o,onChange:h}),i.jsx(Ee,{sx:{w:"full",minW:0,opacity:o?1:.5,pointerEvents:o?"auto":"none",transitionProperty:"common",transitionDuration:"0.1s"},children:i.jsx(Pre,{controlNetId:t})}),i.jsx(Le,{size:"sm",tooltip:"Duplicate","aria-label":"Duplicate",onClick:p,icon:i.jsx(Wc,{})}),i.jsx(Le,{size:"sm",tooltip:"Delete","aria-label":"Delete",colorScheme:"error",onClick:d,icon:i.jsx(us,{})}),i.jsx(Le,{size:"sm",tooltip:a?"Hide Advanced":"Show Advanced","aria-label":a?"Hide Advanced":"Show Advanced",onClick:c,variant:"ghost",sx:{_hover:{bg:"none"}},icon:i.jsx(wy,{sx:{boxSize:4,color:"base.700",transform:a?"rotate(0deg)":"rotate(180deg)",transitionProperty:"common",transitionDuration:"normal",_dark:{color:"base.300"}}})}),!s&&i.jsx(Ee,{sx:{position:"absolute",w:1.5,h:1.5,borderRadius:"full",top:4,insetInlineEnd:4,bg:"accent.700",_dark:{bg:"accent.400"}}})]}),i.jsxs(F,{sx:{w:"full",flexDirection:"column",gap:3},children:[i.jsxs(F,{sx:{gap:4,w:"full",alignItems:"center"},children:[i.jsxs(F,{sx:{flexDir:"column",gap:3,h:28,w:"full",paddingInlineStart:1,paddingInlineEnd:a?1:0,pb:2,justifyContent:"space-between"},children:[i.jsx(Ire,{controlNetId:t}),i.jsx(soe,{controlNetId:t})]}),!a&&i.jsx(F,{sx:{alignItems:"center",justifyContent:"center",h:28,w:28,aspectRatio:"1/1"},children:i.jsx(Ik,{controlNetId:t,height:28})})]}),i.jsxs(F,{sx:{gap:2},children:[i.jsx(ioe,{controlNetId:t}),i.jsx(foe,{controlNetId:t})]}),i.jsx(uoe,{controlNetId:t})]}),a&&i.jsxs(i.Fragment,{children:[i.jsx(Ik,{controlNetId:t,height:"392px"}),i.jsx(roe,{controlNetId:t}),i.jsx(toe,{controlNetId:t})]})]})},hoe=f.memo(poe),moe=fe(Xe,e=>{const{isEnabled:t}=e.controlNet;return{isEnabled:t}},Ge),goe=()=>{const{isEnabled:e}=z(moe),t=te(),n=f.useCallback(()=>{t(xM())},[t]);return i.jsx(Er,{label:"Enable ControlNet",isChecked:e,onChange:n,formControlProps:{width:"100%"}})},voe=fe([Xe],({controlNet:e})=>{const{controlNets:t,isEnabled:n}=e,r=wM(t),o=n&&r.length>0?`${r.length} Active`:void 0;return{controlNetsArray:cs(t),activeLabel:o}},Ge),boe=()=>{const{controlNetsArray:e,activeLabel:t}=z(voe),n=ar("controlNet").isFeatureDisabled,r=te(),{firstModel:o}=sb(void 0,{selectFromResult:a=>{var d,p;return{firstModel:(p=a.data)==null?void 0:p.entities[(d=a.data)==null?void 0:d.ids[0]]}}}),s=f.useCallback(()=>{if(!o)return;const a=ui();r(SM({controlNetId:a})),r(Z_({controlNetId:a,model:o}))},[r,o]);return n?null:i.jsx(Ro,{label:"ControlNet",activeLabel:t,children:i.jsxs(F,{sx:{flexDir:"column",gap:3},children:[i.jsxs(F,{gap:2,alignItems:"center",children:[i.jsx(F,{sx:{flexDirection:"column",w:"100%",gap:2,px:4,py:2,borderRadius:4,bg:"base.200",_dark:{bg:"base.850"}},children:i.jsx(goe,{})}),i.jsx(Le,{tooltip:"Add ControlNet","aria-label":"Add ControlNet",icon:i.jsx(ml,{}),isDisabled:!o,flexGrow:1,size:"md",onClick:s})]}),e.map((a,c)=>i.jsxs(f.Fragment,{children:[c>0&&i.jsx(Pi,{}),i.jsx(hoe,{controlNetId:a.controlNetId})]},a.controlNetId))]})})},rx=f.memo(boe),yoe=fe(Di,e=>{const{seamlessXAxis:t}=e;return{seamlessXAxis:t}},Ge),xoe=()=>{const{t:e}=ye(),{seamlessXAxis:t}=z(yoe),n=te(),r=f.useCallback(o=>{n(CM(o.target.checked))},[n]);return i.jsx(Er,{label:e("parameters.seamlessXAxis"),"aria-label":e("parameters.seamlessXAxis"),isChecked:t,onChange:r})},woe=f.memo(xoe),Soe=fe(Di,e=>{const{seamlessYAxis:t}=e;return{seamlessYAxis:t}},Ge),Coe=()=>{const{t:e}=ye(),{seamlessYAxis:t}=z(Soe),n=te(),r=f.useCallback(o=>{n(kM(o.target.checked))},[n]);return i.jsx(Er,{label:e("parameters.seamlessYAxis"),"aria-label":e("parameters.seamlessYAxis"),isChecked:t,onChange:r})},koe=f.memo(Coe),_oe=(e,t)=>{if(e&&t)return"X & Y";if(e)return"X";if(t)return"Y"},Poe=fe(Di,e=>{const{seamlessXAxis:t,seamlessYAxis:n}=e;return{activeLabel:_oe(t,n)}},Ge),joe=()=>{const{t:e}=ye(),{activeLabel:t}=z(Poe);return ar("seamless").isFeatureEnabled?i.jsx(Ro,{label:e("parameters.seamlessTiling"),activeLabel:t,children:i.jsxs(F,{sx:{gap:5},children:[i.jsx(Ee,{flexGrow:1,children:i.jsx(woe,{})}),i.jsx(Ee,{flexGrow:1,children:i.jsx(koe,{})})]})}):null},H8=f.memo(joe);function Ioe(){const e=z(o=>o.generation.horizontalSymmetrySteps),t=z(o=>o.generation.steps),n=te(),{t:r}=ye();return i.jsx(_t,{label:r("parameters.hSymmetryStep"),value:e,onChange:o=>n(aw(o)),min:0,max:t,step:1,withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>n(aw(0))})}function Eoe(){const e=z(o=>o.generation.verticalSymmetrySteps),t=z(o=>o.generation.steps),n=te(),{t:r}=ye();return i.jsx(_t,{label:r("parameters.vSymmetryStep"),value:e,onChange:o=>n(iw(o)),min:0,max:t,step:1,withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>n(iw(0))})}function Ooe(){const e=z(n=>n.generation.shouldUseSymmetry),t=te();return i.jsx(Er,{label:"Enable Symmetry",isChecked:e,onChange:n=>t(_M(n.target.checked))})}const Roe=fe(Xe,e=>({activeLabel:e.generation.shouldUseSymmetry?"Enabled":void 0}),Ge),Moe=()=>{const{t:e}=ye(),{activeLabel:t}=z(Roe);return ar("symmetry").isFeatureEnabled?i.jsx(Ro,{label:e("parameters.symmetry"),activeLabel:t,children:i.jsxs(F,{sx:{gap:2,flexDirection:"column"},children:[i.jsx(Ooe,{}),i.jsx(Ioe,{}),i.jsx(Eoe,{})]})}):null},ox=f.memo(Moe);function sx(){return i.jsxs(F,{sx:{flexDirection:"column",gap:2},children:[i.jsx(E8,{}),i.jsx(I8,{})]})}const Doe=fe([Xe],({generation:e,hotkeys:t,config:n})=>{const{initial:r,min:o,sliderMax:s,inputMax:a,fineStep:c,coarseStep:d}=n.sd.img2imgStrength,{img2imgStrength:p}=e,h=t.shift?c:d;return{img2imgStrength:p,initial:r,min:o,sliderMax:s,inputMax:a,step:h}},Ge),Aoe=()=>{const{img2imgStrength:e,initial:t,min:n,sliderMax:r,inputMax:o,step:s}=z(Doe),a=te(),{t:c}=ye(),d=f.useCallback(h=>a(Np(h)),[a]),p=f.useCallback(()=>{a(Np(t))},[a,t]);return i.jsx(_t,{label:`${c("parameters.denoisingStrength")}`,step:s,min:n,max:r,onChange:d,handleReset:p,value:e,isInteger:!1,withInput:!0,withSliderMarks:!0,withReset:!0,sliderNumberInputProps:{max:o}})},W8=f.memo(Aoe),Toe=fe([La,Di],(e,t)=>{const{shouldUseSliders:n}=e,{shouldRandomizeSeed:r}=t;return{shouldUseSliders:n,activeLabel:r?void 0:"Manual Seed"}},Ge),Noe=()=>{const{shouldUseSliders:e,activeLabel:t}=z(Toe);return i.jsx(Ro,{label:"General",activeLabel:t,defaultIsOpen:!0,children:i.jsxs(F,{sx:{flexDirection:"column",gap:3},children:[e?i.jsxs(i.Fragment,{children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Ec,{})]}):i.jsxs(i.Fragment,{children:[i.jsxs(F,{gap:3,children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{})]}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Ec,{})]}),i.jsx(W8,{}),i.jsx(T8,{})]})})},$oe=f.memo(Noe),V8=()=>i.jsxs(i.Fragment,{children:[i.jsx(sx,{}),i.jsx(Wd,{}),i.jsx($oe,{}),i.jsx(rx,{}),i.jsx(tx,{}),i.jsx(Fd,{}),i.jsx(Ym,{}),i.jsx(ox,{}),i.jsx(H8,{}),i.jsx(nx,{})]}),zoe=()=>{const e=te(),t=f.useRef(null),n=z(o=>o.generation.model),r=f.useCallback(()=>{t.current&&t.current.setLayout([50,50])},[]);return i.jsxs(F,{sx:{gap:4,w:"full",h:"full"},children:[i.jsx(ex,{children:n&&n.base_model==="sdxl"?i.jsx(N8,{}):i.jsx(V8,{})}),i.jsx(Ee,{sx:{w:"full",h:"full"},children:i.jsxs(Yy,{ref:t,autoSaveId:"imageTab.content",direction:"horizontal",style:{height:"100%",width:"100%"},children:[i.jsx(cd,{id:"imageTab.content.initImage",order:0,defaultSize:50,minSize:25,style:{position:"relative"},children:i.jsx(cte,{})}),i.jsx(z8,{onDoubleClick:r}),i.jsx(cd,{id:"imageTab.content.selectedImage",order:1,defaultSize:50,minSize:25,onResize:()=>{e(Co())},children:i.jsx(B8,{})})]})})]})},Loe=f.memo(zoe);var Boe=function e(t,n){if(t===n)return!0;if(t&&n&&typeof t=="object"&&typeof n=="object"){if(t.constructor!==n.constructor)return!1;var r,o,s;if(Array.isArray(t)){if(r=t.length,r!=n.length)return!1;for(o=r;o--!==0;)if(!e(t[o],n[o]))return!1;return!0}if(t.constructor===RegExp)return t.source===n.source&&t.flags===n.flags;if(t.valueOf!==Object.prototype.valueOf)return t.valueOf()===n.valueOf();if(t.toString!==Object.prototype.toString)return t.toString()===n.toString();if(s=Object.keys(t),r=s.length,r!==Object.keys(n).length)return!1;for(o=r;o--!==0;)if(!Object.prototype.hasOwnProperty.call(n,s[o]))return!1;for(o=r;o--!==0;){var a=s[o];if(!e(t[a],n[a]))return!1}return!0}return t!==t&&n!==n};const Lk=pd(Boe);function N1(e){return e===null||typeof e!="object"?{}:Object.keys(e).reduce((t,n)=>{const r=e[n];return r!=null&&r!==!1&&(t[n]=r),t},{})}var Foe=Object.defineProperty,Bk=Object.getOwnPropertySymbols,Hoe=Object.prototype.hasOwnProperty,Woe=Object.prototype.propertyIsEnumerable,Fk=(e,t,n)=>t in e?Foe(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Voe=(e,t)=>{for(var n in t||(t={}))Hoe.call(t,n)&&Fk(e,n,t[n]);if(Bk)for(var n of Bk(t))Woe.call(t,n)&&Fk(e,n,t[n]);return e};function U8(e,t){if(t===null||typeof t!="object")return{};const n=Voe({},t);return Object.keys(t).forEach(r=>{r.includes(`${String(e)}.`)&&delete n[r]}),n}const Uoe="__MANTINE_FORM_INDEX__";function Hk(e,t){return t?typeof t=="boolean"?t:Array.isArray(t)?t.includes(e.replace(/[.][0-9]/g,`.${Uoe}`)):!1:!1}function Wk(e,t,n){typeof n.value=="object"&&(n.value=Jl(n.value)),!n.enumerable||n.get||n.set||!n.configurable||!n.writable||t==="__proto__"?Object.defineProperty(e,t,n):e[t]=n.value}function Jl(e){if(typeof e!="object")return e;var t=0,n,r,o,s=Object.prototype.toString.call(e);if(s==="[object Object]"?o=Object.create(e.__proto__||null):s==="[object Array]"?o=Array(e.length):s==="[object Set]"?(o=new Set,e.forEach(function(a){o.add(Jl(a))})):s==="[object Map]"?(o=new Map,e.forEach(function(a,c){o.set(Jl(c),Jl(a))})):s==="[object Date]"?o=new Date(+e):s==="[object RegExp]"?o=new RegExp(e.source,e.flags):s==="[object DataView]"?o=new e.constructor(Jl(e.buffer)):s==="[object ArrayBuffer]"?o=e.slice(0):s.slice(-6)==="Array]"&&(o=new e.constructor(e)),o){for(r=Object.getOwnPropertySymbols(e);t0,errors:t}}function $1(e,t,n="",r={}){return typeof e!="object"||e===null?r:Object.keys(e).reduce((o,s)=>{const a=e[s],c=`${n===""?"":`${n}.`}${s}`,d=xa(c,t);let p=!1;return typeof a=="function"&&(o[c]=a(d,t,c)),typeof a=="object"&&Array.isArray(d)&&(p=!0,d.forEach((h,m)=>$1(a,t,`${c}.${m}`,o))),typeof a=="object"&&typeof d=="object"&&d!==null&&(p||$1(a,t,c,o)),o},r)}function z1(e,t){return Vk(typeof e=="function"?e(t):$1(e,t))}function bp(e,t,n){if(typeof e!="string")return{hasError:!1,error:null};const r=z1(t,n),o=Object.keys(r.errors).find(s=>e.split(".").every((a,c)=>a===s.split(".")[c]));return{hasError:!!o,error:o?r.errors[o]:null}}function Goe(e,{from:t,to:n},r){const o=xa(e,r);if(!Array.isArray(o))return r;const s=[...o],a=o[t];return s.splice(t,1),s.splice(n,0,a),ng(e,s,r)}var qoe=Object.defineProperty,Uk=Object.getOwnPropertySymbols,Koe=Object.prototype.hasOwnProperty,Xoe=Object.prototype.propertyIsEnumerable,Gk=(e,t,n)=>t in e?qoe(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,Yoe=(e,t)=>{for(var n in t||(t={}))Koe.call(t,n)&&Gk(e,n,t[n]);if(Uk)for(var n of Uk(t))Xoe.call(t,n)&&Gk(e,n,t[n]);return e};function Qoe(e,{from:t,to:n},r){const o=`${e}.${t}`,s=`${e}.${n}`,a=Yoe({},r);return Object.keys(r).every(c=>{let d,p;if(c.startsWith(o)&&(d=c,p=c.replace(o,s)),c.startsWith(s)&&(d=c.replace(s,o),p=c),d&&p){const h=a[d],m=a[p];return m===void 0?delete a[d]:a[d]=m,h===void 0?delete a[p]:a[p]=h,!1}return!0}),a}function Joe(e,t,n){const r=xa(e,n);return Array.isArray(r)?ng(e,r.filter((o,s)=>s!==t),n):n}var Zoe=Object.defineProperty,qk=Object.getOwnPropertySymbols,ese=Object.prototype.hasOwnProperty,tse=Object.prototype.propertyIsEnumerable,Kk=(e,t,n)=>t in e?Zoe(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,nse=(e,t)=>{for(var n in t||(t={}))ese.call(t,n)&&Kk(e,n,t[n]);if(qk)for(var n of qk(t))tse.call(t,n)&&Kk(e,n,t[n]);return e};function Xk(e,t){const n=e.substring(t.length+1).split(".")[0];return parseInt(n,10)}function Yk(e,t,n,r){if(t===void 0)return n;const o=`${String(e)}`;let s=n;r===-1&&(s=U8(`${o}.${t}`,s));const a=nse({},s),c=new Set;return Object.entries(s).filter(([d])=>{if(!d.startsWith(`${o}.`))return!1;const p=Xk(d,o);return Number.isNaN(p)?!1:p>=t}).forEach(([d,p])=>{const h=Xk(d,o),m=d.replace(`${o}.${h}`,`${o}.${h+r}`);a[m]=p,c.add(m),c.has(d)||delete a[d]}),a}function rse(e,t,n,r){const o=xa(e,r);if(!Array.isArray(o))return r;const s=[...o];return s.splice(typeof n=="number"?n:s.length,0,t),ng(e,s,r)}function Qk(e,t){const n=Object.keys(e);if(typeof t=="string"){const r=n.filter(o=>o.startsWith(`${t}.`));return e[t]||r.some(o=>e[o])||!1}return n.some(r=>e[r])}function ose(e){return t=>{if(!t)e(t);else if(typeof t=="function")e(t);else if(typeof t=="object"&&"nativeEvent"in t){const{currentTarget:n}=t;n instanceof HTMLInputElement?n.type==="checkbox"?e(n.checked):e(n.value):(n instanceof HTMLTextAreaElement||n instanceof HTMLSelectElement)&&e(n.value)}else e(t)}}var sse=Object.defineProperty,ase=Object.defineProperties,ise=Object.getOwnPropertyDescriptors,Jk=Object.getOwnPropertySymbols,lse=Object.prototype.hasOwnProperty,cse=Object.prototype.propertyIsEnumerable,Zk=(e,t,n)=>t in e?sse(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,ti=(e,t)=>{for(var n in t||(t={}))lse.call(t,n)&&Zk(e,n,t[n]);if(Jk)for(var n of Jk(t))cse.call(t,n)&&Zk(e,n,t[n]);return e},uv=(e,t)=>ase(e,ise(t));function xl({initialValues:e={},initialErrors:t={},initialDirty:n={},initialTouched:r={},clearInputErrorOnChange:o=!0,validateInputOnChange:s=!1,validateInputOnBlur:a=!1,transformValues:c=p=>p,validate:d}={}){const[p,h]=f.useState(r),[m,v]=f.useState(n),[b,w]=f.useState(e),[y,S]=f.useState(N1(t)),_=f.useRef(e),k=K=>{_.current=K},j=f.useCallback(()=>h({}),[]),I=K=>{const U=K?ti(ti({},b),K):b;k(U),v({})},E=f.useCallback(K=>S(U=>N1(typeof K=="function"?K(U):K)),[]),O=f.useCallback(()=>S({}),[]),R=f.useCallback(()=>{w(e),O(),k(e),v({}),j()},[]),M=f.useCallback((K,U)=>E(se=>uv(ti({},se),{[K]:U})),[]),A=f.useCallback(K=>E(U=>{if(typeof K!="string")return U;const se=ti({},U);return delete se[K],se}),[]),T=f.useCallback(K=>v(U=>{if(typeof K!="string")return U;const se=U8(K,U);return delete se[K],se}),[]),$=f.useCallback((K,U)=>{const se=Hk(K,s);T(K),h(re=>uv(ti({},re),{[K]:!0})),w(re=>{const oe=ng(K,U,re);if(se){const pe=bp(K,d,oe);pe.hasError?M(K,pe.error):A(K)}return oe}),!se&&o&&M(K,null)},[]),Q=f.useCallback(K=>{w(U=>{const se=typeof K=="function"?K(U):K;return ti(ti({},U),se)}),o&&O()},[]),B=f.useCallback((K,U)=>{T(K),w(se=>Goe(K,U,se)),S(se=>Qoe(K,U,se))},[]),V=f.useCallback((K,U)=>{T(K),w(se=>Joe(K,U,se)),S(se=>Yk(K,U,se,-1))},[]),q=f.useCallback((K,U,se)=>{T(K),w(re=>rse(K,U,se,re)),S(re=>Yk(K,se,re,1))},[]),G=f.useCallback(()=>{const K=z1(d,b);return S(K.errors),K},[b,d]),D=f.useCallback(K=>{const U=bp(K,d,b);return U.hasError?M(K,U.error):A(K),U},[b,d]),L=(K,{type:U="input",withError:se=!0,withFocus:re=!0}={})=>{const pe={onChange:ose(le=>$(K,le))};return se&&(pe.error=y[K]),U==="checkbox"?pe.checked=xa(K,b):pe.value=xa(K,b),re&&(pe.onFocus=()=>h(le=>uv(ti({},le),{[K]:!0})),pe.onBlur=()=>{if(Hk(K,a)){const le=bp(K,d,b);le.hasError?M(K,le.error):A(K)}}),pe},W=(K,U)=>se=>{se==null||se.preventDefault();const re=G();re.hasErrors?U==null||U(re.errors,b,se):K==null||K(c(b),se)},Y=K=>c(K||b),ae=f.useCallback(K=>{K.preventDefault(),R()},[]),be=K=>{if(K){const se=xa(K,m);if(typeof se=="boolean")return se;const re=xa(K,b),oe=xa(K,_.current);return!Lk(re,oe)}return Object.keys(m).length>0?Qk(m):!Lk(b,_.current)},ie=f.useCallback(K=>Qk(p,K),[p]),X=f.useCallback(K=>K?!bp(K,d,b).hasError:!z1(d,b).hasErrors,[b,d]);return{values:b,errors:y,setValues:Q,setErrors:E,setFieldValue:$,setFieldError:M,clearFieldError:A,clearErrors:O,reset:R,validate:G,validateField:D,reorderListItem:B,removeListItem:V,insertListItem:q,getInputProps:L,onSubmit:W,onReset:ae,isDirty:be,isTouched:ie,setTouched:h,setDirty:v,resetTouched:j,resetDirty:I,isValid:X,getTransformedValues:Y}}function br(e){const{...t}=e,{base50:n,base100:r,base200:o,base300:s,base800:a,base700:c,base900:d,accent500:p,accent300:h}=By(),{colorMode:m}=Ds();return i.jsx($E,{styles:()=>({input:{color:Fe(d,r)(m),backgroundColor:Fe(n,d)(m),borderColor:Fe(o,a)(m),borderWidth:2,outline:"none",":focus":{borderColor:Fe(h,p)(m)}},label:{color:Fe(c,s)(m),fontWeight:"normal",marginBottom:4}}),...t})}const use=[{value:"sd-1",label:hr["sd-1"]},{value:"sd-2",label:hr["sd-2"]},{value:"sdxl",label:hr.sdxl},{value:"sdxl-refiner",label:hr["sdxl-refiner"]}];function Ud(e){const{...t}=e,{t:n}=ye();return i.jsx(Xr,{label:n("modelManager.baseModel"),data:use,...t})}function q8(e){const{data:t}=e5(),{...n}=e;return i.jsx(Xr,{label:"Config File",placeholder:"Select A Config File",data:t||[],...n})}const dse=[{value:"normal",label:"Normal"},{value:"inpaint",label:"Inpaint"},{value:"depth",label:"Depth"}];function rg(e){const{...t}=e,{t:n}=ye();return i.jsx(Xr,{label:n("modelManager.variant"),data:dse,...t})}function K8(e){const{t}=ye(),n=te(),{model_path:r}=e,o=xl({initialValues:{model_name:r?r.split("\\").splice(-1)[0].split(".")[0]:"",base_model:"sd-1",model_type:"main",path:r||"",description:"",model_format:"checkpoint",error:void 0,vae:"",variant:"normal",config:"configs\\stable-diffusion\\v1-inference.yaml"}}),[s]=t5(),[a,c]=f.useState(!1),d=p=>{s({body:p}).unwrap().then(h=>{n(On(Mn({title:`Model Added: ${p.model_name}`,status:"success"}))),o.reset(),r&&n(gd(null))}).catch(h=>{h&&n(On(Mn({title:"Model Add Failed",status:"error"})))})};return i.jsx("form",{onSubmit:o.onSubmit(p=>d(p)),style:{width:"100%"},children:i.jsxs(F,{flexDirection:"column",gap:2,children:[i.jsx(br,{label:"Model Name",required:!0,...o.getInputProps("model_name")}),i.jsx(Ud,{...o.getInputProps("base_model")}),i.jsx(br,{label:"Model Location",required:!0,...o.getInputProps("path")}),i.jsx(br,{label:"Description",...o.getInputProps("description")}),i.jsx(br,{label:"VAE Location",...o.getInputProps("vae")}),i.jsx(rg,{...o.getInputProps("variant")}),i.jsxs(F,{flexDirection:"column",width:"100%",gap:2,children:[a?i.jsx(br,{required:!0,label:"Custom Config File Location",...o.getInputProps("config")}):i.jsx(q8,{required:!0,width:"100%",...o.getInputProps("config")}),i.jsx(Gn,{isChecked:a,onChange:()=>c(!a),label:"Use Custom Config"}),i.jsx(en,{mt:2,type:"submit",children:t("modelManager.addModel")})]})]})})}function X8(e){const{t}=ye(),n=te(),{model_path:r}=e,[o]=t5(),s=xl({initialValues:{model_name:r?r.split("\\").splice(-1)[0]:"",base_model:"sd-1",model_type:"main",path:r||"",description:"",model_format:"diffusers",error:void 0,vae:"",variant:"normal"}}),a=c=>{o({body:c}).unwrap().then(d=>{n(On(Mn({title:`Model Added: ${c.model_name}`,status:"success"}))),s.reset(),r&&n(gd(null))}).catch(d=>{d&&n(On(Mn({title:"Model Add Failed",status:"error"})))})};return i.jsx("form",{onSubmit:s.onSubmit(c=>a(c)),style:{width:"100%"},children:i.jsxs(F,{flexDirection:"column",gap:2,children:[i.jsx(br,{required:!0,label:"Model Name",...s.getInputProps("model_name")}),i.jsx(Ud,{...s.getInputProps("base_model")}),i.jsx(br,{required:!0,label:"Model Location",placeholder:"Provide the path to a local folder where your Diffusers Model is stored",...s.getInputProps("path")}),i.jsx(br,{label:"Description",...s.getInputProps("description")}),i.jsx(br,{label:"VAE Location",...s.getInputProps("vae")}),i.jsx(rg,{...s.getInputProps("variant")}),i.jsx(en,{mt:2,type:"submit",children:t("modelManager.addModel")})]})})}const Y8=[{label:"Diffusers",value:"diffusers"},{label:"Checkpoint / Safetensors",value:"checkpoint"}];function fse(){const[e,t]=f.useState("diffusers");return i.jsxs(F,{flexDirection:"column",gap:4,width:"100%",children:[i.jsx(Xr,{label:"Model Type",value:e,data:Y8,onChange:n=>{n&&t(n)}}),i.jsxs(F,{sx:{p:4,borderRadius:4,bg:"base.300",_dark:{bg:"base.850"}},children:[e==="diffusers"&&i.jsx(X8,{}),e==="checkpoint"&&i.jsx(K8,{})]})]})}const pse=[{label:"None",value:"none"},{label:"v_prediction",value:"v_prediction"},{label:"epsilon",value:"epsilon"},{label:"sample",value:"sample"}];function hse(){const e=te(),{t}=ye(),n=z(c=>c.system.isProcessing),[r,{isLoading:o}]=n5(),s=xl({initialValues:{location:"",prediction_type:void 0}}),a=c=>{const d={location:c.location,prediction_type:c.prediction_type==="none"?void 0:c.prediction_type};r({body:d}).unwrap().then(p=>{e(On(Mn({title:"Model Added",status:"success"}))),s.reset()}).catch(p=>{p&&(console.log(p),e(On(Mn({title:`${p.data.detail} `,status:"error"}))))})};return i.jsx("form",{onSubmit:s.onSubmit(c=>a(c)),style:{width:"100%"},children:i.jsxs(F,{flexDirection:"column",width:"100%",gap:4,children:[i.jsx(br,{label:"Model Location",placeholder:"Provide a path to a local Diffusers model, local checkpoint / safetensors model a HuggingFace Repo ID, or a checkpoint/diffusers model URL.",w:"100%",...s.getInputProps("location")}),i.jsx(Xr,{label:"Prediction Type (for Stable Diffusion 2.x Models only)",data:pse,defaultValue:"none",...s.getInputProps("prediction_type")}),i.jsx(en,{type:"submit",isLoading:o,isDisabled:o||n,children:t("modelManager.addModel")})]})})}function mse(){const[e,t]=f.useState("simple");return i.jsxs(F,{flexDirection:"column",width:"100%",overflow:"scroll",maxHeight:window.innerHeight-250,gap:4,children:[i.jsxs(nr,{isAttached:!0,children:[i.jsx(en,{size:"sm",isChecked:e=="simple",onClick:()=>t("simple"),children:"Simple"}),i.jsx(en,{size:"sm",isChecked:e=="advanced",onClick:()=>t("advanced"),children:"Advanced"})]}),i.jsxs(F,{sx:{p:4,borderRadius:4,background:"base.200",_dark:{background:"base.800"}},children:[e==="simple"&&i.jsx(hse,{}),e==="advanced"&&i.jsx(fse,{})]})]})}const gse={display:"flex",flexDirection:"row",alignItems:"center",gap:10},vse=e=>{const{label:t="",labelPos:n="top",isDisabled:r=!1,isInvalid:o,formControlProps:s,...a}=e,c=te(),d=f.useCallback(h=>{h.shiftKey&&c(Po(!0))},[c]),p=f.useCallback(h=>{h.shiftKey||c(Po(!1))},[c]);return i.jsxs(mo,{isInvalid:o,isDisabled:r,...s,style:n==="side"?gse:void 0,children:[t!==""&&i.jsx(Lo,{children:t}),i.jsx(Sd,{...a,onPaste:Jy,onKeyDown:d,onKeyUp:p})]})},Oc=f.memo(vse);function bse(e){const{...t}=e;return i.jsx(OI,{w:"100%",...t,children:e.children})}function yse(){const e=z(y=>y.modelmanager.searchFolder),[t,n]=f.useState(""),{data:r}=na(Gu),{foundModels:o,alreadyInstalled:s,filteredModels:a}=r5({search_path:e||""},{selectFromResult:({data:y})=>{const S=u9(r==null?void 0:r.entities),_=cs(S,"path"),k=i9(y,_),j=m9(y,_);return{foundModels:y,alreadyInstalled:e_(j,t),filteredModels:e_(k,t)}}}),[c,{isLoading:d}]=n5(),p=te(),{t:h}=ye(),m=f.useCallback(y=>{const S=y.currentTarget.id.split("\\").splice(-1)[0];c({body:{location:y.currentTarget.id}}).unwrap().then(_=>{p(On(Mn({title:`Added Model: ${S}`,status:"success"})))}).catch(_=>{_&&p(On(Mn({title:"Failed To Add Model",status:"error"})))})},[p,c]),v=f.useCallback(y=>{n(y.target.value)},[]),b=({models:y,showActions:S=!0})=>y.map(_=>i.jsxs(F,{sx:{p:4,gap:4,alignItems:"center",borderRadius:4,bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsxs(F,{w:"100%",sx:{flexDirection:"column",minW:"25%"},children:[i.jsx(Ye,{sx:{fontWeight:600},children:_.split("\\").slice(-1)[0]}),i.jsx(Ye,{sx:{fontSize:"sm",color:"base.600",_dark:{color:"base.400"}},children:_})]}),S?i.jsxs(F,{gap:2,children:[i.jsx(en,{id:_,onClick:m,isLoading:d,children:"Quick Add"}),i.jsx(en,{onClick:()=>p(gd(_)),isLoading:d,children:"Advanced"})]}):i.jsx(Ye,{sx:{fontWeight:600,p:2,borderRadius:4,color:"accent.50",bg:"accent.400",_dark:{color:"accent.100",bg:"accent.600"}},children:"Installed"})]},_));return(()=>e?!o||o.length===0?i.jsx(F,{sx:{w:"full",h:"full",justifyContent:"center",alignItems:"center",height:96,userSelect:"none",bg:"base.200",_dark:{bg:"base.900"}},children:i.jsx(Ye,{variant:"subtext",children:"No Models Found"})}):i.jsxs(F,{sx:{flexDirection:"column",gap:2,w:"100%",minW:"50%"},children:[i.jsx(Oc,{onChange:v,label:h("modelManager.search"),labelPos:"side"}),i.jsxs(F,{p:2,gap:2,children:[i.jsxs(Ye,{sx:{fontWeight:600},children:["Models Found: ",o.length]}),i.jsxs(Ye,{sx:{fontWeight:600,color:"accent.500",_dark:{color:"accent.200"}},children:["Not Installed: ",a.length]})]}),i.jsx(bse,{offsetScrollbars:!0,children:i.jsxs(F,{gap:2,flexDirection:"column",children:[b({models:a}),b({models:s,showActions:!1})]})})]}):null)()}const e_=(e,t)=>{const n=[];return Io(e,r=>{if(!r)return null;r.includes(t)&&n.push(r)}),n};function xse(){const e=z(a=>a.modelmanager.advancedAddScanModel),[t,n]=f.useState("diffusers"),[r,o]=f.useState(!0);f.useEffect(()=>{e&&[".ckpt",".safetensors",".pth",".pt"].some(a=>e.endsWith(a))?n("checkpoint"):n("diffusers")},[e,n,r]);const s=te();return e?i.jsxs(Ee,{as:Ir.div,initial:{x:-100,opacity:0},animate:{x:0,opacity:1,transition:{duration:.2}},sx:{display:"flex",flexDirection:"column",minWidth:"40%",maxHeight:window.innerHeight-300,overflow:"scroll",p:4,gap:4,borderRadius:4,bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsxs(F,{justifyContent:"space-between",alignItems:"center",children:[i.jsx(Ye,{size:"xl",fontWeight:600,children:r||t==="checkpoint"?"Add Checkpoint Model":"Add Diffusers Model"}),i.jsx(Le,{icon:i.jsx(IW,{}),"aria-label":"Close Advanced",onClick:()=>s(gd(null)),size:"sm"})]}),i.jsx(Xr,{label:"Model Type",value:t,data:Y8,onChange:a=>{a&&(n(a),o(a==="checkpoint"))}}),r?i.jsx(K8,{model_path:e},e):i.jsx(X8,{model_path:e},e)]}):null}function wse(){const e=te(),{t}=ye(),n=z(c=>c.modelmanager.searchFolder),{refetch:r}=r5({search_path:n||""}),o=xl({initialValues:{folder:""}}),s=f.useCallback(c=>{e(lw(c.folder))},[e]),a=()=>{r()};return i.jsx("form",{onSubmit:o.onSubmit(c=>s(c)),style:{width:"100%"},children:i.jsxs(F,{sx:{w:"100%",gap:2,borderRadius:4,alignItems:"center"},children:[i.jsxs(F,{w:"100%",alignItems:"center",gap:4,minH:12,children:[i.jsx(Ye,{sx:{fontSize:"sm",fontWeight:600,color:"base.700",minW:"max-content",_dark:{color:"base.300"}},children:"Folder"}),n?i.jsx(F,{sx:{w:"100%",p:2,px:4,bg:"base.300",borderRadius:4,fontSize:"sm",fontWeight:"bold",_dark:{bg:"base.700"}},children:n}):i.jsx(Oc,{w:"100%",size:"md",...o.getInputProps("folder")})]}),i.jsxs(F,{gap:2,children:[n?i.jsx(Le,{"aria-label":t("modelManager.scanAgain"),tooltip:t("modelManager.scanAgain"),icon:i.jsx(IP,{}),onClick:a,fontSize:18,size:"sm"}):i.jsx(Le,{"aria-label":t("modelManager.findModels"),tooltip:t("modelManager.findModels"),icon:i.jsx(kW,{}),fontSize:18,size:"sm",type:"submit"}),i.jsx(Le,{"aria-label":t("modelManager.clearCheckpointFolder"),tooltip:t("modelManager.clearCheckpointFolder"),icon:i.jsx(us,{}),size:"sm",onClick:()=>{e(lw(null)),e(gd(null))},isDisabled:!n,colorScheme:"red"})]})]})})}const Sse=f.memo(wse);function Cse(){return i.jsxs(F,{flexDirection:"column",w:"100%",gap:4,children:[i.jsx(Sse,{}),i.jsxs(F,{gap:4,children:[i.jsx(F,{sx:{maxHeight:window.innerHeight-300,overflow:"scroll",gap:4,w:"100%"},children:i.jsx(yse,{})}),i.jsx(xse,{})]})]})}function kse(){const[e,t]=f.useState("add"),{t:n}=ye();return i.jsxs(F,{flexDirection:"column",gap:4,children:[i.jsxs(nr,{isAttached:!0,children:[i.jsx(en,{onClick:()=>t("add"),isChecked:e=="add",size:"sm",width:"100%",children:n("modelManager.addModel")}),i.jsx(en,{onClick:()=>t("scan"),isChecked:e=="scan",size:"sm",width:"100%",children:n("modelManager.scanForModels")})]}),e=="add"&&i.jsx(mse,{}),e=="scan"&&i.jsx(Cse,{})]})}const _se=[{label:"Stable Diffusion 1",value:"sd-1"},{label:"Stable Diffusion 2",value:"sd-2"}];function Pse(){const{t:e}=ye(),t=te(),{data:n}=na(Gu),[r,{isLoading:o}]=PM(),[s,a]=f.useState("sd-1"),c=Sw(n==null?void 0:n.entities,(D,L)=>(D==null?void 0:D.model_format)==="diffusers"&&(D==null?void 0:D.base_model)==="sd-1"),d=Sw(n==null?void 0:n.entities,(D,L)=>(D==null?void 0:D.model_format)==="diffusers"&&(D==null?void 0:D.base_model)==="sd-2"),p=f.useMemo(()=>({"sd-1":c,"sd-2":d}),[c,d]),[h,m]=f.useState(Object.keys(p[s])[0]),[v,b]=f.useState(Object.keys(p[s])[1]),[w,y]=f.useState(null),[S,_]=f.useState(""),[k,j]=f.useState(.5),[I,E]=f.useState("weighted_sum"),[O,R]=f.useState("root"),[M,A]=f.useState(""),[T,$]=f.useState(!1),Q=Object.keys(p[s]).filter(D=>D!==v&&D!==w),B=Object.keys(p[s]).filter(D=>D!==h&&D!==w),V=Object.keys(p[s]).filter(D=>D!==h&&D!==v),q=D=>{a(D),m(null),b(null)},G=()=>{const D=[];let L=[h,v,w];L=L.filter(Y=>Y!==null),L.forEach(Y=>{Y&&D.push(Y==null?void 0:Y.split("/")[2])});const W={model_names:D,merged_model_name:S!==""?S:D.join("-"),alpha:k,interp:I,force:T,merge_dest_directory:O==="root"?void 0:M};r({base_model:s,body:W}).unwrap().then(Y=>{t(On(Mn({title:e("modelManager.modelsMerged"),status:"success"})))}).catch(Y=>{Y&&t(On(Mn({title:e("modelManager.modelsMergeFailed"),status:"error"})))})};return i.jsxs(F,{flexDirection:"column",rowGap:4,children:[i.jsxs(F,{sx:{flexDirection:"column",rowGap:1},children:[i.jsx(Ye,{children:e("modelManager.modelMergeHeaderHelp1")}),i.jsx(Ye,{fontSize:"sm",variant:"subtext",children:e("modelManager.modelMergeHeaderHelp2")})]}),i.jsxs(F,{columnGap:4,children:[i.jsx(Xr,{label:"Model Type",w:"100%",data:_se,value:s,onChange:q}),i.jsx(sr,{label:e("modelManager.modelOne"),w:"100%",value:h,placeholder:e("modelManager.selectModel"),data:Q,onChange:D=>m(D)}),i.jsx(sr,{label:e("modelManager.modelTwo"),w:"100%",placeholder:e("modelManager.selectModel"),value:v,data:B,onChange:D=>b(D)}),i.jsx(sr,{label:e("modelManager.modelThree"),data:V,w:"100%",placeholder:e("modelManager.selectModel"),clearable:!0,onChange:D=>{D?(y(D),E("weighted_sum")):(y(null),E("add_difference"))}})]}),i.jsx(Oc,{label:e("modelManager.mergedModelName"),value:S,onChange:D=>_(D.target.value)}),i.jsxs(F,{sx:{flexDirection:"column",padding:4,borderRadius:"base",gap:4,bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsx(_t,{label:e("modelManager.alpha"),min:.01,max:.99,step:.01,value:k,onChange:D=>j(D),withInput:!0,withReset:!0,handleReset:()=>j(.5),withSliderMarks:!0}),i.jsx(Ye,{variant:"subtext",fontSize:"sm",children:e("modelManager.modelMergeAlphaHelp")})]}),i.jsxs(F,{sx:{padding:4,borderRadius:"base",gap:4,bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsx(Ye,{fontWeight:500,fontSize:"sm",variant:"subtext",children:e("modelManager.interpolationType")}),i.jsx(Kp,{value:I,onChange:D=>E(D),children:i.jsx(F,{columnGap:4,children:w===null?i.jsxs(i.Fragment,{children:[i.jsx(ya,{value:"weighted_sum",children:i.jsx(Ye,{fontSize:"sm",children:e("modelManager.weightedSum")})}),i.jsx(ya,{value:"sigmoid",children:i.jsx(Ye,{fontSize:"sm",children:e("modelManager.sigmoid")})}),i.jsx(ya,{value:"inv_sigmoid",children:i.jsx(Ye,{fontSize:"sm",children:e("modelManager.inverseSigmoid")})})]}):i.jsx(ya,{value:"add_difference",children:i.jsx(wn,{label:e("modelManager.modelMergeInterpAddDifferenceHelp"),children:i.jsx(Ye,{fontSize:"sm",children:e("modelManager.addDifference")})})})})})]}),i.jsxs(F,{sx:{flexDirection:"column",padding:4,borderRadius:"base",gap:4,bg:"base.200",_dark:{bg:"base.900"}},children:[i.jsxs(F,{columnGap:4,children:[i.jsx(Ye,{fontWeight:"500",fontSize:"sm",variant:"subtext",children:e("modelManager.mergedModelSaveLocation")}),i.jsx(Kp,{value:O,onChange:D=>R(D),children:i.jsxs(F,{columnGap:4,children:[i.jsx(ya,{value:"root",children:i.jsx(Ye,{fontSize:"sm",children:e("modelManager.invokeAIFolder")})}),i.jsx(ya,{value:"custom",children:i.jsx(Ye,{fontSize:"sm",children:e("modelManager.custom")})})]})})]}),O==="custom"&&i.jsx(Oc,{label:e("modelManager.mergedModelCustomSaveLocation"),value:M,onChange:D=>A(D.target.value)})]}),i.jsx(Gn,{label:e("modelManager.ignoreMismatch"),isChecked:T,onChange:D=>$(D.target.checked),fontWeight:"500"}),i.jsx(en,{onClick:G,isLoading:o,isDisabled:h===null||v===null,children:e("modelManager.merge")})]})}const jse=Ae((e,t)=>{const{t:n}=ye(),{acceptButtonText:r=n("common.accept"),acceptCallback:o,cancelButtonText:s=n("common.cancel"),cancelCallback:a,children:c,title:d,triggerComponent:p}=e,{isOpen:h,onOpen:m,onClose:v}=ss(),b=f.useRef(null),w=()=>{o(),v()},y=()=>{a&&a(),v()};return i.jsxs(i.Fragment,{children:[f.cloneElement(p,{onClick:m,ref:t}),i.jsx(Id,{isOpen:h,leastDestructiveRef:b,onClose:v,isCentered:!0,children:i.jsx(Da,{children:i.jsxs(Ed,{children:[i.jsx(Ma,{fontSize:"lg",fontWeight:"bold",children:d}),i.jsx(Aa,{children:c}),i.jsxs(Ra,{children:[i.jsx(en,{ref:b,onClick:y,children:s}),i.jsx(en,{colorScheme:"error",onClick:w,ml:3,children:r})]})]})})})]})}),ax=f.memo(jse);function Ise(e){const{model:t}=e,n=te(),{t:r}=ye(),[o,{isLoading:s}]=jM(),[a,c]=f.useState("InvokeAIRoot"),[d,p]=f.useState("");f.useEffect(()=>{c("InvokeAIRoot")},[t]);const h=()=>{c("InvokeAIRoot")},m=()=>{const v={base_model:t.base_model,model_name:t.model_name,params:{convert_dest_directory:a==="Custom"?d:void 0}};if(a==="Custom"&&d===""){n(On(Mn({title:r("modelManager.noCustomLocationProvided"),status:"error"})));return}n(On(Mn({title:`${r("modelManager.convertingModelBegin")}: ${t.model_name}`,status:"success"}))),o(v).unwrap().then(b=>{n(On(Mn({title:`${r("modelManager.modelConverted")}: ${t.model_name}`,status:"success"})))}).catch(b=>{n(On(Mn({title:`${r("modelManager.modelConversionFailed")}: ${t.model_name}`,status:"error"})))})};return i.jsxs(ax,{title:`${r("modelManager.convert")} ${t.model_name}`,acceptCallback:m,cancelCallback:h,acceptButtonText:`${r("modelManager.convert")}`,triggerComponent:i.jsxs(en,{size:"sm","aria-label":r("modelManager.convertToDiffusers"),className:" modal-close-btn",isLoading:s,children:["🧨 ",r("modelManager.convertToDiffusers")]}),motionPreset:"slideInBottom",children:[i.jsxs(F,{flexDirection:"column",rowGap:4,children:[i.jsx(Ye,{children:r("modelManager.convertToDiffusersHelpText1")}),i.jsxs(Rb,{children:[i.jsx(wa,{children:r("modelManager.convertToDiffusersHelpText2")}),i.jsx(wa,{children:r("modelManager.convertToDiffusersHelpText3")}),i.jsx(wa,{children:r("modelManager.convertToDiffusersHelpText4")}),i.jsx(wa,{children:r("modelManager.convertToDiffusersHelpText5")})]}),i.jsx(Ye,{children:r("modelManager.convertToDiffusersHelpText6")})]}),i.jsxs(F,{flexDir:"column",gap:2,children:[i.jsxs(F,{marginTop:4,flexDir:"column",gap:2,children:[i.jsx(Ye,{fontWeight:"600",children:r("modelManager.convertToDiffusersSaveLocation")}),i.jsx(Kp,{value:a,onChange:v=>c(v),children:i.jsxs(F,{gap:4,children:[i.jsx(ya,{value:"InvokeAIRoot",children:i.jsx(wn,{label:"Save converted model in the InvokeAI root folder",children:r("modelManager.invokeRoot")})}),i.jsx(ya,{value:"Custom",children:i.jsx(wn,{label:"Save converted model in a custom folder",children:r("modelManager.custom")})})]})})]}),a==="Custom"&&i.jsxs(F,{flexDirection:"column",rowGap:2,children:[i.jsx(Ye,{fontWeight:"500",fontSize:"sm",variant:"subtext",children:r("modelManager.customSaveLocation")}),i.jsx(Oc,{value:d,onChange:v=>{p(v.target.value)},width:"full"})]})]})]})}function Ese(e){const t=z(Cr),{model:n}=e,[r,{isLoading:o}]=o5(),{data:s}=e5(),[a,c]=f.useState(!1);f.useEffect(()=>{s!=null&&s.includes(n.config)||c(!0)},[s,n.config]);const d=te(),{t:p}=ye(),h=xl({initialValues:{model_name:n.model_name?n.model_name:"",base_model:n.base_model,model_type:"main",path:n.path?n.path:"",description:n.description?n.description:"",model_format:"checkpoint",vae:n.vae?n.vae:"",config:n.config?n.config:"",variant:n.variant},validate:{path:v=>v.trim().length===0?"Must provide a path":null}}),m=f.useCallback(v=>{const b={base_model:n.base_model,model_name:n.model_name,body:v};r(b).unwrap().then(w=>{h.setValues(w),d(On(Mn({title:p("modelManager.modelUpdated"),status:"success"})))}).catch(w=>{h.reset(),d(On(Mn({title:p("modelManager.modelUpdateFailed"),status:"error"})))})},[h,d,n.base_model,n.model_name,p,r]);return i.jsxs(F,{flexDirection:"column",rowGap:4,width:"100%",children:[i.jsxs(F,{justifyContent:"space-between",alignItems:"center",children:[i.jsxs(F,{flexDirection:"column",children:[i.jsx(Ye,{fontSize:"lg",fontWeight:"bold",children:n.model_name}),i.jsxs(Ye,{fontSize:"sm",color:"base.400",children:[hr[n.base_model]," Model"]})]}),[""].includes(n.base_model)?i.jsx(hl,{sx:{p:2,borderRadius:4,bg:"error.200",_dark:{bg:"error.400"}},children:"Conversion Not Supported"}):i.jsx(Ise,{model:n})]}),i.jsx(Pi,{}),i.jsx(F,{flexDirection:"column",maxHeight:window.innerHeight-270,overflowY:"scroll",children:i.jsx("form",{onSubmit:h.onSubmit(v=>m(v)),children:i.jsxs(F,{flexDirection:"column",overflowY:"scroll",gap:4,children:[i.jsx(br,{label:p("modelManager.name"),...h.getInputProps("model_name")}),i.jsx(br,{label:p("modelManager.description"),...h.getInputProps("description")}),i.jsx(Ud,{required:!0,...h.getInputProps("base_model")}),i.jsx(rg,{required:!0,...h.getInputProps("variant")}),i.jsx(br,{required:!0,label:p("modelManager.modelLocation"),...h.getInputProps("path")}),i.jsx(br,{label:p("modelManager.vaeLocation"),...h.getInputProps("vae")}),i.jsxs(F,{flexDirection:"column",gap:2,children:[a?i.jsx(br,{required:!0,label:p("modelManager.config"),...h.getInputProps("config")}):i.jsx(q8,{required:!0,...h.getInputProps("config")}),i.jsx(Gn,{isChecked:a,onChange:()=>c(!a),label:"Use Custom Config"})]}),i.jsx(en,{type:"submit",isDisabled:t||o,isLoading:o,children:p("modelManager.updateModel")})]})})})]})}function Ose(e){const t=z(Cr),{model:n}=e,[r,{isLoading:o}]=o5(),s=te(),{t:a}=ye(),c=xl({initialValues:{model_name:n.model_name?n.model_name:"",base_model:n.base_model,model_type:"main",path:n.path?n.path:"",description:n.description?n.description:"",model_format:"diffusers",vae:n.vae?n.vae:"",variant:n.variant},validate:{path:p=>p.trim().length===0?"Must provide a path":null}}),d=f.useCallback(p=>{const h={base_model:n.base_model,model_name:n.model_name,body:p};r(h).unwrap().then(m=>{c.setValues(m),s(On(Mn({title:a("modelManager.modelUpdated"),status:"success"})))}).catch(m=>{c.reset(),s(On(Mn({title:a("modelManager.modelUpdateFailed"),status:"error"})))})},[c,s,n.base_model,n.model_name,a,r]);return i.jsxs(F,{flexDirection:"column",rowGap:4,width:"100%",children:[i.jsxs(F,{flexDirection:"column",children:[i.jsx(Ye,{fontSize:"lg",fontWeight:"bold",children:n.model_name}),i.jsxs(Ye,{fontSize:"sm",color:"base.400",children:[hr[n.base_model]," Model"]})]}),i.jsx(Pi,{}),i.jsx("form",{onSubmit:c.onSubmit(p=>d(p)),children:i.jsxs(F,{flexDirection:"column",overflowY:"scroll",gap:4,children:[i.jsx(br,{label:a("modelManager.name"),...c.getInputProps("model_name")}),i.jsx(br,{label:a("modelManager.description"),...c.getInputProps("description")}),i.jsx(Ud,{required:!0,...c.getInputProps("base_model")}),i.jsx(rg,{required:!0,...c.getInputProps("variant")}),i.jsx(br,{required:!0,label:a("modelManager.modelLocation"),...c.getInputProps("path")}),i.jsx(br,{label:a("modelManager.vaeLocation"),...c.getInputProps("vae")}),i.jsx(en,{type:"submit",isDisabled:t||o,isLoading:o,children:a("modelManager.updateModel")})]})})]})}function Rse(e){const t=z(Cr),{model:n}=e,[r,{isLoading:o}]=IM(),s=te(),{t:a}=ye(),c=xl({initialValues:{model_name:n.model_name?n.model_name:"",base_model:n.base_model,model_type:"lora",path:n.path?n.path:"",description:n.description?n.description:"",model_format:n.model_format},validate:{path:p=>p.trim().length===0?"Must provide a path":null}}),d=f.useCallback(p=>{const h={base_model:n.base_model,model_name:n.model_name,body:p};r(h).unwrap().then(m=>{c.setValues(m),s(On(Mn({title:a("modelManager.modelUpdated"),status:"success"})))}).catch(m=>{c.reset(),s(On(Mn({title:a("modelManager.modelUpdateFailed"),status:"error"})))})},[s,c,n.base_model,n.model_name,a,r]);return i.jsxs(F,{flexDirection:"column",rowGap:4,width:"100%",children:[i.jsxs(F,{flexDirection:"column",children:[i.jsx(Ye,{fontSize:"lg",fontWeight:"bold",children:n.model_name}),i.jsxs(Ye,{fontSize:"sm",color:"base.400",children:[hr[n.base_model]," Model ⋅"," ",EM[n.model_format]," format"]})]}),i.jsx(Pi,{}),i.jsx("form",{onSubmit:c.onSubmit(p=>d(p)),children:i.jsxs(F,{flexDirection:"column",overflowY:"scroll",gap:4,children:[i.jsx(br,{label:a("modelManager.name"),...c.getInputProps("model_name")}),i.jsx(br,{label:a("modelManager.description"),...c.getInputProps("description")}),i.jsx(Ud,{...c.getInputProps("base_model")}),i.jsx(br,{label:a("modelManager.modelLocation"),...c.getInputProps("path")}),i.jsx(en,{type:"submit",isDisabled:t||o,isLoading:o,children:a("modelManager.updateModel")})]})})]})}function dv(e){const t=z(Cr),{t:n}=ye(),r=te(),[o]=OM(),[s]=RM(),{model:a,isSelected:c,setSelectedModelId:d}=e,p=f.useCallback(()=>{d(a.id)},[a.id,d]),h=f.useCallback(()=>{const m={main:o,lora:s}[a.model_type];m(a).unwrap().then(v=>{r(On(Mn({title:`${n("modelManager.modelDeleted")}: ${a.model_name}`,status:"success"})))}).catch(v=>{v&&r(On(Mn({title:`${n("modelManager.modelDeleteFailed")}: ${a.model_name}`,status:"error"})))}),d(void 0)},[o,s,a,d,r,n]);return i.jsxs(F,{sx:{gap:2,alignItems:"center",w:"full"},children:[i.jsx(F,{as:en,isChecked:c,sx:{justifyContent:"start",p:2,borderRadius:"base",w:"full",alignItems:"center",bg:c?"accent.400":"base.100",color:c?"base.50":"base.800",_hover:{bg:c?"accent.500":"base.300",color:c?"base.50":"base.800"},_dark:{color:c?"base.50":"base.100",bg:c?"accent.600":"base.850",_hover:{color:c?"base.50":"base.100",bg:c?"accent.550":"base.700"}}},onClick:p,children:i.jsxs(F,{gap:4,alignItems:"center",children:[i.jsx(hl,{minWidth:14,p:.5,fontSize:"sm",variant:"solid",children:MM[a.base_model]}),i.jsx(wn,{label:a.description,hasArrow:!0,placement:"bottom",children:i.jsx(Ye,{sx:{fontWeight:500},children:a.model_name})})]})}),i.jsx(ax,{title:n("modelManager.deleteModel"),acceptCallback:h,acceptButtonText:n("modelManager.delete"),triggerComponent:i.jsx(Le,{icon:i.jsx(rU,{}),"aria-label":n("modelManager.deleteConfig"),isDisabled:t,colorScheme:"error"}),children:i.jsxs(F,{rowGap:4,flexDirection:"column",children:[i.jsx("p",{style:{fontWeight:"bold"},children:n("modelManager.deleteMsg1")}),i.jsx("p",{children:n("modelManager.deleteMsg2")})]})})]})}const Mse=e=>{const{selectedModelId:t,setSelectedModelId:n}=e,{t:r}=ye(),[o,s]=f.useState(""),[a,c]=f.useState("images"),{filteredDiffusersModels:d}=na(Gu,{selectFromResult:({data:v})=>({filteredDiffusersModels:fv(v,"main","diffusers",o)})}),{filteredCheckpointModels:p}=na(Gu,{selectFromResult:({data:v})=>({filteredCheckpointModels:fv(v,"main","checkpoint",o)})}),{filteredLoraModels:h}=om(void 0,{selectFromResult:({data:v})=>({filteredLoraModels:fv(v,"lora",void 0,o)})}),m=f.useCallback(v=>{s(v.target.value)},[]);return i.jsx(F,{flexDirection:"column",rowGap:4,width:"50%",minWidth:"50%",children:i.jsxs(F,{flexDirection:"column",gap:4,paddingInlineEnd:4,children:[i.jsxs(nr,{isAttached:!0,children:[i.jsx(en,{onClick:()=>c("images"),isChecked:a==="images",size:"sm",children:r("modelManager.allModels")}),i.jsx(en,{size:"sm",onClick:()=>c("diffusers"),isChecked:a==="diffusers",children:r("modelManager.diffusersModels")}),i.jsx(en,{size:"sm",onClick:()=>c("checkpoint"),isChecked:a==="checkpoint",children:r("modelManager.checkpointModels")}),i.jsx(en,{size:"sm",onClick:()=>c("lora"),isChecked:a==="lora",children:r("modelManager.loraModels")})]}),i.jsx(Oc,{onChange:m,label:r("modelManager.search"),labelPos:"side"}),i.jsxs(F,{flexDirection:"column",gap:4,maxHeight:window.innerHeight-280,overflow:"scroll",children:[["images","diffusers"].includes(a)&&d.length>0&&i.jsx(pv,{children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(Ye,{variant:"subtext",fontSize:"sm",children:"Diffusers"}),d.map(v=>i.jsx(dv,{model:v,isSelected:t===v.id,setSelectedModelId:n},v.id))]})}),["images","checkpoint"].includes(a)&&p.length>0&&i.jsx(pv,{children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(Ye,{variant:"subtext",fontSize:"sm",children:"Checkpoints"}),p.map(v=>i.jsx(dv,{model:v,isSelected:t===v.id,setSelectedModelId:n},v.id))]})}),["images","lora"].includes(a)&&h.length>0&&i.jsx(pv,{children:i.jsxs(F,{sx:{gap:2,flexDir:"column"},children:[i.jsx(Ye,{variant:"subtext",fontSize:"sm",children:"LoRAs"}),h.map(v=>i.jsx(dv,{model:v,isSelected:t===v.id,setSelectedModelId:n},v.id))]})})]})]})})},fv=(e,t,n,r)=>{const o=[];return Io(e==null?void 0:e.entities,s=>{if(!s)return;const a=s.model_name.toLowerCase().includes(r.toLowerCase()),c=n===void 0||s.model_format===n,d=s.model_type===t;a&&c&&d&&o.push(s)}),o},pv=e=>i.jsx(F,{flexDirection:"column",gap:4,borderRadius:4,p:4,sx:{bg:"base.200",_dark:{bg:"base.800"}},children:e.children});function Dse(){const[e,t]=f.useState(),{mainModel:n}=na(Gu,{selectFromResult:({data:s})=>({mainModel:e?s==null?void 0:s.entities[e]:void 0})}),{loraModel:r}=om(void 0,{selectFromResult:({data:s})=>({loraModel:e?s==null?void 0:s.entities[e]:void 0})}),o=n||r;return i.jsxs(F,{sx:{gap:8,w:"full",h:"full"},children:[i.jsx(Mse,{selectedModelId:e,setSelectedModelId:t}),i.jsx(Ase,{model:o})]})}const Ase=e=>{const{model:t}=e;return(t==null?void 0:t.model_format)==="checkpoint"?i.jsx(Ese,{model:t},t.id):(t==null?void 0:t.model_format)==="diffusers"?i.jsx(Ose,{model:t},t.id):(t==null?void 0:t.model_type)==="lora"?i.jsx(Rse,{model:t},t.id):i.jsx(F,{sx:{w:"full",h:"full",justifyContent:"center",alignItems:"center",maxH:96,userSelect:"none"},children:i.jsx(Ye,{variant:"subtext",children:"No Model Selected"})})};function Tse(){const{t:e}=ye();return i.jsxs(F,{sx:{w:"full",p:4,borderRadius:4,gap:4,justifyContent:"space-between",alignItems:"center",bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsxs(F,{sx:{flexDirection:"column",gap:2},children:[i.jsx(Ye,{sx:{fontWeight:600},children:e("modelManager.syncModels")}),i.jsx(Ye,{fontSize:"sm",sx:{_dark:{color:"base.400"}},children:e("modelManager.syncModelsDesc")})]}),i.jsx(Vd,{})]})}function Nse(){return i.jsx(F,{children:i.jsx(Tse,{})})}const t_=[{id:"modelManager",label:Bn.t("modelManager.modelManager"),content:i.jsx(Dse,{})},{id:"importModels",label:Bn.t("modelManager.importModels"),content:i.jsx(kse,{})},{id:"mergeModels",label:Bn.t("modelManager.mergeModels"),content:i.jsx(Pse,{})},{id:"settings",label:Bn.t("modelManager.settings"),content:i.jsx(Nse,{})}],$se=()=>i.jsxs(Rd,{isLazy:!0,variant:"line",layerStyle:"first",sx:{w:"full",h:"full",p:4,gap:4,borderRadius:"base"},children:[i.jsx(Md,{children:t_.map(e=>i.jsx(Sc,{sx:{borderTopRadius:"base"},children:e.label},e.id))}),i.jsx(jm,{sx:{w:"full",h:"full"},children:t_.map(e=>i.jsx(Pm,{sx:{w:"full",h:"full"},children:e.content},e.id))})]}),zse=f.memo($se);const Lse=e=>fe([t=>t.nodes],t=>{const n=t.invocationTemplates[e];if(n)return n},{memoizeOptions:{resultEqualityCheck:(t,n)=>t!==void 0&&n!==void 0&&t.type===n.type}}),Bse=(e,t)=>{const n={id:e,name:t.name,type:t.type};return t.inputRequirement!=="never"&&(t.type==="string"&&(n.value=t.default??""),t.type==="integer"&&(n.value=t.default??0),t.type==="float"&&(n.value=t.default??0),t.type==="boolean"&&(n.value=t.default??!1),t.type==="enum"&&(t.enumType==="number"&&(n.value=t.default??0),t.enumType==="string"&&(n.value=t.default??"")),t.type==="array"&&(n.value=t.default??1),t.type==="image"&&(n.value=void 0),t.type==="image_collection"&&(n.value=[]),t.type==="latents"&&(n.value=void 0),t.type==="conditioning"&&(n.value=void 0),t.type==="unet"&&(n.value=void 0),t.type==="clip"&&(n.value=void 0),t.type==="vae"&&(n.value=void 0),t.type==="control"&&(n.value=void 0),t.type==="model"&&(n.value=void 0),t.type==="refiner_model"&&(n.value=void 0),t.type==="vae_model"&&(n.value=void 0),t.type==="lora_model"&&(n.value=void 0),t.type==="controlnet_model"&&(n.value=void 0)),n},Fse=fe([e=>e.nodes],e=>e.invocationTemplates),ix="node-drag-handle",n_={dragHandle:`.${ix}`},Hse=()=>{const e=z(Fse),t=ab();return f.useCallback(n=>{if(n==="progress_image"){const{x:h,y:m}=t.project({x:window.innerWidth/2.5,y:window.innerHeight/8});return{...n_,id:"progress_image",type:"progress_image",position:{x:h,y:m},data:{}}}const r=e[n];if(r===void 0){console.error(`Unable to find template ${n}.`);return}const o=ui(),s=cw(r.inputs,(h,m,v)=>{const b=ui(),w=Bse(b,m);return h[v]=w,h},{}),a=cw(r.outputs,(h,m,v)=>{const w={id:ui(),name:v,type:m.type};return h[v]=w,h},{}),{x:c,y:d}=t.project({x:window.innerWidth/2.5,y:window.innerHeight/8});return{...n_,id:o,type:"invocation",position:{x:c,y:d},data:{id:o,type:n,inputs:s,outputs:a}}},[e,t])},Wse=e=>{const{nodeId:t,title:n,description:r}=e;return i.jsxs(F,{className:ix,sx:{borderTopRadius:"md",alignItems:"center",justifyContent:"space-between",px:2,py:1,bg:"base.100",_dark:{bg:"base.900"}},children:[i.jsx(wn,{label:t,children:i.jsx(Ys,{size:"xs",sx:{fontWeight:600,color:"base.900",_dark:{color:"base.200"}},children:n})}),i.jsx(wn,{label:r,placement:"top",hasArrow:!0,shouldWrapChildren:!0,children:i.jsx(no,{sx:{h:"min-content",color:"base.700",_dark:{color:"base.300"}},as:mW})})]})},Q8=f.memo(Wse),J8=()=>()=>!0,Vse={position:"absolute",width:"1rem",height:"1rem",borderWidth:0},Use={left:"-1rem"},Gse={right:"-0.5rem"},qse=e=>{const{field:t,isValidConnection:n,handleType:r,styles:o}=e,{name:s,type:a}=t;return i.jsx(wn,{label:a,placement:r==="target"?"start":"end",hasArrow:!0,openDelay:s5,children:i.jsx(DM,{type:r,id:s,isValidConnection:n,position:r==="target"?uw.Left:uw.Right,style:{backgroundColor:a5[a].colorCssVar,...o,...Vse,...r==="target"?Use:Gse}})})},Z8=f.memo(qse),Kse=e=>i.jsx(bW,{}),Xse=f.memo(Kse),Yse=e=>{const{nodeId:t,field:n}=e,r=te(),o=s=>{r(As({nodeId:t,fieldName:n.name,value:s.target.checked}))};return i.jsx(Yb,{onChange:o,isChecked:n.value})},Qse=f.memo(Yse),Jse=e=>null,Zse=f.memo(Jse);function og(){return(og=Object.assign||function(e){for(var t=1;t=0||(o[n]=e[n]);return o}function L1(e){var t=f.useRef(e),n=f.useRef(function(r){t.current&&t.current(r)});return t.current=e,n.current}var Rc=function(e,t,n){return t===void 0&&(t=0),n===void 0&&(n=1),e>n?n:e0:S.buttons>0)&&o.current?s(r_(o.current,S,c.current)):y(!1)},w=function(){return y(!1)};function y(S){var _=d.current,k=B1(o.current),j=S?k.addEventListener:k.removeEventListener;j(_?"touchmove":"mousemove",b),j(_?"touchend":"mouseup",w)}return[function(S){var _=S.nativeEvent,k=o.current;if(k&&(o_(_),!function(I,E){return E&&!Uu(I)}(_,d.current)&&k)){if(Uu(_)){d.current=!0;var j=_.changedTouches||[];j.length&&(c.current=j[0].identifier)}k.focus(),s(r_(k,_,c.current)),y(!0)}},function(S){var _=S.which||S.keyCode;_<37||_>40||(S.preventDefault(),a({left:_===39?.05:_===37?-.05:0,top:_===40?.05:_===38?-.05:0}))},y]},[a,s]),h=p[0],m=p[1],v=p[2];return f.useEffect(function(){return v},[v]),H.createElement("div",og({},r,{onTouchStart:h,onMouseDown:h,className:"react-colorful__interactive",ref:o,onKeyDown:m,tabIndex:0,role:"slider"}))}),sg=function(e){return e.filter(Boolean).join(" ")},cx=function(e){var t=e.color,n=e.left,r=e.top,o=r===void 0?.5:r,s=sg(["react-colorful__pointer",e.className]);return H.createElement("div",{className:s,style:{top:100*o+"%",left:100*n+"%"}},H.createElement("div",{className:"react-colorful__pointer-fill",style:{backgroundColor:t}}))},fo=function(e,t,n){return t===void 0&&(t=0),n===void 0&&(n=Math.pow(10,t)),Math.round(n*e)/n},tO=function(e){var t=e.s,n=e.v,r=e.a,o=(200-t)*n/100;return{h:fo(e.h),s:fo(o>0&&o<200?t*n/100/(o<=100?o:200-o)*100:0),l:fo(o/2),a:fo(r,2)}},F1=function(e){var t=tO(e);return"hsl("+t.h+", "+t.s+"%, "+t.l+"%)"},hv=function(e){var t=tO(e);return"hsla("+t.h+", "+t.s+"%, "+t.l+"%, "+t.a+")"},eae=function(e){var t=e.h,n=e.s,r=e.v,o=e.a;t=t/360*6,n/=100,r/=100;var s=Math.floor(t),a=r*(1-n),c=r*(1-(t-s)*n),d=r*(1-(1-t+s)*n),p=s%6;return{r:fo(255*[r,c,a,a,d,r][p]),g:fo(255*[d,r,r,c,a,a][p]),b:fo(255*[a,a,d,r,r,c][p]),a:fo(o,2)}},tae=function(e){var t=e.r,n=e.g,r=e.b,o=e.a,s=Math.max(t,n,r),a=s-Math.min(t,n,r),c=a?s===t?(n-r)/a:s===n?2+(r-t)/a:4+(t-n)/a:0;return{h:fo(60*(c<0?c+6:c)),s:fo(s?a/s*100:0),v:fo(s/255*100),a:o}},nae=H.memo(function(e){var t=e.hue,n=e.onChange,r=sg(["react-colorful__hue",e.className]);return H.createElement("div",{className:r},H.createElement(lx,{onMove:function(o){n({h:360*o.left})},onKey:function(o){n({h:Rc(t+360*o.left,0,360)})},"aria-label":"Hue","aria-valuenow":fo(t),"aria-valuemax":"360","aria-valuemin":"0"},H.createElement(cx,{className:"react-colorful__hue-pointer",left:t/360,color:F1({h:t,s:100,v:100,a:1})})))}),rae=H.memo(function(e){var t=e.hsva,n=e.onChange,r={backgroundColor:F1({h:t.h,s:100,v:100,a:1})};return H.createElement("div",{className:"react-colorful__saturation",style:r},H.createElement(lx,{onMove:function(o){n({s:100*o.left,v:100-100*o.top})},onKey:function(o){n({s:Rc(t.s+100*o.left,0,100),v:Rc(t.v-100*o.top,0,100)})},"aria-label":"Color","aria-valuetext":"Saturation "+fo(t.s)+"%, Brightness "+fo(t.v)+"%"},H.createElement(cx,{className:"react-colorful__saturation-pointer",top:1-t.v/100,left:t.s/100,color:F1(t)})))}),nO=function(e,t){if(e===t)return!0;for(var n in e)if(e[n]!==t[n])return!1;return!0};function oae(e,t,n){var r=L1(n),o=f.useState(function(){return e.toHsva(t)}),s=o[0],a=o[1],c=f.useRef({color:t,hsva:s});f.useEffect(function(){if(!e.equal(t,c.current.color)){var p=e.toHsva(t);c.current={hsva:p,color:t},a(p)}},[t,e]),f.useEffect(function(){var p;nO(s,c.current.hsva)||e.equal(p=e.fromHsva(s),c.current.color)||(c.current={hsva:s,color:p},r(p))},[s,e,r]);var d=f.useCallback(function(p){a(function(h){return Object.assign({},h,p)})},[]);return[s,d]}var sae=typeof window<"u"?f.useLayoutEffect:f.useEffect,aae=function(){return typeof __webpack_nonce__<"u"?__webpack_nonce__:void 0},s_=new Map,iae=function(e){sae(function(){var t=e.current?e.current.ownerDocument:document;if(t!==void 0&&!s_.has(t)){var n=t.createElement("style");n.innerHTML=`.react-colorful{position:relative;display:flex;flex-direction:column;width:200px;height:200px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;cursor:default}.react-colorful__saturation{position:relative;flex-grow:1;border-color:transparent;border-bottom:12px solid #000;border-radius:8px 8px 0 0;background-image:linear-gradient(0deg,#000,transparent),linear-gradient(90deg,#fff,hsla(0,0%,100%,0))}.react-colorful__alpha-gradient,.react-colorful__pointer-fill{content:"";position:absolute;left:0;top:0;right:0;bottom:0;pointer-events:none;border-radius:inherit}.react-colorful__alpha-gradient,.react-colorful__saturation{box-shadow:inset 0 0 0 1px rgba(0,0,0,.05)}.react-colorful__alpha,.react-colorful__hue{position:relative;height:24px}.react-colorful__hue{background:linear-gradient(90deg,red 0,#ff0 17%,#0f0 33%,#0ff 50%,#00f 67%,#f0f 83%,red)}.react-colorful__last-control{border-radius:0 0 8px 8px}.react-colorful__interactive{position:absolute;left:0;top:0;right:0;bottom:0;border-radius:inherit;outline:none;touch-action:none}.react-colorful__pointer{position:absolute;z-index:1;box-sizing:border-box;width:28px;height:28px;transform:translate(-50%,-50%);background-color:#fff;border:2px solid #fff;border-radius:50%;box-shadow:0 2px 4px rgba(0,0,0,.2)}.react-colorful__interactive:focus .react-colorful__pointer{transform:translate(-50%,-50%) scale(1.1)}.react-colorful__alpha,.react-colorful__alpha-pointer{background-color:#fff;background-image:url('data:image/svg+xml;charset=utf-8,')}.react-colorful__saturation-pointer{z-index:3}.react-colorful__hue-pointer{z-index:2}`,s_.set(t,n);var r=aae();r&&n.setAttribute("nonce",r),t.head.appendChild(n)}},[])},lae=function(e){var t=e.className,n=e.hsva,r=e.onChange,o={backgroundImage:"linear-gradient(90deg, "+hv(Object.assign({},n,{a:0}))+", "+hv(Object.assign({},n,{a:1}))+")"},s=sg(["react-colorful__alpha",t]),a=fo(100*n.a);return H.createElement("div",{className:s},H.createElement("div",{className:"react-colorful__alpha-gradient",style:o}),H.createElement(lx,{onMove:function(c){r({a:c.left})},onKey:function(c){r({a:Rc(n.a+c.left)})},"aria-label":"Alpha","aria-valuetext":a+"%","aria-valuenow":a,"aria-valuemin":"0","aria-valuemax":"100"},H.createElement(cx,{className:"react-colorful__alpha-pointer",left:n.a,color:hv(n)})))},cae=function(e){var t=e.className,n=e.colorModel,r=e.color,o=r===void 0?n.defaultColor:r,s=e.onChange,a=eO(e,["className","colorModel","color","onChange"]),c=f.useRef(null);iae(c);var d=oae(n,o,s),p=d[0],h=d[1],m=sg(["react-colorful",t]);return H.createElement("div",og({},a,{ref:c,className:m}),H.createElement(rae,{hsva:p,onChange:h}),H.createElement(nae,{hue:p.h,onChange:h}),H.createElement(lae,{hsva:p,onChange:h,className:"react-colorful__last-control"}))},uae={defaultColor:{r:0,g:0,b:0,a:1},toHsva:tae,fromHsva:eae,equal:nO},rO=function(e){return H.createElement(cae,og({},e,{colorModel:uae}))};const dae=e=>{const{nodeId:t,field:n}=e,r=te(),o=s=>{r(As({nodeId:t,fieldName:n.name,value:s}))};return i.jsx(rO,{className:"nodrag",color:n.value,onChange:o})},fae=f.memo(dae),pae=e=>null,hae=f.memo(pae),mae=e=>null,gae=f.memo(mae),vae=e=>{const{nodeId:t,field:n}=e,r=n.value,o=te(),{data:s}=sb(),a=f.useMemo(()=>(s==null?void 0:s.entities[`${r==null?void 0:r.base_model}/controlnet/${r==null?void 0:r.model_name}`])??null,[r==null?void 0:r.base_model,r==null?void 0:r.model_name,s==null?void 0:s.entities]),c=f.useMemo(()=>{if(!s)return[];const p=[];return Io(s.entities,(h,m)=>{h&&p.push({value:m,label:h.model_name,group:hr[h.base_model]})}),p},[s]),d=f.useCallback(p=>{if(!p)return;const h=F8(p);h&&o(As({nodeId:t,fieldName:n.name,value:h}))},[o,n.name,t]);return i.jsx(Xr,{tooltip:a==null?void 0:a.description,label:(a==null?void 0:a.base_model)&&hr[a==null?void 0:a.base_model],value:(a==null?void 0:a.id)??null,placeholder:"Pick one",error:!a,data:c,onChange:d})},bae=f.memo(vae),yae=e=>{const{nodeId:t,field:n,template:r}=e,o=te(),s=a=>{o(As({nodeId:t,fieldName:n.name,value:a.target.value}))};return i.jsx(R6,{onChange:s,value:n.value,children:r.options.map(a=>i.jsx("option",{children:a},a))})},xae=f.memo(yae),wae=e=>{var c;const{nodeId:t,field:n}=e,r={id:`node-${t}-${n.name}`,actionType:"SET_MULTI_NODES_IMAGE",context:{nodeId:t,fieldName:n.name}},{isOver:o,setNodeRef:s,active:a}=X1({id:`node_${t}`,data:r});return i.jsxs(F,{ref:s,sx:{w:"full",h:"full",alignItems:"center",justifyContent:"center",position:"relative",minH:"10rem"},children:[(c=n.value)==null?void 0:c.map(({image_name:d})=>i.jsx(Cae,{imageName:d},d)),Rp(r,a)&&i.jsx(oh,{isOver:o})]})},Sae=f.memo(wae),Cae=e=>{const{currentData:t}=os(e.imageName);return i.jsx(yi,{imageDTO:t,isDropDisabled:!0,isDragDisabled:!0})},kae=e=>{var p;const{nodeId:t,field:n}=e,r=te(),{currentData:o}=os(((p=n.value)==null?void 0:p.image_name)??oo.skipToken),s=f.useCallback(()=>{r(As({nodeId:t,fieldName:n.name,value:void 0}))},[r,n.name,t]),a=f.useMemo(()=>{if(o)return{id:`node-${t}-${n.name}`,payloadType:"IMAGE_DTO",payload:{imageDTO:o}}},[n.name,o,t]),c=f.useMemo(()=>({id:`node-${t}-${n.name}`,actionType:"SET_NODES_IMAGE",context:{nodeId:t,fieldName:n.name}}),[n.name,t]),d=f.useMemo(()=>({type:"SET_NODES_IMAGE",nodeId:t,fieldName:n.name}),[t,n.name]);return i.jsx(F,{sx:{w:"full",h:"full",alignItems:"center",justifyContent:"center"},children:i.jsx(yi,{imageDTO:o,droppableData:c,draggableData:a,onClickReset:s,postUploadAction:d})})},_ae=f.memo(kae),Pae=e=>i.jsx(KH,{}),a_=f.memo(Pae),jae=e=>null,Iae=f.memo(jae),Eae=e=>{const t=rm("models"),[n,r,o]=e.split("/"),s=AM.safeParse({base_model:n,model_name:o});if(!s.success){t.error({loraModelId:e,errors:s.error.format()},"Failed to parse LoRA model id");return}return s.data},Oae=e=>{const{nodeId:t,field:n}=e,r=n.value,o=te(),{data:s}=om(),a=f.useMemo(()=>{if(!s)return[];const p=[];return Io(s.entities,(h,m)=>{h&&p.push({value:m,label:h.model_name,group:hr[h.base_model]})}),p.sort((h,m)=>h.disabled&&!m.disabled?1:-1)},[s]),c=f.useMemo(()=>(s==null?void 0:s.entities[`${r==null?void 0:r.base_model}/lora/${r==null?void 0:r.model_name}`])??null,[s==null?void 0:s.entities,r==null?void 0:r.base_model,r==null?void 0:r.model_name]),d=f.useCallback(p=>{if(!p)return;const h=Eae(p);h&&o(As({nodeId:t,fieldName:n.name,value:h}))},[o,n.name,t]);return(s==null?void 0:s.ids.length)===0?i.jsx(F,{sx:{justifyContent:"center",p:2},children:i.jsx(Ye,{sx:{fontSize:"sm",color:"base.500",_dark:"base.700"},children:"No LoRAs Loaded"})}):i.jsx(sr,{value:(c==null?void 0:c.id)??null,label:(c==null?void 0:c.base_model)&&hr[c==null?void 0:c.base_model],placeholder:a.length>0?"Select a LoRA":"No LoRAs available",data:a,nothingFound:"No matching LoRAs",itemComponent:Ri,disabled:a.length===0,filter:(p,h)=>{var m;return((m=h.label)==null?void 0:m.toLowerCase().includes(p.toLowerCase().trim()))||h.value.toLowerCase().includes(p.toLowerCase().trim())},onChange:d})},Rae=f.memo(Oae),Mae=e=>{var m,v;const{nodeId:t,field:n}=e,r=te(),{t:o}=ye(),s=ar("syncModels").isFeatureEnabled,{data:a,isLoading:c}=na(rb),d=f.useMemo(()=>{if(!a)return[];const b=[];return Io(a.entities,(w,y)=>{w&&b.push({value:y,label:w.model_name,group:hr[w.base_model]})}),b},[a]),p=f.useMemo(()=>{var b,w;return(a==null?void 0:a.entities[`${(b=n.value)==null?void 0:b.base_model}/main/${(w=n.value)==null?void 0:w.model_name}`])??null},[(m=n.value)==null?void 0:m.base_model,(v=n.value)==null?void 0:v.model_name,a==null?void 0:a.entities]),h=f.useCallback(b=>{if(!b)return;const w=tg(b);w&&r(As({nodeId:t,fieldName:n.name,value:w}))},[r,n.name,t]);return c?i.jsx(sr,{label:o("modelManager.model"),placeholder:"Loading...",disabled:!0,data:[]}):i.jsxs(F,{w:"100%",alignItems:"center",gap:2,children:[i.jsx(sr,{tooltip:p==null?void 0:p.description,label:(p==null?void 0:p.base_model)&&hr[p==null?void 0:p.base_model],value:p==null?void 0:p.id,placeholder:d.length>0?"Select a model":"No models available",data:d,error:d.length===0,disabled:d.length===0,onChange:h}),s&&i.jsx(Ee,{mt:7,children:i.jsx(Vd,{iconMode:!0})})]})},Dae=f.memo(Mae),Aae=e=>{const{nodeId:t,field:n}=e,r=te(),[o,s]=f.useState(String(n.value)),a=c=>{s(c),c.match(Yh)||r(As({nodeId:t,fieldName:n.name,value:e.template.type==="integer"?Math.floor(Number(c)):Number(c)}))};return f.useEffect(()=>{!o.match(Yh)&&n.value!==Number(o)&&s(String(n.value))},[n.value,o]),i.jsxs(hm,{onChange:a,value:o,step:e.template.type==="integer"?1:.1,precision:e.template.type==="integer"?0:3,children:[i.jsx(gm,{}),i.jsxs(mm,{children:[i.jsx(bm,{}),i.jsx(vm,{})]})]})},Tae=f.memo(Aae),Nae=e=>{const{nodeId:t,field:n}=e,r=te(),o=s=>{r(As({nodeId:t,fieldName:n.name,value:s.target.value}))};return["prompt","style"].includes(n.name.toLowerCase())?i.jsx(Qb,{onChange:o,value:n.value,rows:2}):i.jsx(Sd,{onChange:o,value:n.value})},$ae=f.memo(Nae),zae=e=>null,Lae=f.memo(zae),Bae=e=>null,Fae=f.memo(Bae),Hae=e=>{const{nodeId:t,field:n}=e,r=n.value,o=te(),{data:s}=K_(),a=f.useMemo(()=>{if(!s)return[];const p=[{value:"default",label:"Default",group:"Default"}];return Io(s.entities,(h,m)=>{h&&p.push({value:m,label:h.model_name,group:hr[h.base_model]})}),p.sort((h,m)=>h.disabled&&!m.disabled?1:-1)},[s]),c=f.useMemo(()=>(s==null?void 0:s.entities[`${r==null?void 0:r.base_model}/vae/${r==null?void 0:r.model_name}`])??null,[s==null?void 0:s.entities,r]),d=f.useCallback(p=>{if(!p)return;const h=D8(p);h&&o(As({nodeId:t,fieldName:n.name,value:h}))},[o,n.name,t]);return i.jsx(sr,{itemComponent:Ri,tooltip:c==null?void 0:c.description,label:(c==null?void 0:c.base_model)&&hr[c==null?void 0:c.base_model],value:(c==null?void 0:c.id)??"default",placeholder:"Default",data:a,onChange:d,disabled:a.length===0,clearable:!0})},Wae=f.memo(Hae),Vae=e=>{var m,v;const{nodeId:t,field:n}=e,r=te(),{t:o}=ye(),s=ar("syncModels").isFeatureEnabled,{data:a,isLoading:c}=na(ob),d=f.useMemo(()=>{if(!a)return[];const b=[];return Io(a.entities,(w,y)=>{w&&b.push({value:y,label:w.model_name,group:hr[w.base_model]})}),b},[a]),p=f.useMemo(()=>{var b,w;return(a==null?void 0:a.entities[`${(b=n.value)==null?void 0:b.base_model}/main/${(w=n.value)==null?void 0:w.model_name}`])??null},[(m=n.value)==null?void 0:m.base_model,(v=n.value)==null?void 0:v.model_name,a==null?void 0:a.entities]),h=f.useCallback(b=>{if(!b)return;const w=tg(b);w&&r(As({nodeId:t,fieldName:n.name,value:w}))},[r,n.name,t]);return c?i.jsx(sr,{label:o("modelManager.model"),placeholder:"Loading...",disabled:!0,data:[]}):i.jsxs(F,{w:"100%",alignItems:"center",gap:2,children:[i.jsx(sr,{tooltip:p==null?void 0:p.description,label:(p==null?void 0:p.base_model)&&hr[p==null?void 0:p.base_model],value:p==null?void 0:p.id,placeholder:d.length>0?"Select a model":"No models available",data:d,error:d.length===0,disabled:d.length===0,onChange:h}),s&&i.jsx(Ee,{mt:7,children:i.jsx(Vd,{iconMode:!0})})]})},Uae=f.memo(Vae),Gae=e=>{const{nodeId:t,field:n,template:r}=e,{type:o}=n;return o==="string"&&r.type==="string"?i.jsx($ae,{nodeId:t,field:n,template:r}):o==="boolean"&&r.type==="boolean"?i.jsx(Qse,{nodeId:t,field:n,template:r}):o==="integer"&&r.type==="integer"||o==="float"&&r.type==="float"?i.jsx(Tae,{nodeId:t,field:n,template:r}):o==="enum"&&r.type==="enum"?i.jsx(xae,{nodeId:t,field:n,template:r}):o==="image"&&r.type==="image"?i.jsx(_ae,{nodeId:t,field:n,template:r}):o==="latents"&&r.type==="latents"?i.jsx(Iae,{nodeId:t,field:n,template:r}):o==="conditioning"&&r.type==="conditioning"?i.jsx(hae,{nodeId:t,field:n,template:r}):o==="unet"&&r.type==="unet"?i.jsx(Lae,{nodeId:t,field:n,template:r}):o==="clip"&&r.type==="clip"?i.jsx(Zse,{nodeId:t,field:n,template:r}):o==="vae"&&r.type==="vae"?i.jsx(Fae,{nodeId:t,field:n,template:r}):o==="control"&&r.type==="control"?i.jsx(gae,{nodeId:t,field:n,template:r}):o==="model"&&r.type==="model"?i.jsx(Dae,{nodeId:t,field:n,template:r}):o==="refiner_model"&&r.type==="refiner_model"?i.jsx(Uae,{nodeId:t,field:n,template:r}):o==="vae_model"&&r.type==="vae_model"?i.jsx(Wae,{nodeId:t,field:n,template:r}):o==="lora_model"&&r.type==="lora_model"?i.jsx(Rae,{nodeId:t,field:n,template:r}):o==="controlnet_model"&&r.type==="controlnet_model"?i.jsx(bae,{nodeId:t,field:n,template:r}):o==="array"&&r.type==="array"?i.jsx(Xse,{nodeId:t,field:n,template:r}):o==="item"&&r.type==="item"?i.jsx(a_,{nodeId:t,field:n,template:r}):o==="color"&&r.type==="color"?i.jsx(fae,{nodeId:t,field:n,template:r}):o==="item"&&r.type==="item"?i.jsx(a_,{nodeId:t,field:n,template:r}):o==="image_collection"&&r.type==="image_collection"?i.jsx(Sae,{nodeId:t,field:n,template:r}):i.jsxs(Ee,{p:2,children:["Unknown field type: ",o]})},qae=f.memo(Gae);function Kae(e){const{nodeId:t,input:n,template:r,connected:o}=e,s=J8();return i.jsx(Ee,{className:"nopan",position:"relative",borderColor:r?!o&&["always","connectionOnly"].includes(String(r==null?void 0:r.inputRequirement))&&n.value===void 0?"warning.400":void 0:"error.400",children:i.jsx(mo,{isDisabled:r?o:!0,pl:2,children:r?i.jsxs(i.Fragment,{children:[i.jsxs(di,{justifyContent:"space-between",alignItems:"center",children:[i.jsx(di,{children:i.jsx(wn,{label:r==null?void 0:r.description,placement:"top",hasArrow:!0,shouldWrapChildren:!0,openDelay:s5,children:i.jsx(Lo,{children:r==null?void 0:r.title})})}),i.jsx(qae,{nodeId:t,field:n,template:r})]}),!["never","directOnly"].includes((r==null?void 0:r.inputRequirement)??"")&&i.jsx(Z8,{nodeId:t,field:r,isValidConnection:s,handleType:"target"})]}):i.jsx(di,{justifyContent:"space-between",alignItems:"center",children:i.jsxs(Lo,{children:["Unknown input: ",n.name]})})})})}const Xae=e=>{const{nodeId:t,template:n,inputs:r}=e,o=z(a=>a.nodes.edges);return f.useCallback(()=>{const a=[],c=cs(r);return c.forEach((d,p)=>{const h=n.inputs[d.name],m=!!o.filter(v=>v.target===t&&v.targetHandle===d.name).length;p{const{nodeId:t,template:n,outputs:r}=e,o=z(a=>a.nodes.edges);return f.useCallback(()=>{const a=[];return cs(r).forEach(d=>{const p=n.outputs[d.name],h=!!o.filter(m=>m.source===t&&m.sourceHandle===d.name).length;a.push(i.jsx(Qae,{nodeId:t,output:d,template:p,connected:h},d.id))}),i.jsx(F,{flexDir:"column",children:a})},[o,t,r,n.outputs])()},Zae=f.memo(Jae),eie=e=>{const{...t}=e;return i.jsx(V9,{style:{position:"absolute",border:"none",background:"transparent",width:15,height:15,bottom:0,right:0},minWidth:i5,...t})},H1=f.memo(eie),W1=e=>{const[t,n]=Ac("shadows",["nodeSelectedOutline","dark-lg"]),r=z(o=>o.hotkeys.shift);return i.jsx(Ee,{className:r?ix:"nopan",sx:{position:"relative",borderRadius:"md",minWidth:i5,shadow:e.selected?`${t}, ${n}`:`${n}`},children:e.children})},oO=f.memo(e=>{const{id:t,data:n,selected:r}=e,{type:o,inputs:s,outputs:a}=n,c=f.useMemo(()=>Lse(o),[o]),d=z(c);return d?i.jsxs(W1,{selected:r,children:[i.jsx(Q8,{nodeId:t,title:d.title,description:d.description}),i.jsxs(F,{className:"nopan",sx:{cursor:"auto",flexDirection:"column",borderBottomRadius:"md",py:2,bg:"base.150",_dark:{bg:"base.800"}},children:[i.jsx(Zae,{nodeId:t,outputs:a,template:d}),i.jsx(Yae,{nodeId:t,inputs:s,template:d})]}),i.jsx(H1,{})]}):i.jsx(W1,{selected:r,children:i.jsxs(F,{className:"nopan",sx:{alignItems:"center",justifyContent:"center",cursor:"auto"},children:[i.jsx(no,{as:yP,sx:{boxSize:32,color:"base.600",_dark:{color:"base.400"}}}),i.jsx(H1,{})]})})});oO.displayName="InvocationComponent";const tie=e=>{const t=dw(a=>a.system.progressImage),n=dw(a=>a.nodes.progressNodeSize),r=TM(),{selected:o}=e,s=(a,c)=>{r(NM(c))};return i.jsxs(W1,{selected:o,children:[i.jsx(Q8,{title:"Progress Image",description:"Displays the progress image in the Node Editor"}),i.jsx(F,{sx:{flexDirection:"column",flexShrink:0,borderBottomRadius:"md",bg:"base.200",_dark:{bg:"base.800"},width:n.width-2,height:n.height-2,minW:250,minH:250,overflow:"hidden"},children:t?i.jsx(Tc,{src:t.dataURL,sx:{w:"full",h:"full",objectFit:"contain"}}):i.jsx(F,{sx:{minW:250,minH:250,width:n.width-2,height:n.height-2},children:i.jsx(mi,{})})}),i.jsx(H1,{onResize:s})]})},nie=f.memo(tie),rie=()=>{const{t:e}=ye(),{zoomIn:t,zoomOut:n,fitView:r}=ab(),o=te(),s=z(w=>w.nodes.shouldShowGraphOverlay),a=z(w=>w.nodes.shouldShowFieldTypeLegend),c=z(w=>w.nodes.shouldShowMinimapPanel),d=f.useCallback(()=>{t()},[t]),p=f.useCallback(()=>{n()},[n]),h=f.useCallback(()=>{r()},[r]),m=f.useCallback(()=>{o($M(!s))},[s,o]),v=f.useCallback(()=>{o(zM(!a))},[a,o]),b=f.useCallback(()=>{o(LM(!c))},[c,o]);return i.jsxs(nr,{isAttached:!0,orientation:"vertical",children:[i.jsx(wn,{label:e("nodes.zoomInNodes"),children:i.jsx(Le,{"aria-label":"Zoom in ",onClick:d,icon:i.jsx(ml,{})})}),i.jsx(wn,{label:e("nodes.zoomOutNodes"),children:i.jsx(Le,{"aria-label":"Zoom out",onClick:p,icon:i.jsx(wW,{})})}),i.jsx(wn,{label:e("nodes.fitViewportNodes"),children:i.jsx(Le,{"aria-label":"Fit viewport",onClick:h,icon:i.jsx(lW,{})})}),i.jsx(wn,{label:e(s?"nodes.hideGraphNodes":"nodes.showGraphNodes"),children:i.jsx(Le,{"aria-label":"Toggle nodes graph overlay",isChecked:s,onClick:m,icon:i.jsx(ey,{})})}),i.jsx(wn,{label:e(a?"nodes.hideLegendNodes":"nodes.showLegendNodes"),children:i.jsx(Le,{"aria-label":"Toggle field type legend",isChecked:a,onClick:v,icon:i.jsx(gW,{})})}),i.jsx(wn,{label:e(c?"nodes.hideMinimapnodes":"nodes.showMinimapnodes"),children:i.jsx(Le,{"aria-label":"Toggle minimap",isChecked:c,onClick:b,icon:i.jsx(yW,{})})})]})},oie=f.memo(rie),sie=()=>i.jsx(dd,{position:"bottom-left",children:i.jsx(oie,{})}),aie=f.memo(sie),iie=()=>{const e=yp({background:"var(--invokeai-colors-base-200)"},{background:"var(--invokeai-colors-base-500)"}),t=z(o=>o.nodes.shouldShowMinimapPanel),n=yp("var(--invokeai-colors-accent-300)","var(--invokeai-colors-accent-700)"),r=yp("var(--invokeai-colors-blackAlpha-300)","var(--invokeai-colors-blackAlpha-600)");return i.jsx(i.Fragment,{children:t&&i.jsx(A9,{nodeStrokeWidth:3,pannable:!0,zoomable:!0,nodeBorderRadius:30,style:e,nodeColor:n,maskColor:r})})},lie=f.memo(iie),cie=()=>{const{t:e}=ye(),t=te(),{isOpen:n,onOpen:r,onClose:o}=ss(),s=f.useRef(null),a=z(d=>d.nodes.nodes),c=f.useCallback(()=>{t(BM()),t(On(Mn({title:e("toast.nodesCleared"),status:"success"}))),o()},[t,e,o]);return i.jsxs(i.Fragment,{children:[i.jsx(Le,{icon:i.jsx(us,{}),tooltip:e("nodes.clearGraph"),"aria-label":e("nodes.clearGraph"),onClick:r,isDisabled:a.length===0}),i.jsxs(Id,{isOpen:n,onClose:o,leastDestructiveRef:s,isCentered:!0,children:[i.jsx(Da,{}),i.jsxs(Ed,{children:[i.jsx(Ma,{fontSize:"lg",fontWeight:"bold",children:e("nodes.clearGraph")}),i.jsx(Aa,{children:i.jsx(Ye,{children:e("nodes.clearGraphDesc")})}),i.jsxs(Ra,{children:[i.jsx(vc,{ref:s,onClick:o,children:e("common.cancel")}),i.jsx(vc,{colorScheme:"red",ml:3,onClick:c,children:e("common.accept")})]})]})]})]})},uie=f.memo(cie);function die(e){const t=["nodes","edges","viewport"];for(const s of t)if(!(s in e))return{isValid:!1,message:Bn.t("toast.nodesNotValidGraph")};if(!Array.isArray(e.nodes)||!Array.isArray(e.edges))return{isValid:!1,message:Bn.t("toast.nodesNotValidGraph")};const n=["data","type"],r=["invocation","progress_image"];if(e.nodes.length>0)for(const s of e.nodes)for(const a of n){if(!(a in s))return{isValid:!1,message:Bn.t("toast.nodesNotValidGraph")};if(a==="type"&&!r.includes(s[a]))return{isValid:!1,message:Bn.t("toast.nodesUnrecognizedTypes")}}const o=["source","sourceHandle","target","targetHandle"];if(e.edges.length>0){for(const s of e.edges)for(const a of o)if(!(a in s))return{isValid:!1,message:Bn.t("toast.nodesBrokenConnections")}}return{isValid:!0,message:Bn.t("toast.nodesLoaded")}}const fie=()=>{const{t:e}=ye(),t=te(),{fitView:n}=ab(),r=f.useRef(null),o=f.useCallback(s=>{var c;if(!s)return;const a=new FileReader;a.onload=async()=>{const d=a.result;try{const p=await JSON.parse(String(d)),{isValid:h,message:m}=die(p);h?(t(FM(p.nodes)),t(HM(p.edges)),n(),t(On(Mn({title:m,status:"success"})))):t(On(Mn({title:m,status:"error"}))),a.abort()}catch(p){p&&t(On(Mn({title:e("toast.nodesNotValidJSON"),status:"error"})))}},a.readAsText(s),(c=r.current)==null||c.call(r)},[n,t,e]);return i.jsx(wE,{resetRef:r,accept:"application/json",onChange:o,children:s=>i.jsx(Le,{icon:i.jsx(Ad,{}),tooltip:e("nodes.loadGraph"),"aria-label":e("nodes.loadGraph"),...s})})},pie=f.memo(fie);function hie(e){const{iconButton:t=!1,...n}=e,r=te(),o=z(Kn),s=Hd(),a=f.useCallback(()=>{r(md("nodes"))},[r]),{t:c}=ye();return rt(["ctrl+enter","meta+enter"],a,{enabled:()=>s,preventDefault:!0,enableOnFormTags:["input","textarea","select"]},[s,o]),i.jsx(Ee,{style:{flexGrow:4},position:"relative",children:i.jsxs(Ee,{style:{position:"relative"},children:[!s&&i.jsx(Ee,{borderRadius:"base",style:{position:"absolute",bottom:"0",left:"0",right:"0",height:"100%",overflow:"clip"},children:i.jsx(j8,{})}),t?i.jsx(Le,{"aria-label":c("parameters.invoke"),type:"submit",icon:i.jsx(_P,{}),isDisabled:!s,onClick:a,flexGrow:1,w:"100%",tooltip:c("parameters.invoke"),tooltipProps:{placement:"bottom"},colorScheme:"accent",id:"invoke-button",_disabled:{background:"none",_hover:{background:"none"}},...n}):i.jsx(en,{"aria-label":c("parameters.invoke"),type:"submit",isDisabled:!s,onClick:a,flexGrow:1,w:"100%",colorScheme:"accent",id:"invoke-button",fontWeight:700,_disabled:{background:"none",_hover:{background:"none"}},...n,children:"Invoke"})]})})}function mie(){const{t:e}=ye(),t=te(),n=f.useCallback(()=>{t(WM())},[t]);return i.jsx(Le,{icon:i.jsx(jW,{}),tooltip:e("nodes.reloadSchema"),"aria-label":e("nodes.reloadSchema"),onClick:n})}const gie=()=>{const{t:e}=ye(),t=z(o=>o.nodes.editorInstance),n=z(o=>o.nodes.nodes),r=f.useCallback(()=>{if(t){const o=t.toObject();o.edges=cs(o.edges,c=>VM(c,["style"]));const s=new Blob([JSON.stringify(o)]),a=document.createElement("a");a.href=URL.createObjectURL(s),a.download="MyNodes.json",document.body.appendChild(a),a.click(),a.remove()}},[t]);return i.jsx(Le,{icon:i.jsx(Im,{}),fontSize:18,tooltip:e("nodes.saveGraph"),"aria-label":e("nodes.saveGraph"),onClick:r,isDisabled:n.length===0})},vie=f.memo(gie),bie=()=>i.jsx(dd,{position:"top-center",children:i.jsxs(di,{children:[i.jsx(hie,{}),i.jsx(Qm,{}),i.jsx(mie,{}),i.jsx(vie,{}),i.jsx(pie,{}),i.jsx(uie,{})]})}),yie=f.memo(bie),xie=fe([Xe],({nodes:e})=>{const t=cs(e.invocationTemplates,n=>({label:n.title,value:n.type,description:n.description}));return t.push({label:"Progress Image",value:"progress_image",description:"Displays the progress image in the Node Editor"}),{data:t}},Ge),wie=()=>{const e=te(),{data:t}=z(xie),n=Hse(),r=Hc(),o=f.useCallback(a=>{const c=n(a);if(!c){r({status:"error",title:`Unknown Invocation type ${a}`});return}e(UM(c))},[e,n,r]),s=f.useCallback(a=>{a&&o(a)},[o]);return i.jsx(F,{sx:{gap:2,alignItems:"center"},children:i.jsx(sr,{selectOnBlur:!1,placeholder:"Add Node",value:null,data:t,maxDropdownHeight:400,nothingFound:"No matching nodes",itemComponent:sO,filter:(a,c)=>c.label.toLowerCase().includes(a.toLowerCase().trim())||c.value.toLowerCase().includes(a.toLowerCase().trim())||c.description.toLowerCase().includes(a.toLowerCase().trim()),onChange:s,sx:{width:"18rem"}})})},sO=f.forwardRef(({label:e,description:t,...n},r)=>i.jsx("div",{ref:r,...n,children:i.jsxs("div",{children:[i.jsx(Ye,{fontWeight:600,children:e}),i.jsx(Ye,{size:"xs",sx:{color:"base.600",_dark:{color:"base.500"}},children:t})]})}));sO.displayName="SelectItem";const Sie=()=>i.jsx(dd,{position:"top-left",children:i.jsx(wie,{})}),Cie=f.memo(Sie),kie=()=>i.jsx(F,{sx:{gap:2,flexDir:"column"},children:cs(a5,({title:e,description:t,color:n},r)=>i.jsx(wn,{label:t,children:i.jsx(hl,{colorScheme:n,sx:{userSelect:"none"},textAlign:"center",children:e})},r))}),_ie=f.memo(kie),Pie=()=>{const e=z(n=>n),t=GM(e);return i.jsx(Ee,{as:"pre",sx:{fontFamily:"monospace",position:"absolute",top:2,right:2,opacity:.7,p:2,maxHeight:500,maxWidth:500,overflowY:"scroll",borderRadius:"base",bg:"base.200",_dark:{bg:"base.800"}},children:JSON.stringify(t,null,2)})},jie=f.memo(Pie),Iie=()=>{const e=z(n=>n.nodes.shouldShowGraphOverlay),t=z(n=>n.nodes.shouldShowFieldTypeLegend);return i.jsxs(dd,{position:"top-right",children:[t&&i.jsx(_ie,{}),e&&i.jsx(jie,{})]})},Eie=f.memo(Iie),Oie={invocation:oO,progress_image:nie},Rie=()=>{const e=te(),t=z(p=>p.nodes.nodes),n=z(p=>p.nodes.edges),r=f.useCallback(p=>{e(qM(p))},[e]),o=f.useCallback(p=>{e(KM(p))},[e]),s=f.useCallback((p,h)=>{e(XM(h))},[e]),a=f.useCallback(p=>{e(YM(p))},[e]),c=f.useCallback(()=>{e(QM())},[e]),d=f.useCallback(p=>{e(JM(p)),p&&p.fitView()},[e]);return i.jsxs(ZM,{nodeTypes:Oie,nodes:t,edges:n,onNodesChange:r,onEdgesChange:o,onConnectStart:s,onConnect:a,onConnectEnd:c,onInit:d,defaultEdgeOptions:{style:{strokeWidth:2}},children:[i.jsx(Cie,{}),i.jsx(yie,{}),i.jsx(Eie,{}),i.jsx(aie,{}),i.jsx(B9,{}),i.jsx(lie,{})]})},Mie=()=>i.jsx(Ee,{layerStyle:"first",sx:{position:"relative",width:"full",height:"full",borderRadius:"base"},children:i.jsx(eD,{children:i.jsx(Rie,{})})}),Die=f.memo(Mie),Aie=()=>i.jsx(Die,{}),Tie=f.memo(Aie),Nie=fe(Xe,({ui:e,generation:t})=>{const{shouldUseSliders:n}=e,{shouldRandomizeSeed:r}=t;return{shouldUseSliders:n,activeLabel:r?void 0:"Manual Seed"}},Ge),$ie=()=>{const{shouldUseSliders:e,activeLabel:t}=z(Nie);return i.jsx(Ro,{label:"General",activeLabel:t,defaultIsOpen:!0,children:i.jsx(F,{sx:{flexDirection:"column",gap:3},children:e?i.jsxs(i.Fragment,{children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Ec,{})]}):i.jsxs(i.Fragment,{children:[i.jsxs(F,{gap:3,children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{})]}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(Ec,{})]})})})},aO=f.memo($ie),iO=()=>i.jsxs(i.Fragment,{children:[i.jsx(R8,{}),i.jsx(Wd,{}),i.jsx(aO,{}),i.jsx(M8,{}),i.jsx(Fd,{}),i.jsx(Ym,{})]}),lO=()=>i.jsxs(i.Fragment,{children:[i.jsx(sx,{}),i.jsx(Wd,{}),i.jsx(aO,{}),i.jsx(rx,{}),i.jsx(tx,{}),i.jsx(Fd,{}),i.jsx(Ym,{}),i.jsx(ox,{}),i.jsx(H8,{}),i.jsx(nx,{})]}),zie=()=>{const e=z(t=>t.generation.model);return i.jsxs(F,{sx:{gap:4,w:"full",h:"full"},children:[i.jsx(ex,{children:e&&e.base_model==="sdxl"?i.jsx(iO,{}):i.jsx(lO,{})}),i.jsx(B8,{})]})},Lie=f.memo(zie);var V1={exports:{}};(function(e,t){Object.defineProperty(t,"__esModule",{value:!0}),t.Konva=void 0;var n=fw;Object.defineProperty(t,"Konva",{enumerable:!0,get:function(){return n.Konva}});const r=fw;e.exports=r.Konva})(V1,V1.exports);var Bie=V1.exports;const ud=pd(Bie);var cO={exports:{}};/** - * @license React - * react-reconciler.production.min.js - * - * Copyright (c) Facebook, Inc. and its affiliates. - * - * This source code is licensed under the MIT license found in the - * LICENSE file in the root directory of this source tree. - */var Fie=function(t){var n={},r=f,o=xp,s=Object.assign;function a(l){for(var u="https://reactjs.org/docs/error-decoder.html?invariant="+l,g=1;gZ||C[N]!==P[Z]){var ue=` -`+C[N].replace(" at new "," at ");return l.displayName&&ue.includes("")&&(ue=ue.replace("",l.displayName)),ue}while(1<=N&&0<=Z);break}}}finally{qt=!1,Error.prepareStackTrace=g}return(l=l?l.displayName||l.name:"")?Nt(l):""}var Zt=Object.prototype.hasOwnProperty,Ut=[],Be=-1;function yt(l){return{current:l}}function Mt(l){0>Be||(l.current=Ut[Be],Ut[Be]=null,Be--)}function Wt(l,u){Be++,Ut[Be]=l.current,l.current=u}var jn={},Gt=yt(jn),un=yt(!1),sn=jn;function Or(l,u){var g=l.type.contextTypes;if(!g)return jn;var x=l.stateNode;if(x&&x.__reactInternalMemoizedUnmaskedChildContext===u)return x.__reactInternalMemoizedMaskedChildContext;var C={},P;for(P in g)C[P]=u[P];return x&&(l=l.stateNode,l.__reactInternalMemoizedUnmaskedChildContext=u,l.__reactInternalMemoizedMaskedChildContext=C),C}function Qn(l){return l=l.childContextTypes,l!=null}function It(){Mt(un),Mt(Gt)}function In(l,u,g){if(Gt.current!==jn)throw Error(a(168));Wt(Gt,u),Wt(un,g)}function Rn(l,u,g){var x=l.stateNode;if(u=u.childContextTypes,typeof x.getChildContext!="function")return g;x=x.getChildContext();for(var C in x)if(!(C in u))throw Error(a(108,M(l)||"Unknown",C));return s({},g,x)}function Jn(l){return l=(l=l.stateNode)&&l.__reactInternalMemoizedMergedChildContext||jn,sn=Gt.current,Wt(Gt,l),Wt(un,un.current),!0}function mr(l,u,g){var x=l.stateNode;if(!x)throw Error(a(169));g?(l=Rn(l,u,sn),x.__reactInternalMemoizedMergedChildContext=l,Mt(un),Mt(Gt),Wt(Gt,l)):Mt(un),Wt(un,g)}var Tn=Math.clz32?Math.clz32:Sn,Nn=Math.log,dn=Math.LN2;function Sn(l){return l>>>=0,l===0?32:31-(Nn(l)/dn|0)|0}var En=64,vn=4194304;function bn(l){switch(l&-l){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 l&4194240;case 4194304:case 8388608:case 16777216:case 33554432:case 67108864:return l&130023424;case 134217728:return 134217728;case 268435456:return 268435456;case 536870912:return 536870912;case 1073741824:return 1073741824;default:return l}}function Ke(l,u){var g=l.pendingLanes;if(g===0)return 0;var x=0,C=l.suspendedLanes,P=l.pingedLanes,N=g&268435455;if(N!==0){var Z=N&~C;Z!==0?x=bn(Z):(P&=N,P!==0&&(x=bn(P)))}else N=g&~C,N!==0?x=bn(N):P!==0&&(x=bn(P));if(x===0)return 0;if(u!==0&&u!==x&&!(u&C)&&(C=x&-x,P=u&-u,C>=P||C===16&&(P&4194240)!==0))return u;if(x&4&&(x|=g&16),u=l.entangledLanes,u!==0)for(l=l.entanglements,u&=x;0g;g++)u.push(l);return u}function mt(l,u,g){l.pendingLanes|=u,u!==536870912&&(l.suspendedLanes=0,l.pingedLanes=0),l=l.eventTimes,u=31-Tn(u),l[u]=g}function ot(l,u){var g=l.pendingLanes&~u;l.pendingLanes=u,l.suspendedLanes=0,l.pingedLanes=0,l.expiredLanes&=u,l.mutableReadLanes&=u,l.entangledLanes&=u,u=l.entanglements;var x=l.eventTimes;for(l=l.expirationTimes;0>=N,C-=N,Ao=1<<32-Tn(u)+C|g<Cn?(Br=Qt,Qt=null):Br=Qt.sibling;var kn=it(ce,Qt,ve[Cn],lt);if(kn===null){Qt===null&&(Qt=Br);break}l&&Qt&&kn.alternate===null&&u(ce,Qt),ne=P(kn,ne,Cn),rn===null?At=kn:rn.sibling=kn,rn=kn,Qt=Br}if(Cn===ve.length)return g(ce,Qt),Zn&&Ti(ce,Cn),At;if(Qt===null){for(;CnCn?(Br=Qt,Qt=null):Br=Qt.sibling;var Ja=it(ce,Qt,kn.value,lt);if(Ja===null){Qt===null&&(Qt=Br);break}l&&Qt&&Ja.alternate===null&&u(ce,Qt),ne=P(Ja,ne,Cn),rn===null?At=Ja:rn.sibling=Ja,rn=Ja,Qt=Br}if(kn.done)return g(ce,Qt),Zn&&Ti(ce,Cn),At;if(Qt===null){for(;!kn.done;Cn++,kn=ve.next())kn=Yt(ce,kn.value,lt),kn!==null&&(ne=P(kn,ne,Cn),rn===null?At=kn:rn.sibling=kn,rn=kn);return Zn&&Ti(ce,Cn),At}for(Qt=x(ce,Qt);!kn.done;Cn++,kn=ve.next())kn=Yn(Qt,ce,Cn,kn.value,lt),kn!==null&&(l&&kn.alternate!==null&&Qt.delete(kn.key===null?Cn:kn.key),ne=P(kn,ne,Cn),rn===null?At=kn:rn.sibling=kn,rn=kn);return l&&Qt.forEach(function(o7){return u(ce,o7)}),Zn&&Ti(ce,Cn),At}function va(ce,ne,ve,lt){if(typeof ve=="object"&&ve!==null&&ve.type===h&&ve.key===null&&(ve=ve.props.children),typeof ve=="object"&&ve!==null){switch(ve.$$typeof){case d:e:{for(var At=ve.key,rn=ne;rn!==null;){if(rn.key===At){if(At=ve.type,At===h){if(rn.tag===7){g(ce,rn.sibling),ne=C(rn,ve.props.children),ne.return=ce,ce=ne;break e}}else if(rn.elementType===At||typeof At=="object"&&At!==null&&At.$$typeof===j&&jx(At)===rn.type){g(ce,rn.sibling),ne=C(rn,ve.props),ne.ref=Yc(ce,rn,ve),ne.return=ce,ce=ne;break e}g(ce,rn);break}else u(ce,rn);rn=rn.sibling}ve.type===h?(ne=Hi(ve.props.children,ce.mode,lt,ve.key),ne.return=ce,ce=ne):(lt=jf(ve.type,ve.key,ve.props,null,ce.mode,lt),lt.ref=Yc(ce,ne,ve),lt.return=ce,ce=lt)}return N(ce);case p:e:{for(rn=ve.key;ne!==null;){if(ne.key===rn)if(ne.tag===4&&ne.stateNode.containerInfo===ve.containerInfo&&ne.stateNode.implementation===ve.implementation){g(ce,ne.sibling),ne=C(ne,ve.children||[]),ne.return=ce,ce=ne;break e}else{g(ce,ne);break}else u(ce,ne);ne=ne.sibling}ne=i0(ve,ce.mode,lt),ne.return=ce,ce=ne}return N(ce);case j:return rn=ve._init,va(ce,ne,rn(ve._payload),lt)}if(q(ve))return zn(ce,ne,ve,lt);if(O(ve))return xo(ce,ne,ve,lt);ef(ce,ve)}return typeof ve=="string"&&ve!==""||typeof ve=="number"?(ve=""+ve,ne!==null&&ne.tag===6?(g(ce,ne.sibling),ne=C(ne,ve),ne.return=ce,ce=ne):(g(ce,ne),ne=a0(ve,ce.mode,lt),ne.return=ce,ce=ne),N(ce)):g(ce,ne)}return va}var _l=Ix(!0),Ex=Ix(!1),Qc={},Uo=yt(Qc),Jc=yt(Qc),Pl=yt(Qc);function Fs(l){if(l===Qc)throw Error(a(174));return l}function xg(l,u){Wt(Pl,u),Wt(Jc,l),Wt(Uo,Qc),l=D(u),Mt(Uo),Wt(Uo,l)}function jl(){Mt(Uo),Mt(Jc),Mt(Pl)}function Ox(l){var u=Fs(Pl.current),g=Fs(Uo.current);u=L(g,l.type,u),g!==u&&(Wt(Jc,l),Wt(Uo,u))}function wg(l){Jc.current===l&&(Mt(Uo),Mt(Jc))}var cr=yt(0);function tf(l){for(var u=l;u!==null;){if(u.tag===13){var g=u.memoizedState;if(g!==null&&(g=g.dehydrated,g===null||$r(g)||$s(g)))return u}else if(u.tag===19&&u.memoizedProps.revealOrder!==void 0){if(u.flags&128)return u}else if(u.child!==null){u.child.return=u,u=u.child;continue}if(u===l)break;for(;u.sibling===null;){if(u.return===null||u.return===l)return null;u=u.return}u.sibling.return=u.return,u=u.sibling}return null}var Sg=[];function Cg(){for(var l=0;lg?g:4,l(!0);var x=kg.transition;kg.transition={};try{l(!1),u()}finally{Ie=g,kg.transition=x}}function Kx(){return Go().memoizedState}function RO(l,u,g){var x=Xa(l);if(g={lane:x,action:g,hasEagerState:!1,eagerState:null,next:null},Xx(l))Yx(u,g);else if(g=yx(l,u,g,x),g!==null){var C=eo();qo(g,l,x,C),Qx(g,u,x)}}function MO(l,u,g){var x=Xa(l),C={lane:x,action:g,hasEagerState:!1,eagerState:null,next:null};if(Xx(l))Yx(u,C);else{var P=l.alternate;if(l.lanes===0&&(P===null||P.lanes===0)&&(P=u.lastRenderedReducer,P!==null))try{var N=u.lastRenderedState,Z=P(N,g);if(C.hasEagerState=!0,C.eagerState=Z,fn(Z,N)){var ue=u.interleaved;ue===null?(C.next=C,gg(u)):(C.next=ue.next,ue.next=C),u.interleaved=C;return}}catch{}finally{}g=yx(l,u,C,x),g!==null&&(C=eo(),qo(g,l,x,C),Qx(g,u,x))}}function Xx(l){var u=l.alternate;return l===ur||u!==null&&u===ur}function Yx(l,u){Zc=rf=!0;var g=l.pending;g===null?u.next=u:(u.next=g.next,g.next=u),l.pending=u}function Qx(l,u,g){if(g&4194240){var x=u.lanes;x&=l.pendingLanes,g|=x,u.lanes=g,Re(l,g)}}var af={readContext:Vo,useCallback:Qr,useContext:Qr,useEffect:Qr,useImperativeHandle:Qr,useInsertionEffect:Qr,useLayoutEffect:Qr,useMemo:Qr,useReducer:Qr,useRef:Qr,useState:Qr,useDebugValue:Qr,useDeferredValue:Qr,useTransition:Qr,useMutableSource:Qr,useSyncExternalStore:Qr,useId:Qr,unstable_isNewReconciler:!1},DO={readContext:Vo,useCallback:function(l,u){return Hs().memoizedState=[l,u===void 0?null:u],l},useContext:Vo,useEffect:Bx,useImperativeHandle:function(l,u,g){return g=g!=null?g.concat([l]):null,of(4194308,4,Wx.bind(null,u,l),g)},useLayoutEffect:function(l,u){return of(4194308,4,l,u)},useInsertionEffect:function(l,u){return of(4,2,l,u)},useMemo:function(l,u){var g=Hs();return u=u===void 0?null:u,l=l(),g.memoizedState=[l,u],l},useReducer:function(l,u,g){var x=Hs();return u=g!==void 0?g(u):u,x.memoizedState=x.baseState=u,l={pending:null,interleaved:null,lanes:0,dispatch:null,lastRenderedReducer:l,lastRenderedState:u},x.queue=l,l=l.dispatch=RO.bind(null,ur,l),[x.memoizedState,l]},useRef:function(l){var u=Hs();return l={current:l},u.memoizedState=l},useState:zx,useDebugValue:Rg,useDeferredValue:function(l){return Hs().memoizedState=l},useTransition:function(){var l=zx(!1),u=l[0];return l=OO.bind(null,l[1]),Hs().memoizedState=l,[u,l]},useMutableSource:function(){},useSyncExternalStore:function(l,u,g){var x=ur,C=Hs();if(Zn){if(g===void 0)throw Error(a(407));g=g()}else{if(g=u(),Lr===null)throw Error(a(349));$i&30||Dx(x,u,g)}C.memoizedState=g;var P={value:g,getSnapshot:u};return C.queue=P,Bx(Tx.bind(null,x,P,l),[l]),x.flags|=2048,nu(9,Ax.bind(null,x,P,g,u),void 0,null),g},useId:function(){var l=Hs(),u=Lr.identifierPrefix;if(Zn){var g=Yr,x=Ao;g=(x&~(1<<32-Tn(x)-1)).toString(32)+g,u=":"+u+"R"+g,g=eu++,0Jg&&(u.flags|=128,x=!0,su(C,!1),u.lanes=4194304)}else{if(!x)if(l=tf(P),l!==null){if(u.flags|=128,x=!0,l=l.updateQueue,l!==null&&(u.updateQueue=l,u.flags|=4),su(C,!0),C.tail===null&&C.tailMode==="hidden"&&!P.alternate&&!Zn)return Jr(u),null}else 2*Ve()-C.renderingStartTime>Jg&&g!==1073741824&&(u.flags|=128,x=!0,su(C,!1),u.lanes=4194304);C.isBackwards?(P.sibling=u.child,u.child=P):(l=C.last,l!==null?l.sibling=P:u.child=P,C.last=P)}return C.tail!==null?(u=C.tail,C.rendering=u,C.tail=u.sibling,C.renderingStartTime=Ve(),u.sibling=null,l=cr.current,Wt(cr,x?l&1|2:l&1),u):(Jr(u),null);case 22:case 23:return r0(),g=u.memoizedState!==null,l!==null&&l.memoizedState!==null!==g&&(u.flags|=8192),g&&u.mode&1?No&1073741824&&(Jr(u),le&&u.subtreeFlags&6&&(u.flags|=8192)):Jr(u),null;case 24:return null;case 25:return null}throw Error(a(156,u.tag))}function FO(l,u){switch(lg(u),u.tag){case 1:return Qn(u.type)&&It(),l=u.flags,l&65536?(u.flags=l&-65537|128,u):null;case 3:return jl(),Mt(un),Mt(Gt),Cg(),l=u.flags,l&65536&&!(l&128)?(u.flags=l&-65537|128,u):null;case 5:return wg(u),null;case 13:if(Mt(cr),l=u.memoizedState,l!==null&&l.dehydrated!==null){if(u.alternate===null)throw Error(a(340));Sl()}return l=u.flags,l&65536?(u.flags=l&-65537|128,u):null;case 19:return Mt(cr),null;case 4:return jl(),null;case 10:return hg(u.type._context),null;case 22:case 23:return r0(),null;case 24:return null;default:return null}}var ff=!1,Zr=!1,HO=typeof WeakSet=="function"?WeakSet:Set,pt=null;function El(l,u){var g=l.ref;if(g!==null)if(typeof g=="function")try{g(null)}catch(x){er(l,u,x)}else g.current=null}function Bg(l,u,g){try{g()}catch(x){er(l,u,x)}}var g2=!1;function WO(l,u){for(W(l.containerInfo),pt=u;pt!==null;)if(l=pt,u=l.child,(l.subtreeFlags&1028)!==0&&u!==null)u.return=l,pt=u;else for(;pt!==null;){l=pt;try{var g=l.alternate;if(l.flags&1024)switch(l.tag){case 0:case 11:case 15:break;case 1:if(g!==null){var x=g.memoizedProps,C=g.memoizedState,P=l.stateNode,N=P.getSnapshotBeforeUpdate(l.elementType===l.type?x:ms(l.type,x),C);P.__reactInternalSnapshotBeforeUpdate=N}break;case 3:le&&ln(l.stateNode.containerInfo);break;case 5:case 6:case 4:case 17:break;default:throw Error(a(163))}}catch(Z){er(l,l.return,Z)}if(u=l.sibling,u!==null){u.return=l.return,pt=u;break}pt=l.return}return g=g2,g2=!1,g}function au(l,u,g){var x=u.updateQueue;if(x=x!==null?x.lastEffect:null,x!==null){var C=x=x.next;do{if((C.tag&l)===l){var P=C.destroy;C.destroy=void 0,P!==void 0&&Bg(u,g,P)}C=C.next}while(C!==x)}}function pf(l,u){if(u=u.updateQueue,u=u!==null?u.lastEffect:null,u!==null){var g=u=u.next;do{if((g.tag&l)===l){var x=g.create;g.destroy=x()}g=g.next}while(g!==u)}}function Fg(l){var u=l.ref;if(u!==null){var g=l.stateNode;switch(l.tag){case 5:l=G(g);break;default:l=g}typeof u=="function"?u(l):u.current=l}}function v2(l){var u=l.alternate;u!==null&&(l.alternate=null,v2(u)),l.child=null,l.deletions=null,l.sibling=null,l.tag===5&&(u=l.stateNode,u!==null&&Oe(u)),l.stateNode=null,l.return=null,l.dependencies=null,l.memoizedProps=null,l.memoizedState=null,l.pendingProps=null,l.stateNode=null,l.updateQueue=null}function b2(l){return l.tag===5||l.tag===3||l.tag===4}function y2(l){e:for(;;){for(;l.sibling===null;){if(l.return===null||b2(l.return))return null;l=l.return}for(l.sibling.return=l.return,l=l.sibling;l.tag!==5&&l.tag!==6&&l.tag!==18;){if(l.flags&2||l.child===null||l.tag===4)continue e;l.child.return=l,l=l.child}if(!(l.flags&2))return l.stateNode}}function Hg(l,u,g){var x=l.tag;if(x===5||x===6)l=l.stateNode,u?Pn(g,l,u):ht(g,l);else if(x!==4&&(l=l.child,l!==null))for(Hg(l,u,g),l=l.sibling;l!==null;)Hg(l,u,g),l=l.sibling}function Wg(l,u,g){var x=l.tag;if(x===5||x===6)l=l.stateNode,u?qe(g,l,u):we(g,l);else if(x!==4&&(l=l.child,l!==null))for(Wg(l,u,g),l=l.sibling;l!==null;)Wg(l,u,g),l=l.sibling}var Gr=null,gs=!1;function Vs(l,u,g){for(g=g.child;g!==null;)Vg(l,u,g),g=g.sibling}function Vg(l,u,g){if(gn&&typeof gn.onCommitFiberUnmount=="function")try{gn.onCommitFiberUnmount(Xn,g)}catch{}switch(g.tag){case 5:Zr||El(g,u);case 6:if(le){var x=Gr,C=gs;Gr=null,Vs(l,u,g),Gr=x,gs=C,Gr!==null&&(gs?Ze(Gr,g.stateNode):Pe(Gr,g.stateNode))}else Vs(l,u,g);break;case 18:le&&Gr!==null&&(gs?He(Gr,g.stateNode):xt(Gr,g.stateNode));break;case 4:le?(x=Gr,C=gs,Gr=g.stateNode.containerInfo,gs=!0,Vs(l,u,g),Gr=x,gs=C):(ge&&(x=g.stateNode.containerInfo,C=yr(x),Wn(x,C)),Vs(l,u,g));break;case 0:case 11:case 14:case 15:if(!Zr&&(x=g.updateQueue,x!==null&&(x=x.lastEffect,x!==null))){C=x=x.next;do{var P=C,N=P.destroy;P=P.tag,N!==void 0&&(P&2||P&4)&&Bg(g,u,N),C=C.next}while(C!==x)}Vs(l,u,g);break;case 1:if(!Zr&&(El(g,u),x=g.stateNode,typeof x.componentWillUnmount=="function"))try{x.props=g.memoizedProps,x.state=g.memoizedState,x.componentWillUnmount()}catch(Z){er(g,u,Z)}Vs(l,u,g);break;case 21:Vs(l,u,g);break;case 22:g.mode&1?(Zr=(x=Zr)||g.memoizedState!==null,Vs(l,u,g),Zr=x):Vs(l,u,g);break;default:Vs(l,u,g)}}function x2(l){var u=l.updateQueue;if(u!==null){l.updateQueue=null;var g=l.stateNode;g===null&&(g=l.stateNode=new HO),u.forEach(function(x){var C=JO.bind(null,l,x);g.has(x)||(g.add(x),x.then(C,C))})}}function vs(l,u){var g=u.deletions;if(g!==null)for(var x=0;x";case mf:return":has("+(qg(l)||"")+")";case gf:return'[role="'+l.value+'"]';case bf:return'"'+l.value+'"';case vf:return'[data-testname="'+l.value+'"]';default:throw Error(a(365))}}function P2(l,u){var g=[];l=[l,0];for(var x=0;xC&&(C=N),x&=~P}if(x=C,x=Ve()-x,x=(120>x?120:480>x?480:1080>x?1080:1920>x?1920:3e3>x?3e3:4320>x?4320:1960*UO(x/1960))-x,10l?16:l,Ka===null)var x=!1;else{if(l=Ka,Ka=null,Cf=0,an&6)throw Error(a(331));var C=an;for(an|=4,pt=l.current;pt!==null;){var P=pt,N=P.child;if(pt.flags&16){var Z=P.deletions;if(Z!==null){for(var ue=0;ueVe()-Qg?Li(l,0):Yg|=g),yo(l,u)}function T2(l,u){u===0&&(l.mode&1?(u=vn,vn<<=1,!(vn&130023424)&&(vn=4194304)):u=1);var g=eo();l=Bs(l,u),l!==null&&(mt(l,u,g),yo(l,g))}function QO(l){var u=l.memoizedState,g=0;u!==null&&(g=u.retryLane),T2(l,g)}function JO(l,u){var g=0;switch(l.tag){case 13:var x=l.stateNode,C=l.memoizedState;C!==null&&(g=C.retryLane);break;case 19:x=l.stateNode;break;default:throw Error(a(314))}x!==null&&x.delete(u),T2(l,g)}var N2;N2=function(l,u,g){if(l!==null)if(l.memoizedProps!==u.pendingProps||un.current)vo=!0;else{if(!(l.lanes&g)&&!(u.flags&128))return vo=!1,LO(l,u,g);vo=!!(l.flags&131072)}else vo=!1,Zn&&u.flags&1048576&&px(u,io,u.index);switch(u.lanes=0,u.tag){case 2:var x=u.type;cf(l,u),l=u.pendingProps;var C=Or(u,Gt.current);kl(u,g),C=Pg(null,u,x,l,C,g);var P=jg();return u.flags|=1,typeof C=="object"&&C!==null&&typeof C.render=="function"&&C.$$typeof===void 0?(u.tag=1,u.memoizedState=null,u.updateQueue=null,Qn(x)?(P=!0,Jn(u)):P=!1,u.memoizedState=C.state!==null&&C.state!==void 0?C.state:null,vg(u),C.updater=Zd,u.stateNode=C,C._reactInternals=u,yg(u,x,l,g),u=Tg(null,u,x,!0,P,g)):(u.tag=0,Zn&&P&&ig(u),uo(null,u,C,g),u=u.child),u;case 16:x=u.elementType;e:{switch(cf(l,u),l=u.pendingProps,C=x._init,x=C(x._payload),u.type=x,C=u.tag=e7(x),l=ms(x,l),C){case 0:u=Ag(null,u,x,l,g);break e;case 1:u=l2(null,u,x,l,g);break e;case 11:u=r2(null,u,x,l,g);break e;case 14:u=o2(null,u,x,ms(x.type,l),g);break e}throw Error(a(306,x,""))}return u;case 0:return x=u.type,C=u.pendingProps,C=u.elementType===x?C:ms(x,C),Ag(l,u,x,C,g);case 1:return x=u.type,C=u.pendingProps,C=u.elementType===x?C:ms(x,C),l2(l,u,x,C,g);case 3:e:{if(c2(u),l===null)throw Error(a(387));x=u.pendingProps,P=u.memoizedState,C=P.element,xx(l,u),Jd(u,x,null,g);var N=u.memoizedState;if(x=N.element,ke&&P.isDehydrated)if(P={element:x,isDehydrated:!1,cache:N.cache,pendingSuspenseBoundaries:N.pendingSuspenseBoundaries,transitions:N.transitions},u.updateQueue.baseState=P,u.memoizedState=P,u.flags&256){C=Il(Error(a(423)),u),u=u2(l,u,x,g,C);break e}else if(x!==C){C=Il(Error(a(424)),u),u=u2(l,u,x,g,C);break e}else for(ke&&(Wo=ee(u.stateNode.containerInfo),To=u,Zn=!0,hs=null,Xc=!1),g=Ex(u,null,x,g),u.child=g;g;)g.flags=g.flags&-3|4096,g=g.sibling;else{if(Sl(),x===C){u=ma(l,u,g);break e}uo(l,u,x,g)}u=u.child}return u;case 5:return Ox(u),l===null&&ug(u),x=u.type,C=u.pendingProps,P=l!==null?l.memoizedProps:null,N=C.children,K(x,C)?N=null:P!==null&&K(x,P)&&(u.flags|=32),i2(l,u),uo(l,u,N,g),u.child;case 6:return l===null&&ug(u),null;case 13:return d2(l,u,g);case 4:return xg(u,u.stateNode.containerInfo),x=u.pendingProps,l===null?u.child=_l(u,null,x,g):uo(l,u,x,g),u.child;case 11:return x=u.type,C=u.pendingProps,C=u.elementType===x?C:ms(x,C),r2(l,u,x,C,g);case 7:return uo(l,u,u.pendingProps,g),u.child;case 8:return uo(l,u,u.pendingProps.children,g),u.child;case 12:return uo(l,u,u.pendingProps.children,g),u.child;case 10:e:{if(x=u.type._context,C=u.pendingProps,P=u.memoizedProps,N=C.value,bx(u,x,N),P!==null)if(fn(P.value,N)){if(P.children===C.children&&!un.current){u=ma(l,u,g);break e}}else for(P=u.child,P!==null&&(P.return=u);P!==null;){var Z=P.dependencies;if(Z!==null){N=P.child;for(var ue=Z.firstContext;ue!==null;){if(ue.context===x){if(P.tag===1){ue=ha(-1,g&-g),ue.tag=2;var Ne=P.updateQueue;if(Ne!==null){Ne=Ne.shared;var gt=Ne.pending;gt===null?ue.next=ue:(ue.next=gt.next,gt.next=ue),Ne.pending=ue}}P.lanes|=g,ue=P.alternate,ue!==null&&(ue.lanes|=g),mg(P.return,g,u),Z.lanes|=g;break}ue=ue.next}}else if(P.tag===10)N=P.type===u.type?null:P.child;else if(P.tag===18){if(N=P.return,N===null)throw Error(a(341));N.lanes|=g,Z=N.alternate,Z!==null&&(Z.lanes|=g),mg(N,g,u),N=P.sibling}else N=P.child;if(N!==null)N.return=P;else for(N=P;N!==null;){if(N===u){N=null;break}if(P=N.sibling,P!==null){P.return=N.return,N=P;break}N=N.return}P=N}uo(l,u,C.children,g),u=u.child}return u;case 9:return C=u.type,x=u.pendingProps.children,kl(u,g),C=Vo(C),x=x(C),u.flags|=1,uo(l,u,x,g),u.child;case 14:return x=u.type,C=ms(x,u.pendingProps),C=ms(x.type,C),o2(l,u,x,C,g);case 15:return s2(l,u,u.type,u.pendingProps,g);case 17:return x=u.type,C=u.pendingProps,C=u.elementType===x?C:ms(x,C),cf(l,u),u.tag=1,Qn(x)?(l=!0,Jn(u)):l=!1,kl(u,g),_x(u,x,C),yg(u,x,C,g),Tg(null,u,x,!0,l,g);case 19:return p2(l,u,g);case 22:return a2(l,u,g)}throw Error(a(156,u.tag))};function $2(l,u){return We(l,u)}function ZO(l,u,g,x){this.tag=l,this.key=g,this.sibling=this.child=this.return=this.stateNode=this.type=this.elementType=null,this.index=0,this.ref=null,this.pendingProps=u,this.dependencies=this.memoizedState=this.updateQueue=this.memoizedProps=null,this.mode=x,this.subtreeFlags=this.flags=0,this.deletions=null,this.childLanes=this.lanes=0,this.alternate=null}function Ko(l,u,g,x){return new ZO(l,u,g,x)}function s0(l){return l=l.prototype,!(!l||!l.isReactComponent)}function e7(l){if(typeof l=="function")return s0(l)?1:0;if(l!=null){if(l=l.$$typeof,l===y)return 11;if(l===k)return 14}return 2}function Qa(l,u){var g=l.alternate;return g===null?(g=Ko(l.tag,u,l.key,l.mode),g.elementType=l.elementType,g.type=l.type,g.stateNode=l.stateNode,g.alternate=l,l.alternate=g):(g.pendingProps=u,g.type=l.type,g.flags=0,g.subtreeFlags=0,g.deletions=null),g.flags=l.flags&14680064,g.childLanes=l.childLanes,g.lanes=l.lanes,g.child=l.child,g.memoizedProps=l.memoizedProps,g.memoizedState=l.memoizedState,g.updateQueue=l.updateQueue,u=l.dependencies,g.dependencies=u===null?null:{lanes:u.lanes,firstContext:u.firstContext},g.sibling=l.sibling,g.index=l.index,g.ref=l.ref,g}function jf(l,u,g,x,C,P){var N=2;if(x=l,typeof l=="function")s0(l)&&(N=1);else if(typeof l=="string")N=5;else e:switch(l){case h:return Hi(g.children,C,P,u);case m:N=8,C|=8;break;case v:return l=Ko(12,g,u,C|2),l.elementType=v,l.lanes=P,l;case S:return l=Ko(13,g,u,C),l.elementType=S,l.lanes=P,l;case _:return l=Ko(19,g,u,C),l.elementType=_,l.lanes=P,l;case I:return If(g,C,P,u);default:if(typeof l=="object"&&l!==null)switch(l.$$typeof){case b:N=10;break e;case w:N=9;break e;case y:N=11;break e;case k:N=14;break e;case j:N=16,x=null;break e}throw Error(a(130,l==null?l:typeof l,""))}return u=Ko(N,g,u,C),u.elementType=l,u.type=x,u.lanes=P,u}function Hi(l,u,g,x){return l=Ko(7,l,x,u),l.lanes=g,l}function If(l,u,g,x){return l=Ko(22,l,x,u),l.elementType=I,l.lanes=g,l.stateNode={isHidden:!1},l}function a0(l,u,g){return l=Ko(6,l,null,u),l.lanes=g,l}function i0(l,u,g){return u=Ko(4,l.children!==null?l.children:[],l.key,u),u.lanes=g,u.stateNode={containerInfo:l.containerInfo,pendingChildren:null,implementation:l.implementation},u}function t7(l,u,g,x,C){this.tag=u,this.containerInfo=l,this.finishedWork=this.pingCache=this.current=this.pendingChildren=null,this.timeoutHandle=oe,this.callbackNode=this.pendingContext=this.context=null,this.callbackPriority=0,this.eventTimes=Bt(0),this.expirationTimes=Bt(-1),this.entangledLanes=this.finishedLanes=this.mutableReadLanes=this.expiredLanes=this.pingedLanes=this.suspendedLanes=this.pendingLanes=0,this.entanglements=Bt(0),this.identifierPrefix=x,this.onRecoverableError=C,ke&&(this.mutableSourceEagerHydrationData=null)}function z2(l,u,g,x,C,P,N,Z,ue){return l=new t7(l,u,g,Z,ue),u===1?(u=1,P===!0&&(u|=8)):u=0,P=Ko(3,null,null,u),l.current=P,P.stateNode=l,P.memoizedState={element:x,isDehydrated:g,cache:null,transitions:null,pendingSuspenseBoundaries:null},vg(P),l}function L2(l){if(!l)return jn;l=l._reactInternals;e:{if(A(l)!==l||l.tag!==1)throw Error(a(170));var u=l;do{switch(u.tag){case 3:u=u.stateNode.context;break e;case 1:if(Qn(u.type)){u=u.stateNode.__reactInternalMemoizedMergedChildContext;break e}}u=u.return}while(u!==null);throw Error(a(171))}if(l.tag===1){var g=l.type;if(Qn(g))return Rn(l,g,u)}return u}function B2(l){var u=l._reactInternals;if(u===void 0)throw typeof l.render=="function"?Error(a(188)):(l=Object.keys(l).join(","),Error(a(268,l)));return l=Q(u),l===null?null:l.stateNode}function F2(l,u){if(l=l.memoizedState,l!==null&&l.dehydrated!==null){var g=l.retryLane;l.retryLane=g!==0&&g=Ne&&P>=Yt&&C<=gt&&N<=it){l.splice(u,1);break}else if(x!==Ne||g.width!==ue.width||itN){if(!(P!==Yt||g.height!==ue.height||gtC)){Ne>x&&(ue.width+=Ne-x,ue.x=x),gtP&&(ue.height+=Yt-P,ue.y=P),itg&&(g=N)),N ")+` - -No matching component was found for: - `)+l.join(" > ")}return null},n.getPublicRootInstance=function(l){if(l=l.current,!l.child)return null;switch(l.child.tag){case 5:return G(l.child.stateNode);default:return l.child.stateNode}},n.injectIntoDevTools=function(l){if(l={bundleType:l.bundleType,version:l.version,rendererPackageName:l.rendererPackageName,rendererConfig:l.rendererConfig,overrideHookState:null,overrideHookStateDeletePath:null,overrideHookStateRenamePath:null,overrideProps:null,overridePropsDeletePath:null,overridePropsRenamePath:null,setErrorHandler:null,setSuspenseHandler:null,scheduleUpdate:null,currentDispatcherRef:c.ReactCurrentDispatcher,findHostInstanceByFiber:n7,findFiberByHostInstance:l.findFiberByHostInstance||r7,findHostInstancesForRefresh:null,scheduleRefresh:null,scheduleRoot:null,setRefreshHandler:null,getCurrentFiber:null,reconcilerVersion:"18.2.0"},typeof __REACT_DEVTOOLS_GLOBAL_HOOK__>"u")l=!1;else{var u=__REACT_DEVTOOLS_GLOBAL_HOOK__;if(u.isDisabled||!u.supportsFiber)l=!0;else{try{Xn=u.inject(l),gn=u}catch{}l=!!u.checkDCE}}return l},n.isAlreadyRendering=function(){return!1},n.observeVisibleRects=function(l,u,g,x){if(!ct)throw Error(a(363));l=Kg(l,u);var C=Tt(l,g,x).disconnect;return{disconnect:function(){C()}}},n.registerMutableSourceForHydration=function(l,u){var g=u._getVersion;g=g(u._source),l.mutableSourceEagerHydrationData==null?l.mutableSourceEagerHydrationData=[u,g]:l.mutableSourceEagerHydrationData.push(u,g)},n.runWithPriority=function(l,u){var g=Ie;try{return Ie=l,u()}finally{Ie=g}},n.shouldError=function(){return null},n.shouldSuspend=function(){return!1},n.updateContainer=function(l,u,g,x){var C=u.current,P=eo(),N=Xa(C);return g=L2(g),u.context===null?u.context=g:u.pendingContext=g,u=ha(P,N),u.payload={element:l},x=x===void 0?null:x,x!==null&&(u.callback=x),l=Ga(C,u,N),l!==null&&(qo(l,C,N,P),Qd(l,C,N)),N},n};cO.exports=Fie;var Hie=cO.exports;const Wie=pd(Hie);var uO={exports:{}},wl={};/** - * @license React - * react-reconciler-constants.production.min.js - * - * Copyright (c) Facebook, Inc. and its affiliates. - * - * This source code is licensed under the MIT license found in the - * LICENSE file in the root directory of this source tree. - */wl.ConcurrentRoot=1;wl.ContinuousEventPriority=4;wl.DefaultEventPriority=16;wl.DiscreteEventPriority=1;wl.IdleEventPriority=536870912;wl.LegacyRoot=0;uO.exports=wl;var dO=uO.exports;const i_={children:!0,ref:!0,key:!0,style:!0,forwardedRef:!0,unstable_applyCache:!0,unstable_applyDrawHitFromCache:!0};let l_=!1,c_=!1;const ux=".react-konva-event",Vie=`ReactKonva: You have a Konva node with draggable = true and position defined but no onDragMove or onDragEnd events are handled. -Position of a node will be changed during drag&drop, so you should update state of the react app as well. -Consider to add onDragMove or onDragEnd events. -For more info see: https://github.com/konvajs/react-konva/issues/256 -`,Uie=`ReactKonva: You are using "zIndex" attribute for a Konva node. -react-konva may get confused with ordering. Just define correct order of elements in your render function of a component. -For more info see: https://github.com/konvajs/react-konva/issues/194 -`,Gie={};function ag(e,t,n=Gie){if(!l_&&"zIndex"in t&&(console.warn(Uie),l_=!0),!c_&&t.draggable){var r=t.x!==void 0||t.y!==void 0,o=t.onDragEnd||t.onDragMove;r&&!o&&(console.warn(Vie),c_=!0)}for(var s in n)if(!i_[s]){var a=s.slice(0,2)==="on",c=n[s]!==t[s];if(a&&c){var d=s.substr(2).toLowerCase();d.substr(0,7)==="content"&&(d="content"+d.substr(7,1).toUpperCase()+d.substr(8)),e.off(d,n[s])}var p=!t.hasOwnProperty(s);p&&e.setAttr(s,void 0)}var h=t._useStrictMode,m={},v=!1;const b={};for(var s in t)if(!i_[s]){var a=s.slice(0,2)==="on",w=n[s]!==t[s];if(a&&w){var d=s.substr(2).toLowerCase();d.substr(0,7)==="content"&&(d="content"+d.substr(7,1).toUpperCase()+d.substr(8)),t[s]&&(b[d]=t[s])}!a&&(t[s]!==n[s]||h&&t[s]!==e.getAttr(s))&&(v=!0,m[s]=t[s])}v&&(e.setAttrs(m),Ai(e));for(var d in b)e.on(d+ux,b[d])}function Ai(e){if(!tD.Konva.autoDrawEnabled){var t=e.getLayer()||e.getStage();t&&t.batchDraw()}}const fO={},qie={};ud.Node.prototype._applyProps=ag;function Kie(e,t){if(typeof t=="string"){console.error(`Do not use plain text as child of Konva.Node. You are using text: ${t}`);return}e.add(t),Ai(e)}function Xie(e,t,n){let r=ud[e];r||(console.error(`Konva has no node with the type ${e}. Group will be used instead. If you use minimal version of react-konva, just import required nodes into Konva: "import "konva/lib/shapes/${e}" If you want to render DOM elements as part of canvas tree take a look into this demo: https://konvajs.github.io/docs/react/DOM_Portal.html`),r=ud.Group);const o={},s={};for(var a in t){var c=a.slice(0,2)==="on";c?s[a]=t[a]:o[a]=t[a]}const d=new r(o);return ag(d,s),d}function Yie(e,t,n){console.error(`Text components are not supported for now in ReactKonva. Your text is: "${e}"`)}function Qie(e,t,n){return!1}function Jie(e){return e}function Zie(){return null}function ele(){return null}function tle(e,t,n,r){return qie}function nle(){}function rle(e){}function ole(e,t){return!1}function sle(){return fO}function ale(){return fO}const ile=setTimeout,lle=clearTimeout,cle=-1;function ule(e,t){return!1}const dle=!1,fle=!0,ple=!0;function hle(e,t){t.parent===e?t.moveToTop():e.add(t),Ai(e)}function mle(e,t){t.parent===e?t.moveToTop():e.add(t),Ai(e)}function pO(e,t,n){t._remove(),e.add(t),t.setZIndex(n.getZIndex()),Ai(e)}function gle(e,t,n){pO(e,t,n)}function vle(e,t){t.destroy(),t.off(ux),Ai(e)}function ble(e,t){t.destroy(),t.off(ux),Ai(e)}function yle(e,t,n){console.error(`Text components are not yet supported in ReactKonva. You text is: "${n}"`)}function xle(e,t,n){}function wle(e,t,n,r,o){ag(e,o,r)}function Sle(e){e.hide(),Ai(e)}function Cle(e){}function kle(e,t){(t.visible==null||t.visible)&&e.show()}function _le(e,t){}function Ple(e){}function jle(){}const Ile=()=>dO.DefaultEventPriority,Ele=Object.freeze(Object.defineProperty({__proto__:null,appendChild:hle,appendChildToContainer:mle,appendInitialChild:Kie,cancelTimeout:lle,clearContainer:Ple,commitMount:xle,commitTextUpdate:yle,commitUpdate:wle,createInstance:Xie,createTextInstance:Yie,detachDeletedInstance:jle,finalizeInitialChildren:Qie,getChildHostContext:ale,getCurrentEventPriority:Ile,getPublicInstance:Jie,getRootHostContext:sle,hideInstance:Sle,hideTextInstance:Cle,idlePriority:xp.unstable_IdlePriority,insertBefore:pO,insertInContainerBefore:gle,isPrimaryRenderer:dle,noTimeout:cle,now:xp.unstable_now,prepareForCommit:Zie,preparePortalMount:ele,prepareUpdate:tle,removeChild:vle,removeChildFromContainer:ble,resetAfterCommit:nle,resetTextContent:rle,run:xp.unstable_runWithPriority,scheduleTimeout:ile,shouldDeprioritizeSubtree:ole,shouldSetTextContent:ule,supportsMutation:ple,unhideInstance:kle,unhideTextInstance:_le,warnsIfNotActing:fle},Symbol.toStringTag,{value:"Module"}));var Ole=Object.defineProperty,Rle=Object.defineProperties,Mle=Object.getOwnPropertyDescriptors,u_=Object.getOwnPropertySymbols,Dle=Object.prototype.hasOwnProperty,Ale=Object.prototype.propertyIsEnumerable,d_=(e,t,n)=>t in e?Ole(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n,f_=(e,t)=>{for(var n in t||(t={}))Dle.call(t,n)&&d_(e,n,t[n]);if(u_)for(var n of u_(t))Ale.call(t,n)&&d_(e,n,t[n]);return e},Tle=(e,t)=>Rle(e,Mle(t));function hO(e,t,n){if(!e)return;if(n(e)===!0)return e;let r=t?e.return:e.child;for(;r;){const o=hO(r,t,n);if(o)return o;r=t?null:r.sibling}}function mO(e){try{return Object.defineProperties(e,{_currentRenderer:{get(){return null},set(){}},_currentRenderer2:{get(){return null},set(){}}})}catch{return e}}const dx=mO(f.createContext(null));class gO extends f.Component{render(){return f.createElement(dx.Provider,{value:this._reactInternals},this.props.children)}}const{ReactCurrentOwner:p_,ReactCurrentDispatcher:h_}=f.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED;function Nle(){const e=f.useContext(dx);if(e===null)throw new Error("its-fine: useFiber must be called within a !");const t=f.useId();return f.useMemo(()=>{for(const r of[p_==null?void 0:p_.current,e,e==null?void 0:e.alternate]){if(!r)continue;const o=hO(r,!1,s=>{let a=s.memoizedState;for(;a;){if(a.memoizedState===t)return!0;a=a.next}});if(o)return o}},[e,t])}function $le(){var e,t;const n=Nle(),[r]=f.useState(()=>new Map);r.clear();let o=n;for(;o;){const s=(e=o.type)==null?void 0:e._context;s&&s!==dx&&!r.has(s)&&r.set(s,(t=h_==null?void 0:h_.current)==null?void 0:t.readContext(mO(s))),o=o.return}return r}function zle(){const e=$le();return f.useMemo(()=>Array.from(e.keys()).reduce((t,n)=>r=>f.createElement(t,null,f.createElement(n.Provider,Tle(f_({},r),{value:e.get(n)}))),t=>f.createElement(gO,f_({},t))),[e])}function Lle(e){const t=H.useRef({});return H.useLayoutEffect(()=>{t.current=e}),H.useLayoutEffect(()=>()=>{t.current={}},[]),t.current}const Ble=e=>{const t=H.useRef(),n=H.useRef(),r=H.useRef(),o=Lle(e),s=zle(),a=c=>{const{forwardedRef:d}=e;d&&(typeof d=="function"?d(c):d.current=c)};return H.useLayoutEffect(()=>(n.current=new ud.Stage({width:e.width,height:e.height,container:t.current}),a(n.current),r.current=Mu.createContainer(n.current,dO.LegacyRoot,!1,null),Mu.updateContainer(H.createElement(s,{},e.children),r.current),()=>{ud.isBrowser&&(a(null),Mu.updateContainer(null,r.current,null),n.current.destroy())}),[]),H.useLayoutEffect(()=>{a(n.current),ag(n.current,e,o),Mu.updateContainer(H.createElement(s,{},e.children),r.current,null)}),H.createElement("div",{ref:t,id:e.id,accessKey:e.accessKey,className:e.className,role:e.role,style:e.style,tabIndex:e.tabIndex,title:e.title})},wu="Layer",$a="Group",aa="Rect",Wi="Circle",Qh="Line",vO="Image",Fle="Transformer",Mu=Wie(Ele);Mu.injectIntoDevTools({findHostInstanceByFiber:()=>null,bundleType:0,version:H.version,rendererPackageName:"react-konva"});const Hle=H.forwardRef((e,t)=>H.createElement(gO,{},H.createElement(Ble,{...e,forwardedRef:t}))),Wle=fe([mn,ir],(e,t)=>{const{tool:n,isMovingBoundingBox:r}=e;return{tool:n,isStaging:t,isMovingBoundingBox:r}},{memoizeOptions:{resultEqualityCheck:Jt}}),Vle=()=>{const e=te(),{tool:t,isStaging:n,isMovingBoundingBox:r}=z(Wle);return{handleDragStart:f.useCallback(()=>{(t==="move"||n)&&!r&&e($p(!0))},[e,r,n,t]),handleDragMove:f.useCallback(o=>{if(!((t==="move"||n)&&!r))return;const s={x:o.target.x(),y:o.target.y()};e(l5(s))},[e,r,n,t]),handleDragEnd:f.useCallback(()=>{(t==="move"||n)&&!r&&e($p(!1))},[e,r,n,t])}},Ule=fe([mn,Kn,ir],(e,t,n)=>{const{cursorPosition:r,shouldLockBoundingBox:o,shouldShowBoundingBox:s,tool:a,isMaskEnabled:c,shouldSnapToGrid:d}=e;return{activeTabName:t,isCursorOnCanvas:!!r,shouldLockBoundingBox:o,shouldShowBoundingBox:s,tool:a,isStaging:n,isMaskEnabled:c,shouldSnapToGrid:d}},{memoizeOptions:{resultEqualityCheck:Jt}}),Gle=()=>{const e=te(),{activeTabName:t,shouldShowBoundingBox:n,tool:r,isStaging:o,isMaskEnabled:s,shouldSnapToGrid:a}=z(Ule),c=f.useRef(null),d=c5(),p=()=>e(ib());rt(["shift+c"],()=>{p()},{enabled:()=>!o,preventDefault:!0},[]);const h=()=>e(vd(!s));rt(["h"],()=>{h()},{enabled:()=>!o,preventDefault:!0},[s]),rt(["n"],()=>{e(qu(!a))},{enabled:!0,preventDefault:!0},[a]),rt("esc",()=>{e(nD())},{enabled:()=>!0,preventDefault:!0}),rt("shift+h",()=>{e(rD(!n))},{enabled:()=>!o,preventDefault:!0},[t,n]),rt(["space"],m=>{m.repeat||(d==null||d.container().focus(),r!=="move"&&(c.current=r,e(ea("move"))),r==="move"&&c.current&&c.current!=="move"&&(e(ea(c.current)),c.current="move"))},{keyup:!0,keydown:!0,preventDefault:!0},[r,c])},fx=e=>{const t=e.getPointerPosition(),n=e.getAbsoluteTransform().copy();if(!t||!n)return;const r=n.invert().point(t);return{x:r.x,y:r.y}},bO=()=>{const e=te(),t=Ea(),n=c5();return{updateColorUnderCursor:()=>{if(!n||!t)return;const r=n.getPointerPosition();if(!r)return;const o=oD.pixelRatio,[s,a,c,d]=t.getContext().getImageData(r.x*o,r.y*o,1,1).data;e(sD({r:s,g:a,b:c,a:d}))},commitColorUnderCursor:()=>{e(aD())}}},qle=fe([Kn,mn,ir],(e,t,n)=>{const{tool:r}=t;return{tool:r,activeTabName:e,isStaging:n}},{memoizeOptions:{resultEqualityCheck:Jt}}),Kle=e=>{const t=te(),{tool:n,isStaging:r}=z(qle),{commitColorUnderCursor:o}=bO();return f.useCallback(s=>{if(!e.current)return;if(e.current.container().focus(),n==="move"||r){t($p(!0));return}if(n==="colorPicker"){o();return}const a=fx(e.current);a&&(s.evt.preventDefault(),t(u5(!0)),t(iD([a.x,a.y])))},[e,n,r,t,o])},Xle=fe([Kn,mn,ir],(e,t,n)=>{const{tool:r,isDrawing:o}=t;return{tool:r,isDrawing:o,activeTabName:e,isStaging:n}},{memoizeOptions:{resultEqualityCheck:Jt}}),Yle=(e,t,n)=>{const r=te(),{isDrawing:o,tool:s,isStaging:a}=z(Xle),{updateColorUnderCursor:c}=bO();return f.useCallback(()=>{if(!e.current)return;const d=fx(e.current);if(d){if(r(lD(d)),n.current=d,s==="colorPicker"){c();return}!o||s==="move"||a||(t.current=!0,r(d5([d.x,d.y])))}},[t,r,o,a,n,e,s,c])},Qle=()=>{const e=te();return f.useCallback(()=>{e(cD())},[e])},Jle=fe([Kn,mn,ir],(e,t,n)=>{const{tool:r,isDrawing:o}=t;return{tool:r,isDrawing:o,activeTabName:e,isStaging:n}},{memoizeOptions:{resultEqualityCheck:Jt}}),Zle=(e,t)=>{const n=te(),{tool:r,isDrawing:o,isStaging:s}=z(Jle);return f.useCallback(()=>{if(r==="move"||s){n($p(!1));return}if(!t.current&&o&&e.current){const a=fx(e.current);if(!a)return;n(d5([a.x,a.y]))}else t.current=!1;n(u5(!1))},[t,n,o,s,e,r])},ece=fe([mn],e=>{const{isMoveStageKeyHeld:t,stageScale:n}=e;return{isMoveStageKeyHeld:t,stageScale:n}},{memoizeOptions:{resultEqualityCheck:Jt}}),tce=e=>{const t=te(),{isMoveStageKeyHeld:n,stageScale:r}=z(ece);return f.useCallback(o=>{if(!e.current||n)return;o.evt.preventDefault();const s=e.current.getPointerPosition();if(!s)return;const a={x:(s.x-e.current.x())/r,y:(s.y-e.current.y())/r};let c=o.evt.deltaY;o.evt.ctrlKey&&(c=-c);const d=Es(r*fD**c,dD,uD),p={x:s.x-a.x*d,y:s.y-a.y*d};t(pD(d)),t(l5(p))},[e,n,r,t])},nce=fe(mn,e=>{const{boundingBoxCoordinates:t,boundingBoxDimensions:n,stageDimensions:r,stageScale:o,shouldDarkenOutsideBoundingBox:s,stageCoordinates:a}=e;return{boundingBoxCoordinates:t,boundingBoxDimensions:n,shouldDarkenOutsideBoundingBox:s,stageCoordinates:a,stageDimensions:r,stageScale:o}},{memoizeOptions:{resultEqualityCheck:Jt}}),rce=()=>{const{boundingBoxCoordinates:e,boundingBoxDimensions:t,shouldDarkenOutsideBoundingBox:n,stageCoordinates:r,stageDimensions:o,stageScale:s}=z(nce);return i.jsxs($a,{children:[i.jsx(aa,{offsetX:r.x/s,offsetY:r.y/s,height:o.height/s,width:o.width/s,fill:"rgba(0,0,0,0.4)",listening:!1,visible:n}),i.jsx(aa,{x:e.x,y:e.y,width:t.width,height:t.height,fill:"rgb(255,255,255)",listening:!1,visible:n,globalCompositeOperation:"destination-out"})]})},oce=fe([mn],e=>{const{stageScale:t,stageCoordinates:n,stageDimensions:r}=e;return{stageScale:t,stageCoordinates:n,stageDimensions:r}},{memoizeOptions:{resultEqualityCheck:Jt}}),sce=()=>{const{stageScale:e,stageCoordinates:t,stageDimensions:n}=z(oce),{colorMode:r}=Ds(),[o,s]=f.useState([]),[a,c]=Ac("colors",["base.800","base.200"]),d=f.useCallback(p=>p/e,[e]);return f.useLayoutEffect(()=>{const{width:p,height:h}=n,{x:m,y:v}=t,b={x1:0,y1:0,x2:p,y2:h,offset:{x:d(m),y:d(v)}},w={x:Math.ceil(d(m)/64)*64,y:Math.ceil(d(v)/64)*64},y={x1:-w.x,y1:-w.y,x2:d(p)-w.x+64,y2:d(h)-w.y+64},_={x1:Math.min(b.x1,y.x1),y1:Math.min(b.y1,y.y1),x2:Math.max(b.x2,y.x2),y2:Math.max(b.y2,y.y2)},k=_.x2-_.x1,j=_.y2-_.y1,I=Math.round(k/64)+1,E=Math.round(j/64)+1,O=Cw(0,I).map(M=>i.jsx(Qh,{x:_.x1+M*64,y:_.y1,points:[0,0,0,j],stroke:r==="dark"?a:c,strokeWidth:1},`x_${M}`)),R=Cw(0,E).map(M=>i.jsx(Qh,{x:_.x1,y:_.y1+M*64,points:[0,0,k,0],stroke:r==="dark"?a:c,strokeWidth:1},`y_${M}`));s(O.concat(R))},[e,t,n,d,r,a,c]),i.jsx($a,{children:o})},ace=fe([go,mn],(e,t)=>{const{progressImage:n,sessionId:r}=e,{sessionId:o,boundingBox:s}=t.layerState.stagingArea;return{boundingBox:s,progressImage:r===o?n:void 0}},{memoizeOptions:{resultEqualityCheck:Jt}}),ice=e=>{const{...t}=e,{progressImage:n,boundingBox:r}=z(ace),[o,s]=f.useState(null);return f.useEffect(()=>{if(!n)return;const a=new Image;a.onload=()=>{s(a)},a.src=n.dataURL},[n]),n&&r&&o?i.jsx(vO,{x:r.x,y:r.y,width:r.width,height:r.height,image:o,listening:!1,...t}):null},nl=e=>{const{r:t,g:n,b:r,a:o}=e;return`rgba(${t}, ${n}, ${r}, ${o})`},lce=fe(mn,e=>{const{maskColor:t,stageCoordinates:n,stageDimensions:r,stageScale:o}=e;return{stageCoordinates:n,stageDimensions:r,stageScale:o,maskColorString:nl(t)}}),m_=e=>`data:image/svg+xml;utf8, - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -`.replaceAll("black",e),cce=e=>{const{...t}=e,{maskColorString:n,stageCoordinates:r,stageDimensions:o,stageScale:s}=z(lce),[a,c]=f.useState(null),[d,p]=f.useState(0),h=f.useRef(null),m=f.useCallback(()=>{p(d+1),setTimeout(m,500)},[d]);return f.useEffect(()=>{if(a)return;const v=new Image;v.onload=()=>{c(v)},v.src=m_(n)},[a,n]),f.useEffect(()=>{a&&(a.src=m_(n))},[a,n]),f.useEffect(()=>{const v=setInterval(()=>p(b=>(b+1)%5),50);return()=>clearInterval(v)},[]),!a||!Dl(r.x)||!Dl(r.y)||!Dl(s)||!Dl(o.width)||!Dl(o.height)?null:i.jsx(aa,{ref:h,offsetX:r.x/s,offsetY:r.y/s,height:o.height/s,width:o.width/s,fillPatternImage:a,fillPatternOffsetY:Dl(d)?d:0,fillPatternRepeat:"repeat",fillPatternScale:{x:1/s,y:1/s},listening:!0,globalCompositeOperation:"source-in",...t})},uce=fe([mn],e=>({objects:e.layerState.objects}),{memoizeOptions:{resultEqualityCheck:Jt}}),dce=e=>{const{...t}=e,{objects:n}=z(uce);return i.jsx($a,{listening:!1,...t,children:n.filter(hD).map((r,o)=>i.jsx(Qh,{points:r.points,stroke:"rgb(0,0,0)",strokeWidth:r.strokeWidth*2,tension:0,lineCap:"round",lineJoin:"round",shadowForStrokeEnabled:!1,listening:!1,globalCompositeOperation:r.tool==="brush"?"source-over":"destination-out"},o))})};var Vi=f,fce=function(t,n,r){const o=Vi.useRef("loading"),s=Vi.useRef(),[a,c]=Vi.useState(0),d=Vi.useRef(),p=Vi.useRef(),h=Vi.useRef();return(d.current!==t||p.current!==n||h.current!==r)&&(o.current="loading",s.current=void 0,d.current=t,p.current=n,h.current=r),Vi.useLayoutEffect(function(){if(!t)return;var m=document.createElement("img");function v(){o.current="loaded",s.current=m,c(Math.random())}function b(){o.current="failed",s.current=void 0,c(Math.random())}return m.addEventListener("load",v),m.addEventListener("error",b),n&&(m.crossOrigin=n),r&&(m.referrerPolicy=r),m.src=t,function(){m.removeEventListener("load",v),m.removeEventListener("error",b)}},[t,n,r]),[s.current,o.current]};const pce=pd(fce),yO=e=>{const{width:t,height:n,x:r,y:o,imageName:s}=e.canvasImage,{currentData:a,isError:c}=os(s??oo.skipToken),[d]=pce((a==null?void 0:a.image_url)??"",mD.get()?"use-credentials":"anonymous");return c?i.jsx(aa,{x:r,y:o,width:t,height:n,fill:"red"}):i.jsx(vO,{x:r,y:o,image:d,listening:!1})},hce=fe([mn],e=>{const{layerState:{objects:t}}=e;return{objects:t}},{memoizeOptions:{resultEqualityCheck:Jt}}),mce=()=>{const{objects:e}=z(hce);return e?i.jsx($a,{name:"outpainting-objects",listening:!1,children:e.map((t,n)=>{if(D_(t))return i.jsx(yO,{canvasImage:t},n);if(gD(t)){const r=i.jsx(Qh,{points:t.points,stroke:t.color?nl(t.color):"rgb(0,0,0)",strokeWidth:t.strokeWidth*2,tension:0,lineCap:"round",lineJoin:"round",shadowForStrokeEnabled:!1,listening:!1,globalCompositeOperation:t.tool==="brush"?"source-over":"destination-out"},n);return t.clip?i.jsx($a,{clipX:t.clip.x,clipY:t.clip.y,clipWidth:t.clip.width,clipHeight:t.clip.height,children:r},n):r}else{if(vD(t))return i.jsx(aa,{x:t.x,y:t.y,width:t.width,height:t.height,fill:nl(t.color)},n);if(bD(t))return i.jsx(aa,{x:t.x,y:t.y,width:t.width,height:t.height,fill:"rgb(255, 255, 255)",globalCompositeOperation:"destination-out"},n)}})}):null},gce=fe([mn],e=>{const{layerState:t,shouldShowStagingImage:n,shouldShowStagingOutline:r,boundingBoxCoordinates:{x:o,y:s},boundingBoxDimensions:{width:a,height:c}}=e,{selectedImageIndex:d,images:p}=t.stagingArea;return{currentStagingAreaImage:p.length>0&&d!==void 0?p[d]:void 0,isOnFirstImage:d===0,isOnLastImage:d===p.length-1,shouldShowStagingImage:n,shouldShowStagingOutline:r,x:o,y:s,width:a,height:c}},{memoizeOptions:{resultEqualityCheck:Jt}}),vce=e=>{const{...t}=e,{currentStagingAreaImage:n,shouldShowStagingImage:r,shouldShowStagingOutline:o,x:s,y:a,width:c,height:d}=z(gce);return i.jsxs($a,{...t,children:[r&&n&&i.jsx(yO,{canvasImage:n}),o&&i.jsxs($a,{children:[i.jsx(aa,{x:s,y:a,width:c,height:d,strokeWidth:1,stroke:"white",strokeScaleEnabled:!1}),i.jsx(aa,{x:s,y:a,width:c,height:d,dash:[4,4],strokeWidth:1,stroke:"black",strokeScaleEnabled:!1})]})]})},bce=fe([mn],e=>{const{layerState:{stagingArea:{images:t,selectedImageIndex:n,sessionId:r}},shouldShowStagingOutline:o,shouldShowStagingImage:s}=e;return{currentStagingAreaImage:t.length>0?t[n]:void 0,isOnFirstImage:n===0,isOnLastImage:n===t.length-1,shouldShowStagingImage:s,shouldShowStagingOutline:o,sessionId:r}},{memoizeOptions:{resultEqualityCheck:Jt}}),yce=()=>{const e=te(),{isOnFirstImage:t,isOnLastImage:n,currentStagingAreaImage:r,shouldShowStagingImage:o,sessionId:s}=z(bce),{t:a}=ye(),c=f.useCallback(()=>{e(pw(!0))},[e]),d=f.useCallback(()=>{e(pw(!1))},[e]);rt(["left"],()=>{p()},{enabled:()=>!0,preventDefault:!0}),rt(["right"],()=>{h()},{enabled:()=>!0,preventDefault:!0}),rt(["enter"],()=>{m()},{enabled:()=>!0,preventDefault:!0});const p=f.useCallback(()=>e(yD()),[e]),h=f.useCallback(()=>e(xD()),[e]),m=f.useCallback(()=>e(wD(s)),[e,s]),{data:v}=os((r==null?void 0:r.imageName)??oo.skipToken);return r?i.jsx(F,{pos:"absolute",bottom:4,w:"100%",align:"center",justify:"center",filter:"drop-shadow(0 0.5rem 1rem rgba(0,0,0))",onMouseOver:c,onMouseOut:d,children:i.jsxs(nr,{isAttached:!0,children:[i.jsx(Le,{tooltip:`${a("unifiedCanvas.previous")} (Left)`,"aria-label":`${a("unifiedCanvas.previous")} (Left)`,icon:i.jsx(JH,{}),onClick:p,colorScheme:"accent",isDisabled:t}),i.jsx(Le,{tooltip:`${a("unifiedCanvas.next")} (Right)`,"aria-label":`${a("unifiedCanvas.next")} (Right)`,icon:i.jsx(ZH,{}),onClick:h,colorScheme:"accent",isDisabled:n}),i.jsx(Le,{tooltip:`${a("unifiedCanvas.accept")} (Enter)`,"aria-label":`${a("unifiedCanvas.accept")} (Enter)`,icon:i.jsx(nW,{}),onClick:m,colorScheme:"accent"}),i.jsx(Le,{tooltip:a("unifiedCanvas.showHide"),"aria-label":a("unifiedCanvas.showHide"),"data-alert":!o,icon:o?i.jsx(dW,{}):i.jsx(uW,{}),onClick:()=>e(SD(!o)),colorScheme:"accent"}),i.jsx(Le,{tooltip:a("unifiedCanvas.saveToGallery"),"aria-label":a("unifiedCanvas.saveToGallery"),isDisabled:!v||!v.is_intermediate,icon:i.jsx(Im,{}),onClick:()=>{v&&e(CD({imageDTO:v}))},colorScheme:"accent"}),i.jsx(Le,{tooltip:a("unifiedCanvas.discardAll"),"aria-label":a("unifiedCanvas.discardAll"),icon:i.jsx(ml,{style:{transform:"rotate(45deg)"}}),onClick:()=>e(kD()),colorScheme:"error",fontSize:20})]})}):null},xce=()=>{const e=z(c=>c.canvas.layerState),t=z(c=>c.canvas.boundingBoxCoordinates),n=z(c=>c.canvas.boundingBoxDimensions),r=z(c=>c.canvas.isMaskEnabled),o=z(c=>c.canvas.shouldPreserveMaskedArea),[s,a]=f.useState();return f.useEffect(()=>{a(void 0)},[e,t,n,r,o]),vee(async()=>{const c=await _D(e,t,n,r,o);if(!c)return;const{baseImageData:d,maskImageData:p}=c,h=PD(d,p);a(h)},1e3,[e,t,n,r,o]),s},wce={txt2img:"Text to Image",img2img:"Image to Image",inpaint:"Inpaint",outpaint:"Inpaint"},Sce=()=>{const e=xce();return i.jsxs(Ee,{children:["Mode: ",e?wce[e]:"..."]})},Zl=e=>Math.round(e*100)/100,Cce=fe([mn],e=>{const{cursorPosition:t}=e,{cursorX:n,cursorY:r}=t?{cursorX:t.x,cursorY:t.y}:{cursorX:-1,cursorY:-1};return{cursorCoordinatesString:`(${Zl(n)}, ${Zl(r)})`}},{memoizeOptions:{resultEqualityCheck:Jt}});function kce(){const{cursorCoordinatesString:e}=z(Cce),{t}=ye();return i.jsx(Ee,{children:`${t("unifiedCanvas.cursorPosition")}: ${e}`})}const U1="var(--invokeai-colors-warning-500)",_ce=fe([mn],e=>{const{stageDimensions:{width:t,height:n},stageCoordinates:{x:r,y:o},boundingBoxDimensions:{width:s,height:a},scaledBoundingBoxDimensions:{width:c,height:d},boundingBoxCoordinates:{x:p,y:h},stageScale:m,shouldShowCanvasDebugInfo:v,layer:b,boundingBoxScaleMethod:w,shouldPreserveMaskedArea:y}=e;let S="inherit";return(w==="none"&&(s<512||a<512)||w==="manual"&&c*d<512*512)&&(S=U1),{activeLayerColor:b==="mask"?U1:"inherit",activeLayerString:b.charAt(0).toUpperCase()+b.slice(1),boundingBoxColor:S,boundingBoxCoordinatesString:`(${Zl(p)}, ${Zl(h)})`,boundingBoxDimensionsString:`${s}×${a}`,scaledBoundingBoxDimensionsString:`${c}×${d}`,canvasCoordinatesString:`${Zl(r)}×${Zl(o)}`,canvasDimensionsString:`${t}×${n}`,canvasScaleString:Math.round(m*100),shouldShowCanvasDebugInfo:v,shouldShowBoundingBox:w!=="auto",shouldShowScaledBoundingBox:w!=="none",shouldPreserveMaskedArea:y}},{memoizeOptions:{resultEqualityCheck:Jt}}),Pce=()=>{const{activeLayerColor:e,activeLayerString:t,boundingBoxColor:n,boundingBoxCoordinatesString:r,boundingBoxDimensionsString:o,scaledBoundingBoxDimensionsString:s,shouldShowScaledBoundingBox:a,canvasCoordinatesString:c,canvasDimensionsString:d,canvasScaleString:p,shouldShowCanvasDebugInfo:h,shouldShowBoundingBox:m,shouldPreserveMaskedArea:v}=z(_ce),{t:b}=ye();return i.jsxs(F,{sx:{flexDirection:"column",position:"absolute",top:0,insetInlineStart:0,opacity:.65,display:"flex",fontSize:"sm",padding:1,px:2,minWidth:48,margin:1,borderRadius:"base",pointerEvents:"none",bg:"base.200",_dark:{bg:"base.800"}},children:[i.jsx(Sce,{}),i.jsx(Ee,{style:{color:e},children:`${b("unifiedCanvas.activeLayer")}: ${t}`}),i.jsx(Ee,{children:`${b("unifiedCanvas.canvasScale")}: ${p}%`}),v&&i.jsx(Ee,{style:{color:U1},children:"Preserve Masked Area: On"}),m&&i.jsx(Ee,{style:{color:n},children:`${b("unifiedCanvas.boundingBox")}: ${o}`}),a&&i.jsx(Ee,{style:{color:n},children:`${b("unifiedCanvas.scaledBoundingBox")}: ${s}`}),h&&i.jsxs(i.Fragment,{children:[i.jsx(Ee,{children:`${b("unifiedCanvas.boundingBoxPosition")}: ${r}`}),i.jsx(Ee,{children:`${b("unifiedCanvas.canvasDimensions")}: ${d}`}),i.jsx(Ee,{children:`${b("unifiedCanvas.canvasPosition")}: ${c}`}),i.jsx(kce,{})]})]})},jce=fe([Xe],({canvas:e,generation:t})=>{const{boundingBoxCoordinates:n,boundingBoxDimensions:r,stageScale:o,isDrawing:s,isTransformingBoundingBox:a,isMovingBoundingBox:c,tool:d,shouldSnapToGrid:p}=e,{aspectRatio:h}=t;return{boundingBoxCoordinates:n,boundingBoxDimensions:r,isDrawing:s,isMovingBoundingBox:c,isTransformingBoundingBox:a,stageScale:o,shouldSnapToGrid:p,tool:d,hitStrokeWidth:20/o,aspectRatio:h}},{memoizeOptions:{resultEqualityCheck:Jt}}),Ice=e=>{const{...t}=e,n=te(),{boundingBoxCoordinates:r,boundingBoxDimensions:o,isDrawing:s,isMovingBoundingBox:a,isTransformingBoundingBox:c,stageScale:d,shouldSnapToGrid:p,tool:h,hitStrokeWidth:m,aspectRatio:v}=z(jce),b=f.useRef(null),w=f.useRef(null),[y,S]=f.useState(!1);f.useEffect(()=>{var B;!b.current||!w.current||(b.current.nodes([w.current]),(B=b.current.getLayer())==null||B.batchDraw())},[]);const _=64*d;rt("N",()=>{n(qu(!p))});const k=f.useCallback(B=>{if(!p){n(p0({x:Math.floor(B.target.x()),y:Math.floor(B.target.y())}));return}const V=B.target.x(),q=B.target.y(),G=Ss(V,64),D=Ss(q,64);B.target.x(G),B.target.y(D),n(p0({x:G,y:D}))},[n,p]),j=f.useCallback(()=>{if(!w.current)return;const B=w.current,V=B.scaleX(),q=B.scaleY(),G=Math.round(B.width()*V),D=Math.round(B.height()*q),L=Math.round(B.x()),W=Math.round(B.y());if(v){const Y=Ss(G/v,64);n(Js({width:G,height:Y}))}else n(Js({width:G,height:D}));n(p0({x:p?Cu(L,64):L,y:p?Cu(W,64):W})),B.scaleX(1),B.scaleY(1)},[n,p,v]),I=f.useCallback((B,V,q)=>{const G=B.x%_,D=B.y%_;return{x:Cu(V.x,_)+G,y:Cu(V.y,_)+D}},[_]),E=()=>{n(h0(!0))},O=()=>{n(h0(!1)),n(m0(!1)),n(Df(!1)),S(!1)},R=()=>{n(m0(!0))},M=()=>{n(h0(!1)),n(m0(!1)),n(Df(!1)),S(!1)},A=()=>{S(!0)},T=()=>{!c&&!a&&S(!1)},$=()=>{n(Df(!0))},Q=()=>{n(Df(!1))};return i.jsxs($a,{...t,children:[i.jsx(aa,{height:o.height,width:o.width,x:r.x,y:r.y,onMouseEnter:$,onMouseOver:$,onMouseLeave:Q,onMouseOut:Q}),i.jsx(aa,{draggable:!0,fillEnabled:!1,height:o.height,hitStrokeWidth:m,listening:!s&&h==="move",onDragStart:R,onDragEnd:M,onDragMove:k,onMouseDown:R,onMouseOut:T,onMouseOver:A,onMouseEnter:A,onMouseUp:M,onTransform:j,onTransformEnd:O,ref:w,stroke:y?"rgba(255,255,255,0.7)":"white",strokeWidth:(y?8:1)/d,width:o.width,x:r.x,y:r.y}),i.jsx(Fle,{anchorCornerRadius:3,anchorDragBoundFunc:I,anchorFill:"rgba(212,216,234,1)",anchorSize:15,anchorStroke:"rgb(42,42,42)",borderDash:[4,4],borderEnabled:!0,borderStroke:"black",draggable:!1,enabledAnchors:h==="move"?void 0:[],flipEnabled:!1,ignoreStroke:!0,keepRatio:!1,listening:!s&&h==="move",onDragStart:R,onDragEnd:M,onMouseDown:E,onMouseUp:O,onTransformEnd:O,ref:b,rotateEnabled:!1})]})},Ece=fe(mn,e=>{const{cursorPosition:t,brushSize:n,colorPickerColor:r,maskColor:o,brushColor:s,tool:a,layer:c,shouldShowBrush:d,isMovingBoundingBox:p,isTransformingBoundingBox:h,stageScale:m,stageDimensions:v,boundingBoxCoordinates:b,boundingBoxDimensions:w,shouldRestrictStrokesToBox:y}=e,S=y?{clipX:b.x,clipY:b.y,clipWidth:w.width,clipHeight:w.height}:{};return{cursorPosition:t,brushX:t?t.x:v.width/2,brushY:t?t.y:v.height/2,radius:n/2,colorPickerOuterRadius:hw/m,colorPickerInnerRadius:(hw-Mv+1)/m,maskColorString:nl({...o,a:.5}),brushColorString:nl(s),colorPickerColorString:nl(r),tool:a,layer:c,shouldShowBrush:d,shouldDrawBrushPreview:!(p||h||!t)&&d,strokeWidth:1.5/m,dotRadius:1.5/m,clip:S}},{memoizeOptions:{resultEqualityCheck:Jt}}),Oce=e=>{const{...t}=e,{brushX:n,brushY:r,radius:o,maskColorString:s,tool:a,layer:c,shouldDrawBrushPreview:d,dotRadius:p,strokeWidth:h,brushColorString:m,colorPickerColorString:v,colorPickerInnerRadius:b,colorPickerOuterRadius:w,clip:y}=z(Ece);return d?i.jsxs($a,{listening:!1,...y,...t,children:[a==="colorPicker"?i.jsxs(i.Fragment,{children:[i.jsx(Wi,{x:n,y:r,radius:w,stroke:m,strokeWidth:Mv,strokeScaleEnabled:!1}),i.jsx(Wi,{x:n,y:r,radius:b,stroke:v,strokeWidth:Mv,strokeScaleEnabled:!1})]}):i.jsxs(i.Fragment,{children:[i.jsx(Wi,{x:n,y:r,radius:o,fill:c==="mask"?s:m,globalCompositeOperation:a==="eraser"?"destination-out":"source-out"}),i.jsx(Wi,{x:n,y:r,radius:o,stroke:"rgba(255,255,255,0.4)",strokeWidth:h*2,strokeEnabled:!0,listening:!1}),i.jsx(Wi,{x:n,y:r,radius:o,stroke:"rgba(0,0,0,1)",strokeWidth:h,strokeEnabled:!0,listening:!1})]}),i.jsx(Wi,{x:n,y:r,radius:p*2,fill:"rgba(255,255,255,0.4)",listening:!1}),i.jsx(Wi,{x:n,y:r,radius:p,fill:"rgba(0,0,0,1)",listening:!1})]}):null},Rce=fe([mn,ir],(e,t)=>{const{isMaskEnabled:n,stageScale:r,shouldShowBoundingBox:o,isTransformingBoundingBox:s,isMouseOverBoundingBox:a,isMovingBoundingBox:c,stageDimensions:d,stageCoordinates:p,tool:h,isMovingStage:m,shouldShowIntermediates:v,shouldShowGrid:b,shouldRestrictStrokesToBox:w,shouldAntialias:y}=e;let S="none";return h==="move"||t?m?S="grabbing":S="grab":s?S=void 0:w&&!a&&(S="default"),{isMaskEnabled:n,isModifyingBoundingBox:s||c,shouldShowBoundingBox:o,shouldShowGrid:b,stageCoordinates:p,stageCursor:S,stageDimensions:d,stageScale:r,tool:h,isStaging:t,shouldShowIntermediates:v,shouldAntialias:y}},Ge),Mce=je(Hle,{shouldForwardProp:e=>!["sx"].includes(e)}),g_=()=>{const{isMaskEnabled:e,isModifyingBoundingBox:t,shouldShowBoundingBox:n,shouldShowGrid:r,stageCoordinates:o,stageCursor:s,stageDimensions:a,stageScale:c,tool:d,isStaging:p,shouldShowIntermediates:h,shouldAntialias:m}=z(Rce);Gle();const v=f.useRef(null),b=f.useRef(null),w=f.useCallback(T=>{ID(T),v.current=T},[]),y=f.useCallback(T=>{jD(T),b.current=T},[]),S=f.useRef({x:0,y:0}),_=f.useRef(!1),k=tce(v),j=Kle(v),I=Zle(v,_),E=Yle(v,_,S),O=Qle(),{handleDragStart:R,handleDragMove:M,handleDragEnd:A}=Vle();return i.jsx(F,{sx:{position:"relative",height:"100%",width:"100%",borderRadius:"base"},children:i.jsxs(Ee,{sx:{position:"relative"},children:[i.jsxs(Mce,{tabIndex:-1,ref:w,sx:{outline:"none",overflow:"hidden",cursor:s||void 0,canvas:{outline:"none"}},x:o.x,y:o.y,width:a.width,height:a.height,scale:{x:c,y:c},onTouchStart:j,onTouchMove:E,onTouchEnd:I,onMouseDown:j,onMouseLeave:O,onMouseMove:E,onMouseUp:I,onDragStart:R,onDragMove:M,onDragEnd:A,onContextMenu:T=>T.evt.preventDefault(),onWheel:k,draggable:(d==="move"||p)&&!t,children:[i.jsx(wu,{id:"grid",visible:r,children:i.jsx(sce,{})}),i.jsx(wu,{id:"base",ref:y,listening:!1,imageSmoothingEnabled:m,children:i.jsx(mce,{})}),i.jsxs(wu,{id:"mask",visible:e,listening:!1,children:[i.jsx(dce,{visible:!0,listening:!1}),i.jsx(cce,{listening:!1})]}),i.jsx(wu,{children:i.jsx(rce,{})}),i.jsxs(wu,{id:"preview",imageSmoothingEnabled:m,children:[!p&&i.jsx(Oce,{visible:d!=="move",listening:!1}),i.jsx(vce,{visible:p}),h&&i.jsx(ice,{}),i.jsx(Ice,{visible:n&&!p})]})]}),i.jsx(Pce,{}),i.jsx(yce,{})]})})},Dce=fe(mn,jH,Kn,(e,t,n)=>{const{doesCanvasNeedScaling:r,isCanvasInitialized:o}=e;return{doesCanvasNeedScaling:r,activeTabName:n,initialCanvasImage:t,isCanvasInitialized:o}}),v_=()=>{const e=te(),{doesCanvasNeedScaling:t,activeTabName:n,initialCanvasImage:r,isCanvasInitialized:o}=z(Dce),s=f.useRef(null);return f.useLayoutEffect(()=>{window.setTimeout(()=>{if(!s.current)return;const{clientWidth:a,clientHeight:c}=s.current;e(ED({width:a,height:c})),e(o?OD():nm()),e(A_(!1))},0)},[e,r,t,n,o]),i.jsx(F,{ref:s,sx:{flexDirection:"column",alignItems:"center",justifyContent:"center",gap:4,width:"100%",height:"100%"},children:i.jsx(fl,{thickness:"2px",size:"xl"})})};function xO(e,t,n=250){const[r,o]=f.useState(0);return f.useEffect(()=>{const s=setTimeout(()=>{r===1&&e(),o(0)},n);return r===2&&t(),()=>clearTimeout(s)},[r,e,t,n]),()=>o(s=>s+1)}const Ace=je(rO,{baseStyle:{paddingInline:4},shouldForwardProp:e=>!["pickerColor"].includes(e)}),mv={width:6,height:6,borderColor:"base.100"},Tce=e=>{const{styleClass:t="",...n}=e;return i.jsx(Ace,{sx:{".react-colorful__hue-pointer":mv,".react-colorful__saturation-pointer":mv,".react-colorful__alpha-pointer":mv},className:t,...n})},Jh=f.memo(Tce),Nce=fe([mn,ir],(e,t)=>{const{maskColor:n,layer:r,isMaskEnabled:o,shouldPreserveMaskedArea:s}=e;return{layer:r,maskColor:n,maskColorString:nl(n),isMaskEnabled:o,shouldPreserveMaskedArea:s,isStaging:t}},{memoizeOptions:{resultEqualityCheck:Jt}}),$ce=()=>{const e=te(),{t}=ye(),{layer:n,maskColor:r,isMaskEnabled:o,shouldPreserveMaskedArea:s,isStaging:a}=z(Nce);rt(["q"],()=>{c()},{enabled:()=>!a,preventDefault:!0},[n]),rt(["shift+c"],()=>{d()},{enabled:()=>!a,preventDefault:!0},[]),rt(["h"],()=>{p()},{enabled:()=>!a,preventDefault:!0},[o]);const c=()=>{e(zp(n==="mask"?"base":"mask"))},d=()=>e(ib()),p=()=>e(vd(!o));return i.jsx(gl,{triggerComponent:i.jsx(nr,{children:i.jsx(Le,{"aria-label":t("unifiedCanvas.maskingOptions"),tooltip:t("unifiedCanvas.maskingOptions"),icon:i.jsx(xW,{}),isChecked:n==="mask",isDisabled:a})}),children:i.jsxs(F,{direction:"column",gap:2,children:[i.jsx(Gn,{label:`${t("unifiedCanvas.enableMask")} (H)`,isChecked:o,onChange:p}),i.jsx(Gn,{label:t("unifiedCanvas.preserveMaskedArea"),isChecked:s,onChange:h=>e(f5(h.target.checked))}),i.jsx(Jh,{sx:{paddingTop:2,paddingBottom:2},pickerColor:r,onChange:h=>e(p5(h))}),i.jsxs(en,{size:"sm",leftIcon:i.jsx(us,{}),onClick:d,children:[t("unifiedCanvas.clearMask")," (Shift+C)"]})]})})},zce=fe([mn,Kn,go],(e,t,n)=>{const{futureLayerStates:r}=e;return{canRedo:r.length>0&&!n.isProcessing,activeTabName:t}},{memoizeOptions:{resultEqualityCheck:Jt}});function wO(){const e=te(),{canRedo:t,activeTabName:n}=z(zce),{t:r}=ye(),o=()=>{e(RD())};return rt(["meta+shift+z","ctrl+shift+z","control+y","meta+y"],()=>{o()},{enabled:()=>t,preventDefault:!0},[n,t]),i.jsx(Le,{"aria-label":`${r("unifiedCanvas.redo")} (Ctrl+Shift+Z)`,tooltip:`${r("unifiedCanvas.redo")} (Ctrl+Shift+Z)`,icon:i.jsx(CW,{}),onClick:o,isDisabled:!t})}const SO=()=>{const e=z(ir),t=te(),{t:n}=ye();return i.jsxs(ax,{title:n("unifiedCanvas.clearCanvasHistory"),acceptCallback:()=>t(MD()),acceptButtonText:n("unifiedCanvas.clearHistory"),triggerComponent:i.jsx(en,{size:"sm",leftIcon:i.jsx(us,{}),isDisabled:e,children:n("unifiedCanvas.clearCanvasHistory")}),children:[i.jsx("p",{children:n("unifiedCanvas.clearCanvasHistoryMessage")}),i.jsx("br",{}),i.jsx("p",{children:n("unifiedCanvas.clearCanvasHistoryConfirm")})]})},Lce=fe([mn],e=>{const{shouldAutoSave:t,shouldCropToBoundingBoxOnSave:n,shouldDarkenOutsideBoundingBox:r,shouldShowCanvasDebugInfo:o,shouldShowGrid:s,shouldShowIntermediates:a,shouldSnapToGrid:c,shouldRestrictStrokesToBox:d,shouldAntialias:p}=e;return{shouldAutoSave:t,shouldCropToBoundingBoxOnSave:n,shouldDarkenOutsideBoundingBox:r,shouldShowCanvasDebugInfo:o,shouldShowGrid:s,shouldShowIntermediates:a,shouldSnapToGrid:c,shouldRestrictStrokesToBox:d,shouldAntialias:p}},{memoizeOptions:{resultEqualityCheck:Jt}}),Bce=()=>{const e=te(),{t}=ye(),{shouldAutoSave:n,shouldCropToBoundingBoxOnSave:r,shouldDarkenOutsideBoundingBox:o,shouldShowCanvasDebugInfo:s,shouldShowGrid:a,shouldShowIntermediates:c,shouldSnapToGrid:d,shouldRestrictStrokesToBox:p,shouldAntialias:h}=z(Lce);rt(["n"],()=>{e(qu(!d))},{enabled:!0,preventDefault:!0},[d]);const m=v=>e(qu(v.target.checked));return i.jsx(gl,{isLazy:!1,triggerComponent:i.jsx(Le,{tooltip:t("unifiedCanvas.canvasSettings"),"aria-label":t("unifiedCanvas.canvasSettings"),icon:i.jsx(oy,{})}),children:i.jsxs(F,{direction:"column",gap:2,children:[i.jsx(Gn,{label:t("unifiedCanvas.showIntermediates"),isChecked:c,onChange:v=>e(h5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.showGrid"),isChecked:a,onChange:v=>e(m5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.snapToGrid"),isChecked:d,onChange:m}),i.jsx(Gn,{label:t("unifiedCanvas.darkenOutsideSelection"),isChecked:o,onChange:v=>e(g5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.autoSaveToGallery"),isChecked:n,onChange:v=>e(v5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.saveBoxRegionOnly"),isChecked:r,onChange:v=>e(b5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.limitStrokesToBox"),isChecked:p,onChange:v=>e(y5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.showCanvasDebugInfo"),isChecked:s,onChange:v=>e(x5(v.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.antialiasing"),isChecked:h,onChange:v=>e(w5(v.target.checked))}),i.jsx(SO,{})]})})},Fce=fe([mn,ir,go],(e,t,n)=>{const{isProcessing:r}=n,{tool:o,brushColor:s,brushSize:a}=e;return{tool:o,isStaging:t,isProcessing:r,brushColor:s,brushSize:a}},{memoizeOptions:{resultEqualityCheck:Jt}}),Hce=()=>{const e=te(),{tool:t,brushColor:n,brushSize:r,isStaging:o}=z(Fce),{t:s}=ye();rt(["b"],()=>{a()},{enabled:()=>!o,preventDefault:!0},[]),rt(["e"],()=>{c()},{enabled:()=>!o,preventDefault:!0},[t]),rt(["c"],()=>{d()},{enabled:()=>!o,preventDefault:!0},[t]),rt(["shift+f"],()=>{p()},{enabled:()=>!o,preventDefault:!0}),rt(["delete","backspace"],()=>{h()},{enabled:()=>!o,preventDefault:!0}),rt(["BracketLeft"],()=>{e(tc(Math.max(r-5,5)))},{enabled:()=>!o,preventDefault:!0},[r]),rt(["BracketRight"],()=>{e(tc(Math.min(r+5,500)))},{enabled:()=>!o,preventDefault:!0},[r]),rt(["Shift+BracketLeft"],()=>{e(nc({...n,a:Es(n.a-.05,.05,1)}))},{enabled:()=>!o,preventDefault:!0},[n]),rt(["Shift+BracketRight"],()=>{e(nc({...n,a:Es(n.a+.05,.05,1)}))},{enabled:()=>!o,preventDefault:!0},[n]);const a=()=>e(ea("brush")),c=()=>e(ea("eraser")),d=()=>e(ea("colorPicker")),p=()=>e(S5()),h=()=>e(C5());return i.jsxs(nr,{isAttached:!0,children:[i.jsx(Le,{"aria-label":`${s("unifiedCanvas.brush")} (B)`,tooltip:`${s("unifiedCanvas.brush")} (B)`,icon:i.jsx(kP,{}),isChecked:t==="brush"&&!o,onClick:a,isDisabled:o}),i.jsx(Le,{"aria-label":`${s("unifiedCanvas.eraser")} (E)`,tooltip:`${s("unifiedCanvas.eraser")} (E)`,icon:i.jsx(bP,{}),isChecked:t==="eraser"&&!o,isDisabled:o,onClick:c}),i.jsx(Le,{"aria-label":`${s("unifiedCanvas.fillBoundingBox")} (Shift+F)`,tooltip:`${s("unifiedCanvas.fillBoundingBox")} (Shift+F)`,icon:i.jsx(wP,{}),isDisabled:o,onClick:p}),i.jsx(Le,{"aria-label":`${s("unifiedCanvas.eraseBoundingBox")} (Del/Backspace)`,tooltip:`${s("unifiedCanvas.eraseBoundingBox")} (Del/Backspace)`,icon:i.jsx(ml,{style:{transform:"rotate(45deg)"}}),isDisabled:o,onClick:h}),i.jsx(Le,{"aria-label":`${s("unifiedCanvas.colorPicker")} (C)`,tooltip:`${s("unifiedCanvas.colorPicker")} (C)`,icon:i.jsx(xP,{}),isChecked:t==="colorPicker"&&!o,isDisabled:o,onClick:d}),i.jsx(gl,{triggerComponent:i.jsx(Le,{"aria-label":s("unifiedCanvas.brushOptions"),tooltip:s("unifiedCanvas.brushOptions"),icon:i.jsx(ny,{})}),children:i.jsxs(F,{minWidth:60,direction:"column",gap:4,width:"100%",children:[i.jsx(F,{gap:4,justifyContent:"space-between",children:i.jsx(_t,{label:s("unifiedCanvas.brushSize"),value:r,withInput:!0,onChange:m=>e(tc(m)),sliderNumberInputProps:{max:500}})}),i.jsx(Jh,{sx:{width:"100%",paddingTop:2,paddingBottom:2},pickerColor:n,onChange:m=>e(nc(m))})]})})]})},Wce=fe([mn,Kn,go],(e,t,n)=>{const{pastLayerStates:r}=e;return{canUndo:r.length>0&&!n.isProcessing,activeTabName:t}},{memoizeOptions:{resultEqualityCheck:Jt}});function CO(){const e=te(),{t}=ye(),{canUndo:n,activeTabName:r}=z(Wce),o=()=>{e(DD())};return rt(["meta+z","ctrl+z"],()=>{o()},{enabled:()=>n,preventDefault:!0},[r,n]),i.jsx(Le,{"aria-label":`${t("unifiedCanvas.undo")} (Ctrl+Z)`,tooltip:`${t("unifiedCanvas.undo")} (Ctrl+Z)`,icon:i.jsx(ry,{}),onClick:o,isDisabled:!n})}const Vce=fe([go,mn,ir],(e,t,n)=>{const{isProcessing:r}=e,{tool:o,shouldCropToBoundingBoxOnSave:s,layer:a,isMaskEnabled:c}=t;return{isProcessing:r,isStaging:n,isMaskEnabled:c,tool:o,layer:a,shouldCropToBoundingBoxOnSave:s}},{memoizeOptions:{resultEqualityCheck:Jt}}),Uce=()=>{const e=te(),{isProcessing:t,isStaging:n,isMaskEnabled:r,layer:o,tool:s}=z(Vce),a=Ea(),{t:c}=ye(),{isClipboardAPIAvailable:d}=Uy(),{getUploadButtonProps:p,getUploadInputProps:h}=qm({postUploadAction:{type:"SET_CANVAS_INITIAL_IMAGE"}});rt(["v"],()=>{m()},{enabled:()=>!n,preventDefault:!0},[]),rt(["r"],()=>{b()},{enabled:()=>!0,preventDefault:!0},[a]),rt(["shift+m"],()=>{y()},{enabled:()=>!n,preventDefault:!0},[a,t]),rt(["shift+s"],()=>{S()},{enabled:()=>!n,preventDefault:!0},[a,t]),rt(["meta+c","ctrl+c"],()=>{_()},{enabled:()=>!n&&d,preventDefault:!0},[a,t,d]),rt(["shift+d"],()=>{k()},{enabled:()=>!n,preventDefault:!0},[a,t]);const m=()=>e(ea("move")),v=xO(()=>b(!1),()=>b(!0)),b=(I=!1)=>{const E=Ea();if(!E)return;const O=E.getClientRect({skipTransform:!0});e(k5({contentRect:O,shouldScaleTo1:I}))},w=()=>{e(tb()),e(nm())},y=()=>{e(_5())},S=()=>{e(P5())},_=()=>{d&&e(j5())},k=()=>{e(I5())},j=I=>{const E=I;e(zp(E)),E==="mask"&&!r&&e(vd(!0))};return i.jsxs(F,{sx:{alignItems:"center",gap:2,flexWrap:"wrap"},children:[i.jsx(Ee,{w:24,children:i.jsx(Xr,{tooltip:`${c("unifiedCanvas.layer")} (Q)`,value:o,data:E5,onChange:j,disabled:n})}),i.jsx($ce,{}),i.jsx(Hce,{}),i.jsxs(nr,{isAttached:!0,children:[i.jsx(Le,{"aria-label":`${c("unifiedCanvas.move")} (V)`,tooltip:`${c("unifiedCanvas.move")} (V)`,icon:i.jsx(mP,{}),isChecked:s==="move"||n,onClick:m}),i.jsx(Le,{"aria-label":`${c("unifiedCanvas.resetView")} (R)`,tooltip:`${c("unifiedCanvas.resetView")} (R)`,icon:i.jsx(vP,{}),onClick:v})]}),i.jsxs(nr,{isAttached:!0,children:[i.jsx(Le,{"aria-label":`${c("unifiedCanvas.mergeVisible")} (Shift+M)`,tooltip:`${c("unifiedCanvas.mergeVisible")} (Shift+M)`,icon:i.jsx(SP,{}),onClick:y,isDisabled:n}),i.jsx(Le,{"aria-label":`${c("unifiedCanvas.saveToGallery")} (Shift+S)`,tooltip:`${c("unifiedCanvas.saveToGallery")} (Shift+S)`,icon:i.jsx(Im,{}),onClick:S,isDisabled:n}),d&&i.jsx(Le,{"aria-label":`${c("unifiedCanvas.copyToClipboard")} (Cmd/Ctrl+C)`,tooltip:`${c("unifiedCanvas.copyToClipboard")} (Cmd/Ctrl+C)`,icon:i.jsx(Wc,{}),onClick:_,isDisabled:n}),i.jsx(Le,{"aria-label":`${c("unifiedCanvas.downloadAsImage")} (Shift+D)`,tooltip:`${c("unifiedCanvas.downloadAsImage")} (Shift+D)`,icon:i.jsx(ty,{}),onClick:k,isDisabled:n})]}),i.jsxs(nr,{isAttached:!0,children:[i.jsx(CO,{}),i.jsx(wO,{})]}),i.jsxs(nr,{isAttached:!0,children:[i.jsx(Le,{"aria-label":`${c("common.upload")}`,tooltip:`${c("common.upload")}`,icon:i.jsx(Ad,{}),isDisabled:n,...p()}),i.jsx("input",{...h()}),i.jsx(Le,{"aria-label":`${c("unifiedCanvas.clearCanvas")}`,tooltip:`${c("unifiedCanvas.clearCanvas")}`,icon:i.jsx(us,{}),onClick:w,colorScheme:"error",isDisabled:n})]}),i.jsx(nr,{isAttached:!0,children:i.jsx(Bce,{})})]})};function Gce(){const e=te(),t=z(o=>o.canvas.brushSize),{t:n}=ye(),r=z(ir);return rt(["BracketLeft"],()=>{e(tc(Math.max(t-5,5)))},{enabled:()=>!r,preventDefault:!0},[t]),rt(["BracketRight"],()=>{e(tc(Math.min(t+5,500)))},{enabled:()=>!r,preventDefault:!0},[t]),i.jsx(_t,{label:n("unifiedCanvas.brushSize"),value:t,withInput:!0,onChange:o=>e(tc(o)),sliderNumberInputProps:{max:500},isCompact:!0})}const qce=fe([mn,ir],(e,t)=>{const{brushColor:n,maskColor:r,layer:o}=e;return{brushColor:n,maskColor:r,layer:o,isStaging:t}},{memoizeOptions:{resultEqualityCheck:Jt}});function Kce(){const e=te(),{brushColor:t,maskColor:n,layer:r,isStaging:o}=z(qce),s=()=>{if(r==="base")return`rgba(${t.r},${t.g},${t.b},${t.a})`;if(r==="mask")return`rgba(${n.r},${n.g},${n.b},${n.a})`};return rt(["shift+BracketLeft"],()=>{e(nc({...t,a:Es(t.a-.05,.05,1)}))},{enabled:()=>!o,preventDefault:!0},[t]),rt(["shift+BracketRight"],()=>{e(nc({...t,a:Es(t.a+.05,.05,1)}))},{enabled:()=>!o,preventDefault:!0},[t]),i.jsx(gl,{triggerComponent:i.jsx(Ee,{sx:{width:7,height:7,minWidth:7,minHeight:7,borderRadius:"full",bg:s(),cursor:"pointer"}}),children:i.jsxs(F,{minWidth:60,direction:"column",gap:4,width:"100%",children:[r==="base"&&i.jsx(Jh,{sx:{width:"100%",paddingTop:2,paddingBottom:2},pickerColor:t,onChange:a=>e(nc(a))}),r==="mask"&&i.jsx(Jh,{sx:{width:"100%",paddingTop:2,paddingBottom:2},pickerColor:n,onChange:a=>e(p5(a))})]})})}function kO(){return i.jsxs(F,{columnGap:4,alignItems:"center",children:[i.jsx(Gce,{}),i.jsx(Kce,{})]})}function Xce(){const e=te(),t=z(r=>r.canvas.shouldRestrictStrokesToBox),{t:n}=ye();return i.jsx(Gn,{label:n("unifiedCanvas.betaLimitToBox"),isChecked:t,onChange:r=>e(y5(r.target.checked))})}function Yce(){return i.jsxs(F,{gap:4,alignItems:"center",children:[i.jsx(kO,{}),i.jsx(Xce,{})]})}function Qce(){const e=te(),{t}=ye(),n=()=>e(ib());return i.jsx(en,{size:"sm",leftIcon:i.jsx(us,{}),onClick:n,tooltip:`${t("unifiedCanvas.clearMask")} (Shift+C)`,children:t("unifiedCanvas.betaClear")})}function Jce(){const e=z(o=>o.canvas.isMaskEnabled),t=te(),{t:n}=ye(),r=()=>t(vd(!e));return i.jsx(Gn,{label:`${n("unifiedCanvas.enableMask")} (H)`,isChecked:e,onChange:r})}function Zce(){const e=te(),{t}=ye(),n=z(r=>r.canvas.shouldPreserveMaskedArea);return i.jsx(Gn,{label:t("unifiedCanvas.betaPreserveMasked"),isChecked:n,onChange:r=>e(f5(r.target.checked))})}function eue(){return i.jsxs(F,{gap:4,alignItems:"center",children:[i.jsx(kO,{}),i.jsx(Jce,{}),i.jsx(Zce,{}),i.jsx(Qce,{})]})}function tue(){const e=z(r=>r.canvas.shouldDarkenOutsideBoundingBox),t=te(),{t:n}=ye();return i.jsx(Gn,{label:n("unifiedCanvas.betaDarkenOutside"),isChecked:e,onChange:r=>t(g5(r.target.checked))})}function nue(){const e=z(r=>r.canvas.shouldShowGrid),t=te(),{t:n}=ye();return i.jsx(Gn,{label:n("unifiedCanvas.showGrid"),isChecked:e,onChange:r=>t(m5(r.target.checked))})}function rue(){const e=z(o=>o.canvas.shouldSnapToGrid),t=te(),{t:n}=ye(),r=o=>t(qu(o.target.checked));return i.jsx(Gn,{label:`${n("unifiedCanvas.snapToGrid")} (N)`,isChecked:e,onChange:r})}function oue(){return i.jsxs(F,{alignItems:"center",gap:4,children:[i.jsx(nue,{}),i.jsx(rue,{}),i.jsx(tue,{})]})}const sue=fe([mn],e=>{const{tool:t,layer:n}=e;return{tool:t,layer:n}},{memoizeOptions:{resultEqualityCheck:Jt}});function aue(){const{tool:e,layer:t}=z(sue);return i.jsxs(F,{height:8,minHeight:8,maxHeight:8,alignItems:"center",children:[t=="base"&&["brush","eraser","colorPicker"].includes(e)&&i.jsx(Yce,{}),t=="mask"&&["brush","eraser","colorPicker"].includes(e)&&i.jsx(eue,{}),e=="move"&&i.jsx(oue,{})]})}const iue=fe([mn],e=>{const{shouldAutoSave:t,shouldCropToBoundingBoxOnSave:n,shouldShowCanvasDebugInfo:r,shouldShowIntermediates:o,shouldAntialias:s}=e;return{shouldAutoSave:t,shouldCropToBoundingBoxOnSave:n,shouldShowCanvasDebugInfo:r,shouldShowIntermediates:o,shouldAntialias:s}},{memoizeOptions:{resultEqualityCheck:Jt}}),lue=()=>{const e=te(),{t}=ye(),{shouldAutoSave:n,shouldCropToBoundingBoxOnSave:r,shouldShowCanvasDebugInfo:o,shouldShowIntermediates:s,shouldAntialias:a}=z(iue);return i.jsx(gl,{isLazy:!1,triggerComponent:i.jsx(Le,{tooltip:t("unifiedCanvas.canvasSettings"),tooltipProps:{placement:"bottom"},"aria-label":t("unifiedCanvas.canvasSettings"),icon:i.jsx(oy,{})}),children:i.jsxs(F,{direction:"column",gap:2,children:[i.jsx(Gn,{label:t("unifiedCanvas.showIntermediates"),isChecked:s,onChange:c=>e(h5(c.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.autoSaveToGallery"),isChecked:n,onChange:c=>e(v5(c.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.saveBoxRegionOnly"),isChecked:r,onChange:c=>e(b5(c.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.showCanvasDebugInfo"),isChecked:o,onChange:c=>e(x5(c.target.checked))}),i.jsx(Gn,{label:t("unifiedCanvas.antialiasing"),isChecked:a,onChange:c=>e(w5(c.target.checked))}),i.jsx(SO,{})]})})};function cue(){const e=z(ir),t=Ea(),{isClipboardAPIAvailable:n}=Uy(),r=z(c=>c.system.isProcessing),o=te(),{t:s}=ye();rt(["meta+c","ctrl+c"],()=>{a()},{enabled:()=>!e&&n,preventDefault:!0},[t,r,n]);const a=f.useCallback(()=>{n&&o(j5())},[o,n]);return n?i.jsx(Le,{"aria-label":`${s("unifiedCanvas.copyToClipboard")} (Cmd/Ctrl+C)`,tooltip:`${s("unifiedCanvas.copyToClipboard")} (Cmd/Ctrl+C)`,icon:i.jsx(Wc,{}),onClick:a,isDisabled:e}):null}function uue(){const e=te(),{t}=ye(),n=Ea(),r=z(ir);rt(["shift+d"],()=>{o()},{enabled:()=>!r,preventDefault:!0},[n]);const o=()=>{e(I5())};return i.jsx(Le,{"aria-label":`${t("unifiedCanvas.downloadAsImage")} (Shift+D)`,tooltip:`${t("unifiedCanvas.downloadAsImage")} (Shift+D)`,icon:i.jsx(ty,{}),onClick:o,isDisabled:r})}function due(){const e=z(ir),{getUploadButtonProps:t,getUploadInputProps:n}=qm({postUploadAction:{type:"SET_CANVAS_INITIAL_IMAGE"}}),{t:r}=ye();return i.jsxs(i.Fragment,{children:[i.jsx(Le,{"aria-label":r("common.upload"),tooltip:r("common.upload"),icon:i.jsx(Ad,{}),isDisabled:e,...t()}),i.jsx("input",{...n()})]})}const fue=fe([mn,ir],(e,t)=>{const{layer:n,isMaskEnabled:r}=e;return{layer:n,isMaskEnabled:r,isStaging:t}},{memoizeOptions:{resultEqualityCheck:Jt}});function pue(){const e=te(),{t}=ye(),{layer:n,isMaskEnabled:r,isStaging:o}=z(fue),s=()=>{e(zp(n==="mask"?"base":"mask"))};rt(["q"],()=>{s()},{enabled:()=>!o,preventDefault:!0},[n]);const a=c=>{const d=c;e(zp(d)),d==="mask"&&!r&&e(vd(!0))};return i.jsx(Xr,{tooltip:`${t("unifiedCanvas.layer")} (Q)`,"aria-label":`${t("unifiedCanvas.layer")} (Q)`,value:n,data:E5,onChange:a,disabled:o,w:"full"})}function hue(){const e=te(),{t}=ye(),n=Ea(),r=z(ir),o=z(a=>a.system.isProcessing);rt(["shift+m"],()=>{s()},{enabled:()=>!r,preventDefault:!0},[n,o]);const s=()=>{e(_5())};return i.jsx(Le,{"aria-label":`${t("unifiedCanvas.mergeVisible")} (Shift+M)`,tooltip:`${t("unifiedCanvas.mergeVisible")} (Shift+M)`,icon:i.jsx(SP,{}),onClick:s,isDisabled:r})}function mue(){const e=z(s=>s.canvas.tool),t=z(ir),n=te(),{t:r}=ye();rt(["v"],()=>{o()},{enabled:()=>!t,preventDefault:!0},[]);const o=()=>n(ea("move"));return i.jsx(Le,{"aria-label":`${r("unifiedCanvas.move")} (V)`,tooltip:`${r("unifiedCanvas.move")} (V)`,icon:i.jsx(mP,{}),isChecked:e==="move"||t,onClick:o})}function gue(){const e=z(s=>s.ui.shouldPinParametersPanel),t=z(s=>s.ui.shouldShowParametersPanel),n=te(),{t:r}=ye(),o=()=>{n(lb(!0)),e&&n(Co())};return!e||!t?i.jsxs(F,{flexDirection:"column",gap:2,children:[i.jsx(Le,{tooltip:`${r("parameters.showOptionsPanel")} (O)`,tooltipProps:{placement:"top"},"aria-label":r("parameters.showOptionsPanel"),onClick:o,children:i.jsx(ny,{})}),i.jsx(F,{children:i.jsx(Qy,{iconButton:!0})}),i.jsx(F,{children:i.jsx(Qm,{width:"100%",height:"40px",btnGroupWidth:"100%"})})]}):null}function vue(){const e=te(),{t}=ye(),n=z(ir),r=()=>{e(tb()),e(nm())};return i.jsx(Le,{"aria-label":t("unifiedCanvas.clearCanvas"),tooltip:t("unifiedCanvas.clearCanvas"),icon:i.jsx(us,{}),onClick:r,isDisabled:n,colorScheme:"error"})}function bue(){const e=Ea(),t=te(),{t:n}=ye();rt(["r"],()=>{o()},{enabled:()=>!0,preventDefault:!0},[e]);const r=xO(()=>o(!1),()=>o(!0)),o=(s=!1)=>{const a=Ea();if(!a)return;const c=a.getClientRect({skipTransform:!0});t(k5({contentRect:c,shouldScaleTo1:s}))};return i.jsx(Le,{"aria-label":`${n("unifiedCanvas.resetView")} (R)`,tooltip:`${n("unifiedCanvas.resetView")} (R)`,icon:i.jsx(vP,{}),onClick:r})}function yue(){const e=z(ir),t=Ea(),n=z(a=>a.system.isProcessing),r=te(),{t:o}=ye();rt(["shift+s"],()=>{s()},{enabled:()=>!e,preventDefault:!0},[t,n]);const s=()=>{r(P5())};return i.jsx(Le,{"aria-label":`${o("unifiedCanvas.saveToGallery")} (Shift+S)`,tooltip:`${o("unifiedCanvas.saveToGallery")} (Shift+S)`,icon:i.jsx(Im,{}),onClick:s,isDisabled:e})}const xue=fe([mn,ir,go],(e,t,n)=>{const{isProcessing:r}=n,{tool:o}=e;return{tool:o,isStaging:t,isProcessing:r}},{memoizeOptions:{resultEqualityCheck:Jt}}),wue=()=>{const e=te(),{t}=ye(),{tool:n,isStaging:r}=z(xue);rt(["b"],()=>{o()},{enabled:()=>!r,preventDefault:!0},[]),rt(["e"],()=>{s()},{enabled:()=>!r,preventDefault:!0},[n]),rt(["c"],()=>{a()},{enabled:()=>!r,preventDefault:!0},[n]),rt(["shift+f"],()=>{c()},{enabled:()=>!r,preventDefault:!0}),rt(["delete","backspace"],()=>{d()},{enabled:()=>!r,preventDefault:!0});const o=()=>e(ea("brush")),s=()=>e(ea("eraser")),a=()=>e(ea("colorPicker")),c=()=>e(S5()),d=()=>e(C5());return i.jsxs(F,{flexDirection:"column",gap:2,children:[i.jsxs(nr,{children:[i.jsx(Le,{"aria-label":`${t("unifiedCanvas.brush")} (B)`,tooltip:`${t("unifiedCanvas.brush")} (B)`,icon:i.jsx(kP,{}),isChecked:n==="brush"&&!r,onClick:o,isDisabled:r}),i.jsx(Le,{"aria-label":`${t("unifiedCanvas.eraser")} (E)`,tooltip:`${t("unifiedCanvas.eraser")} (B)`,icon:i.jsx(bP,{}),isChecked:n==="eraser"&&!r,isDisabled:r,onClick:s})]}),i.jsxs(nr,{children:[i.jsx(Le,{"aria-label":`${t("unifiedCanvas.fillBoundingBox")} (Shift+F)`,tooltip:`${t("unifiedCanvas.fillBoundingBox")} (Shift+F)`,icon:i.jsx(wP,{}),isDisabled:r,onClick:c}),i.jsx(Le,{"aria-label":`${t("unifiedCanvas.eraseBoundingBox")} (Del/Backspace)`,tooltip:`${t("unifiedCanvas.eraseBoundingBox")} (Del/Backspace)`,icon:i.jsx(ml,{style:{transform:"rotate(45deg)"}}),isDisabled:r,onClick:d})]}),i.jsx(Le,{"aria-label":`${t("unifiedCanvas.colorPicker")} (C)`,tooltip:`${t("unifiedCanvas.colorPicker")} (C)`,icon:i.jsx(xP,{}),isChecked:n==="colorPicker"&&!r,isDisabled:r,onClick:a,width:"max-content"})]})},Sue=()=>i.jsxs(F,{flexDirection:"column",rowGap:2,width:"min-content",children:[i.jsx(pue,{}),i.jsx(wue,{}),i.jsxs(F,{gap:2,children:[i.jsx(mue,{}),i.jsx(bue,{})]}),i.jsxs(F,{columnGap:2,children:[i.jsx(hue,{}),i.jsx(yue,{})]}),i.jsxs(F,{columnGap:2,children:[i.jsx(cue,{}),i.jsx(uue,{})]}),i.jsxs(F,{gap:2,children:[i.jsx(CO,{}),i.jsx(wO,{})]}),i.jsxs(F,{gap:2,children:[i.jsx(due,{}),i.jsx(vue,{})]}),i.jsx(lue,{}),i.jsx(gue,{})]}),Cue=fe([mn,La],(e,t)=>{const{doesCanvasNeedScaling:n}=e,{shouldUseCanvasBetaLayout:r}=t;return{doesCanvasNeedScaling:n,shouldUseCanvasBetaLayout:r}},Ge),gv={id:"canvas-intial-image",actionType:"SET_CANVAS_INITIAL_IMAGE"},kue=()=>{const e=te(),{doesCanvasNeedScaling:t,shouldUseCanvasBetaLayout:n}=z(Cue),{isOver:r,setNodeRef:o,active:s}=X1({id:"unifiedCanvas",data:gv});return f.useLayoutEffect(()=>{const a=()=>{e(Co())};return window.addEventListener("resize",a),()=>window.removeEventListener("resize",a)},[e]),n?i.jsx(Ee,{layerStyle:"first",ref:o,tabIndex:0,sx:{w:"full",h:"full",p:4,borderRadius:"base"},children:i.jsxs(F,{sx:{w:"full",h:"full",gap:4},children:[i.jsx(Sue,{}),i.jsxs(F,{sx:{flexDir:"column",w:"full",h:"full",gap:4,position:"relative"},children:[i.jsx(aue,{}),i.jsxs(Ee,{sx:{w:"full",h:"full",position:"relative"},children:[t?i.jsx(v_,{}):i.jsx(g_,{}),Rp(gv,s)&&i.jsx(oh,{isOver:r,label:"Set Canvas Initial Image"})]})]})]})}):i.jsx(Ee,{ref:o,tabIndex:-1,sx:{layerStyle:"first",w:"full",h:"full",p:4,borderRadius:"base"},children:i.jsxs(F,{sx:{flexDirection:"column",alignItems:"center",gap:4,w:"full",h:"full"},children:[i.jsx(Uce,{}),i.jsx(F,{sx:{flexDirection:"column",alignItems:"center",justifyContent:"center",gap:4,w:"full",h:"full"},children:i.jsxs(Ee,{sx:{w:"full",h:"full",position:"relative"},children:[t?i.jsx(v_,{}):i.jsx(g_,{}),Rp(gv,s)&&i.jsx(oh,{isOver:r,label:"Set Canvas Initial Image"})]})})]})})},_ue=f.memo(kue),Pue=fe([Xe],({generation:e})=>{const{infillMethod:t}=e;return{infillMethod:t}},Ge),jue=()=>{const e=te(),{infillMethod:t}=z(Pue),{data:n,isLoading:r}=G_(),o=n==null?void 0:n.infill_methods,{t:s}=ye(),a=f.useCallback(c=>{e(AD(c))},[e]);return i.jsx(Xr,{disabled:(o==null?void 0:o.length)===0,placeholder:r?"Loading...":void 0,label:s("parameters.infillMethod"),value:t,data:o??[],onChange:a})},Iue=f.memo(jue),Eue=fe([Di],e=>{const{tileSize:t,infillMethod:n}=e;return{tileSize:t,infillMethod:n}},Ge),Oue=()=>{const e=te(),{tileSize:t,infillMethod:n}=z(Eue),{t:r}=ye(),o=f.useCallback(a=>{e(mw(a))},[e]),s=f.useCallback(()=>{e(mw(32))},[e]);return i.jsx(_t,{isDisabled:n!=="tile",label:r("parameters.tileSize"),min:16,max:64,sliderNumberInputProps:{max:256},value:t,onChange:o,withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:s})},Rue=f.memo(Oue),Mue=fe([mn],e=>{const{boundingBoxScaleMethod:t}=e;return{boundingBoxScale:t}},Ge),Due=()=>{const e=te(),{boundingBoxScale:t}=z(Mue),{t:n}=ye(),r=o=>{e(ND(o))};return i.jsx(sr,{label:n("parameters.scaleBeforeProcessing"),data:TD,value:t,onChange:r})},Aue=f.memo(Due),Tue=fe([Di,go,mn],(e,t,n)=>{const{scaledBoundingBoxDimensions:r,boundingBoxScaleMethod:o}=n;return{scaledBoundingBoxDimensions:r,isManual:o==="manual"}},Ge),Nue=()=>{const e=te(),{isManual:t,scaledBoundingBoxDimensions:n}=z(Tue),{t:r}=ye(),o=a=>{e(Lp({...n,height:Math.floor(a)}))},s=()=>{e(Lp({...n,height:Math.floor(512)}))};return i.jsx(_t,{isDisabled:!t,label:r("parameters.scaledHeight"),min:64,max:1024,step:64,value:n.height,onChange:o,sliderNumberInputProps:{max:4096},withSliderMarks:!0,withInput:!0,withReset:!0,handleReset:s})},$ue=f.memo(Nue),zue=fe([mn],e=>{const{boundingBoxScaleMethod:t,scaledBoundingBoxDimensions:n}=e;return{scaledBoundingBoxDimensions:n,isManual:t==="manual"}},Ge),Lue=()=>{const e=te(),{isManual:t,scaledBoundingBoxDimensions:n}=z(zue),{t:r}=ye(),o=a=>{e(Lp({...n,width:Math.floor(a)}))},s=()=>{e(Lp({...n,width:Math.floor(512)}))};return i.jsx(_t,{isDisabled:!t,label:r("parameters.scaledWidth"),min:64,max:1024,step:64,value:n.width,onChange:o,sliderNumberInputProps:{max:4096},withSliderMarks:!0,withInput:!0,withReset:!0,handleReset:s})},Bue=f.memo(Lue),Fue=()=>{const{t:e}=ye();return i.jsx(Ro,{label:e("parameters.infillScalingHeader"),children:i.jsxs(F,{sx:{gap:2,flexDirection:"column"},children:[i.jsx(Iue,{}),i.jsx(Rue,{}),i.jsx(Aue,{}),i.jsx(Bue,{}),i.jsx($ue,{})]})})},Hue=f.memo(Fue);function Wue(){const e=te(),t=z(r=>r.generation.seamBlur),{t:n}=ye();return i.jsx(_t,{label:n("parameters.seamBlur"),min:0,max:64,sliderNumberInputProps:{max:512},value:t,onChange:r=>{e(gw(r))},withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>{e(gw(16))}})}function Vue(){const e=te(),{t}=ye(),n=z(r=>r.generation.seamSize);return i.jsx(_t,{label:t("parameters.seamSize"),min:1,max:256,sliderNumberInputProps:{max:512},value:n,onChange:r=>{e(vw(r))},withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>e(vw(96))})}function Uue(){const{t:e}=ye(),t=z(r=>r.generation.seamSteps),n=te();return i.jsx(_t,{label:e("parameters.seamSteps"),min:1,max:100,sliderNumberInputProps:{max:999},value:t,onChange:r=>{n(bw(r))},withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>{n(bw(30))}})}function Gue(){const e=te(),{t}=ye(),n=z(r=>r.generation.seamStrength);return i.jsx(_t,{label:t("parameters.seamStrength"),min:.01,max:.99,step:.01,value:n,onChange:r=>{e(yw(r))},withInput:!0,withSliderMarks:!0,withReset:!0,handleReset:()=>{e(yw(.7))}})}const que=()=>{const{t:e}=ye();return i.jsxs(Ro,{label:e("parameters.seamCorrectionHeader"),children:[i.jsx(Vue,{}),i.jsx(Wue,{}),i.jsx(Gue,{}),i.jsx(Uue,{})]})},Kue=f.memo(que),Xue=fe([Xe,ir],({canvas:e,generation:t},n)=>{const{boundingBoxDimensions:r}=e,{aspectRatio:o}=t;return{boundingBoxDimensions:r,isStaging:n,aspectRatio:o}},Ge),Yue=()=>{const e=te(),{boundingBoxDimensions:t,isStaging:n,aspectRatio:r}=z(Xue),{t:o}=ye(),s=c=>{if(e(Js({...t,height:Math.floor(c)})),r){const d=Ss(c*r,64);e(Js({width:d,height:Math.floor(c)}))}},a=()=>{if(e(Js({...t,height:Math.floor(512)})),r){const c=Ss(512*r,64);e(Js({width:c,height:Math.floor(512)}))}};return i.jsx(_t,{label:o("parameters.boundingBoxHeight"),min:64,max:1024,step:64,value:t.height,onChange:s,isDisabled:n,sliderNumberInputProps:{max:4096},withSliderMarks:!0,withInput:!0,withReset:!0,handleReset:a})},Que=f.memo(Yue),Jue=fe([Xe,ir],({canvas:e,generation:t},n)=>{const{boundingBoxDimensions:r}=e,{aspectRatio:o}=t;return{boundingBoxDimensions:r,isStaging:n,aspectRatio:o}},Ge),Zue=()=>{const e=te(),{boundingBoxDimensions:t,isStaging:n,aspectRatio:r}=z(Jue),{t:o}=ye(),s=c=>{if(e(Js({...t,width:Math.floor(c)})),r){const d=Ss(c/r,64);e(Js({width:Math.floor(c),height:d}))}},a=()=>{if(e(Js({...t,width:Math.floor(512)})),r){const c=Ss(512/r,64);e(Js({width:Math.floor(512),height:c}))}};return i.jsx(_t,{label:o("parameters.boundingBoxWidth"),min:64,max:1024,step:64,value:t.width,onChange:s,isDisabled:n,sliderNumberInputProps:{max:4096},withSliderMarks:!0,withInput:!0,withReset:!0,handleReset:a})},ede=f.memo(Zue);function b_(){const e=te(),{t}=ye();return i.jsxs(F,{sx:{gap:2,p:4,borderRadius:4,flexDirection:"column",w:"full",bg:"base.150",_dark:{bg:"base.750"}},children:[i.jsxs(F,{alignItems:"center",gap:2,children:[i.jsx(Ye,{sx:{fontSize:"sm",width:"full",color:"base.700",_dark:{color:"base.300"}},children:t("parameters.aspectRatio")}),i.jsx(pl,{}),i.jsx(A8,{}),i.jsx(Le,{tooltip:t("ui.swapSizes"),"aria-label":t("ui.swapSizes"),size:"sm",icon:i.jsx(f8,{}),fontSize:20,onClick:()=>e($D())})]}),i.jsx(ede,{}),i.jsx(Que,{})]})}const tde=fe(Xe,({ui:e,generation:t})=>{const{shouldUseSliders:n}=e,{shouldRandomizeSeed:r}=t;return{shouldUseSliders:n,activeLabel:r?void 0:"Manual Seed"}},Ge),nde=()=>{const{shouldUseSliders:e,activeLabel:t}=z(tde);return i.jsx(Ro,{label:"General",activeLabel:t,defaultIsOpen:!0,children:i.jsxs(F,{sx:{flexDirection:"column",gap:3},children:[e?i.jsxs(i.Fragment,{children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(b_,{})]}):i.jsxs(i.Fragment,{children:[i.jsxs(F,{gap:3,children:[i.jsx(wi,{}),i.jsx(Ci,{}),i.jsx(xi,{})]}),i.jsx(Si,{}),i.jsx(Ee,{pt:2,children:i.jsx(ki,{})}),i.jsx(b_,{})]}),i.jsx(W8,{})]})})},rde=f.memo(nde),_O=()=>i.jsxs(i.Fragment,{children:[i.jsx(sx,{}),i.jsx(Wd,{}),i.jsx(rde,{}),i.jsx(rx,{}),i.jsx(tx,{}),i.jsx(Fd,{}),i.jsx(ox,{}),i.jsx(Kue,{}),i.jsx(Hue,{}),i.jsx(nx,{})]}),ode=()=>i.jsxs(F,{sx:{gap:4,w:"full",h:"full"},children:[i.jsx(ex,{children:i.jsx(_O,{})}),i.jsx(_ue,{})]}),sde=f.memo(ode),ade=[{id:"txt2img",translationKey:"common.txt2img",icon:i.jsx(no,{as:fW,sx:{boxSize:6,pointerEvents:"none"}}),content:i.jsx(Lie,{})},{id:"img2img",translationKey:"common.img2img",icon:i.jsx(no,{as:il,sx:{boxSize:6,pointerEvents:"none"}}),content:i.jsx(Loe,{})},{id:"unifiedCanvas",translationKey:"common.unifiedCanvas",icon:i.jsx(no,{as:Tee,sx:{boxSize:6,pointerEvents:"none"}}),content:i.jsx(sde,{})},{id:"nodes",translationKey:"common.nodes",icon:i.jsx(no,{as:Aee,sx:{boxSize:6,pointerEvents:"none"}}),content:i.jsx(Tie,{})},{id:"modelManager",translationKey:"modelManager.modelManager",icon:i.jsx(no,{as:sW,sx:{boxSize:6,pointerEvents:"none"}}),content:i.jsx(zse,{})}],ide=fe([p8,go],(e,t)=>{const{disabledTabs:n}=e,{isNodesEnabled:r}=t;return ade.filter(s=>s.id==="nodes"?r&&!n.includes(s.id):!n.includes(s.id))},{memoizeOptions:{resultEqualityCheck:Jt}}),lde=350,vv=20,PO=["modelManager"],cde=()=>{const e=z(zD),t=z(Kn),n=z(ide),{shouldPinGallery:r,shouldPinParametersPanel:o,shouldShowGallery:s}=z(y=>y.ui),{t:a}=ye(),c=te();rt("f",()=>{c(LD()),(r||o)&&c(Co())},[r,o]);const d=f.useCallback(()=>{t==="unifiedCanvas"&&c(Co())},[c,t]),p=f.useCallback(y=>{y.target instanceof HTMLElement&&y.target.blur()},[]),h=f.useMemo(()=>n.map(y=>i.jsx(wn,{hasArrow:!0,label:String(a(y.translationKey)),placement:"end",children:i.jsxs(Sc,{onClick:p,children:[i.jsx(U5,{children:String(a(y.translationKey))}),y.icon]})},y.id)),[n,a,p]),m=f.useMemo(()=>n.map(y=>i.jsx(Pm,{children:y.content},y.id)),[n]),{ref:v,minSizePct:b}=ote(lde,vv,"app"),w=f.useCallback(y=>{const S=BD[y];S&&c(Kl(S))},[c]);return i.jsxs(Rd,{defaultIndex:e,index:e,onChange:w,sx:{flexGrow:1,gap:4},isLazy:!0,children:[i.jsxs(Md,{sx:{pt:2,gap:4,flexDir:"column"},children:[h,i.jsx(pl,{}),i.jsx(Bee,{})]}),i.jsxs(Yy,{id:"app",autoSaveId:"app",direction:"horizontal",style:{height:"100%",width:"100%"},children:[i.jsx(cd,{id:"main",children:i.jsx(jm,{style:{height:"100%",width:"100%"},children:m})}),r&&s&&!PO.includes(t)&&i.jsxs(i.Fragment,{children:[i.jsx(z8,{}),i.jsx(cd,{ref:v,onResize:d,id:"gallery",order:3,defaultSize:b>vv&&b<100?b:vv,minSize:b,maxSize:50,children:i.jsx(c8,{})})]})]})]})},ude=f.memo(cde),dde=fe([Kn,La],(e,t)=>{const{shouldPinGallery:n,shouldShowGallery:r}=t;return{shouldPinGallery:n,shouldShowGalleryButton:PO.includes(e)?!1:!r}},{memoizeOptions:{resultEqualityCheck:Jt}}),fde=()=>{const{t:e}=ye(),{shouldPinGallery:t,shouldShowGalleryButton:n}=z(dde),r=te(),o=()=>{r(Rv(!0)),t&&r(Co())};return n?i.jsx(Le,{tooltip:"Show Gallery (G)",tooltipProps:{placement:"top"},"aria-label":e("accessibility.showGallery"),onClick:o,sx:{pos:"absolute",top:"50%",transform:"translate(0, -50%)",p:0,insetInlineEnd:0,px:3,h:48,w:8,borderStartEndRadius:0,borderEndEndRadius:0,shadow:"2xl"},children:i.jsx(Nee,{})}):null},pde=f.memo(fde),bv={borderStartStartRadius:0,borderEndStartRadius:0,shadow:"2xl"},hde=fe([La,Kn],(e,t)=>{const{shouldPinParametersPanel:n,shouldUseCanvasBetaLayout:r,shouldShowParametersPanel:o}=e,s=r&&t==="unifiedCanvas",a=!s&&(!n||!o),c=!s&&!o&&["txt2img","img2img","unifiedCanvas"].includes(t);return{shouldPinParametersPanel:n,shouldShowParametersPanelButton:c,shouldShowProcessButtons:a}},{memoizeOptions:{resultEqualityCheck:Jt}}),mde=()=>{const e=te(),{t}=ye(),{shouldShowProcessButtons:n,shouldShowParametersPanelButton:r,shouldPinParametersPanel:o}=z(hde),s=()=>{e(lb(!0)),o&&e(Co())};return r?i.jsxs(F,{pos:"absolute",transform:"translate(0, -50%)",minW:8,top:"50%",insetInlineStart:"4.5rem",direction:"column",gap:2,children:[i.jsx(Le,{tooltip:"Show Options Panel (O)",tooltipProps:{placement:"top"},"aria-label":t("accessibility.showOptionsPanel"),onClick:s,sx:bv,children:i.jsx(ny,{})}),n&&i.jsxs(i.Fragment,{children:[i.jsx(Qy,{iconButton:!0,sx:bv}),i.jsx(Qm,{sx:bv})]})]}):null},gde=f.memo(mde),vde=fe([La,Kn],(e,t)=>{const{shouldPinParametersPanel:n,shouldShowParametersPanel:r}=e;return{activeTabName:t,shouldPinParametersPanel:n,shouldShowParametersPanel:r}},Ge),bde=()=>{const e=te(),{shouldPinParametersPanel:t,shouldShowParametersPanel:n,activeTabName:r}=z(vde),o=()=>{e(lb(!1))},s=z(c=>c.generation.model),a=f.useMemo(()=>r==="txt2img"?s&&s.base_model==="sdxl"?i.jsx(iO,{}):i.jsx(lO,{}):r==="img2img"?s&&s.base_model==="sdxl"?i.jsx(N8,{}):i.jsx(V8,{}):r==="unifiedCanvas"?i.jsx(_O,{}):null,[r,s]);return t?null:i.jsx(fP,{direction:"left",isResizable:!1,isOpen:n,onClose:o,children:i.jsxs(F,{sx:{flexDir:"column",h:"full",w:Zy,gap:2,position:"relative",flexShrink:0,overflowY:"auto"},children:[i.jsxs(F,{paddingBottom:4,justifyContent:"space-between",alignItems:"center",children:[i.jsx(d8,{}),i.jsx($8,{})]}),i.jsx(F,{sx:{gap:2,flexDirection:"column",h:"full",w:"full"},children:a})]})})},yde=f.memo(bde),xde=()=>{const{data:e,isFetching:t}=tm(),{isOpen:n,onClose:r,handleAddToBoard:o,image:s}=f.useContext(F_),[a,c]=f.useState(),d=f.useRef(null),p=e==null?void 0:e.find(h=>h.board_id===(s==null?void 0:s.board_id));return i.jsx(Id,{isOpen:n,leastDestructiveRef:d,onClose:r,isCentered:!0,children:i.jsx(Da,{children:i.jsxs(Ed,{children:[i.jsx(Ma,{fontSize:"lg",fontWeight:"bold",children:p?"Move Image to Board":"Add Image to Board"}),i.jsx(Aa,{children:i.jsx(Ee,{children:i.jsxs(F,{direction:"column",gap:3,children:[p&&i.jsxs(Ye,{children:["Moving this image from"," ",i.jsx("strong",{children:p.board_name})," to"]}),t?i.jsx(fl,{}):i.jsx(sr,{placeholder:"Select Board",onChange:h=>c(h),value:a,data:(e??[]).map(h=>({label:h.board_name,value:h.board_id}))})]})})}),i.jsxs(Ra,{children:[i.jsx(en,{onClick:r,children:"Cancel"}),i.jsx(en,{isDisabled:!a,colorScheme:"accent",onClick:()=>{a&&o(a)},ml:3,children:p?"Move":"Add"})]})]})})})},wde=f.memo(xde),Sde=fe([e=>e.hotkeys,e=>e.ui],(e,t)=>{const{shift:n}=e,{shouldPinParametersPanel:r,shouldPinGallery:o}=t;return{shift:n,shouldPinGallery:o,shouldPinParametersPanel:r}},{memoizeOptions:{resultEqualityCheck:Jt}}),Cde=()=>{const e=te(),{shift:t,shouldPinParametersPanel:n,shouldPinGallery:r}=z(Sde),o=z(Kn);return rt("*",()=>{iP("shift")?!t&&e(Po(!0)):t&&e(Po(!1))},{keyup:!0,keydown:!0},[t]),rt("o",()=>{e(FD()),o==="unifiedCanvas"&&n&&e(Co())}),rt(["shift+o"],()=>{e(HD()),o==="unifiedCanvas"&&e(Co())}),rt("g",()=>{e(WD()),o==="unifiedCanvas"&&r&&e(Co())}),rt(["shift+g"],()=>{e(z_()),o==="unifiedCanvas"&&e(Co())}),rt("1",()=>{e(Kl("txt2img"))}),rt("2",()=>{e(Kl("img2img"))}),rt("3",()=>{e(Kl("unifiedCanvas"))}),rt("4",()=>{e(Kl("nodes"))}),null},kde=f.memo(Cde),_de={},Pde=({config:e=_de,headerComponent:t})=>{const n=z(X6),r=mF(),o=te();return f.useEffect(()=>{Bn.changeLanguage(n)},[n]),f.useEffect(()=>{J_(e)&&(r.info({namespace:"App",config:e},"Received config"),o(VD(e)))},[o,e,r]),f.useEffect(()=>{o(UD())},[o]),i.jsxs(i.Fragment,{children:[i.jsxs(ol,{w:"100vw",h:"100vh",position:"relative",overflow:"hidden",children:[i.jsx(PH,{children:i.jsxs(ol,{sx:{gap:4,p:4,gridAutoRows:"min-content auto",w:"full",h:"full"},children:[t||i.jsx(Mee,{}),i.jsx(F,{sx:{gap:4,w:"full",h:"full"},children:i.jsx(ude,{})})]})}),i.jsx(aee,{}),i.jsx(yde,{}),i.jsx(Ku,{children:i.jsx(gde,{})}),i.jsx(Ku,{children:i.jsx(pde,{})})]}),i.jsx(uee,{}),i.jsx(wde,{}),i.jsx(gF,{}),i.jsx(kde,{})]})},Mde=f.memo(Pde);export{Mde as default}; diff --git a/invokeai/frontend/web/dist/assets/MantineProvider-ae002ae6.js b/invokeai/frontend/web/dist/assets/MantineProvider-b20a2267.js similarity index 99% rename from invokeai/frontend/web/dist/assets/MantineProvider-ae002ae6.js rename to invokeai/frontend/web/dist/assets/MantineProvider-b20a2267.js index 3f276d2b7d6..644c027f81f 100644 --- a/invokeai/frontend/web/dist/assets/MantineProvider-ae002ae6.js +++ b/invokeai/frontend/web/dist/assets/MantineProvider-b20a2267.js @@ -1 +1 @@ -import{z as p,A as d,a4 as Z,aH as xe,g9 as We,Z as De,U as j,a7 as q,T as z,V as R,a1 as _e,a0 as Be,$ as Ce,_ as Ge,Y as Ue,ga as Ve,gb as Ze,g0 as qe,ab as A,f_ as B,g6 as Xe}from"./index-9bb68e3a.js";function Je(e,t){return`${e} returned \`undefined\`. Seems you forgot to wrap component within ${t}`}function M(e={}){const{name:t,strict:r=!0,hookName:o="useContext",providerName:a="Provider",errorMessage:n,defaultValue:s}=e,i=p.createContext(s);i.displayName=t;function l(){var c;const u=p.useContext(i);if(!u&&r){const f=new Error(n??Je(o,a));throw f.name="ContextError",(c=Error.captureStackTrace)==null||c.call(Error,f,l),f}return u}return[i.Provider,l,i]}var[Ke,Ye]=M({strict:!1,name:"PortalManagerContext"});function Qe(e){const{children:t,zIndex:r}=e;return d.jsx(Ke,{value:{zIndex:r},children:t})}Qe.displayName="PortalManager";var[ke,et]=M({strict:!1,name:"PortalContext"}),J="chakra-portal",tt=".chakra-portal",rt=e=>d.jsx("div",{className:"chakra-portal-zIndex",style:{position:"absolute",zIndex:e.zIndex,top:0,left:0,right:0},children:e.children}),nt=e=>{const{appendToParentPortal:t,children:r}=e,[o,a]=p.useState(null),n=p.useRef(null),[,s]=p.useState({});p.useEffect(()=>s({}),[]);const i=et(),l=Ye();Z(()=>{if(!o)return;const u=o.ownerDocument,f=t?i??u.body:u.body;if(!f)return;n.current=u.createElement("div"),n.current.className=J,f.appendChild(n.current),s({});const y=n.current;return()=>{f.contains(y)&&f.removeChild(y)}},[o]);const c=l!=null&&l.zIndex?d.jsx(rt,{zIndex:l==null?void 0:l.zIndex,children:r}):r;return n.current?xe.createPortal(d.jsx(ke,{value:n.current,children:c}),n.current):d.jsx("span",{ref:u=>{u&&a(u)}})},ot=e=>{const{children:t,containerRef:r,appendToParentPortal:o}=e,a=r.current,n=a??(typeof window<"u"?document.body:void 0),s=p.useMemo(()=>{const l=a==null?void 0:a.ownerDocument.createElement("div");return l&&(l.className=J),l},[a]),[,i]=p.useState({});return Z(()=>i({}),[]),Z(()=>{if(!(!s||!n))return n.appendChild(s),()=>{n.removeChild(s)}},[s,n]),n&&s?xe.createPortal(d.jsx(ke,{value:o?s:null,children:t}),s):null};function G(e){const t={appendToParentPortal:!0,...e},{containerRef:r,...o}=t;return r?d.jsx(ot,{containerRef:r,...o}):d.jsx(nt,{...o})}G.className=J;G.selector=tt;G.displayName="Portal";function m(e,t={}){let r=!1;function o(){if(!r){r=!0;return}throw new Error("[anatomy] .part(...) should only be called once. Did you mean to use .extend(...) ?")}function a(...u){o();for(const f of u)t[f]=l(f);return m(e,t)}function n(...u){for(const f of u)f in t||(t[f]=l(f));return m(e,t)}function s(){return Object.fromEntries(Object.entries(t).map(([f,y])=>[f,y.selector]))}function i(){return Object.fromEntries(Object.entries(t).map(([f,y])=>[f,y.className]))}function l(u){const g=`chakra-${(["container","root"].includes(u??"")?[e]:[e,u]).filter(Boolean).join("__")}`;return{className:g,selector:`.${g}`,toString:()=>u}}return{parts:a,toPart:l,extend:n,selectors:s,classnames:i,get keys(){return Object.keys(t)},__type:{}}}var Or=m("accordion").parts("root","container","button","panel").extend("icon"),zr=m("alert").parts("title","description","container").extend("icon","spinner"),Rr=m("avatar").parts("label","badge","container").extend("excessLabel","group"),Mr=m("breadcrumb").parts("link","item","container").extend("separator");m("button").parts();var Lr=m("checkbox").parts("control","icon","container").extend("label");m("progress").parts("track","filledTrack").extend("label");var Fr=m("drawer").parts("overlay","dialogContainer","dialog").extend("header","closeButton","body","footer"),Hr=m("editable").parts("preview","input","textarea"),Wr=m("form").parts("container","requiredIndicator","helperText"),Dr=m("formError").parts("text","icon"),Br=m("input").parts("addon","field","element","group"),Gr=m("list").parts("container","item","icon"),at=m("menu").parts("button","list","item").extend("groupTitle","icon","command","divider"),Ur=m("modal").parts("overlay","dialogContainer","dialog").extend("header","closeButton","body","footer"),Vr=m("numberinput").parts("root","field","stepperGroup","stepper");m("pininput").parts("field");var Zr=m("popover").parts("content","header","body","footer").extend("popper","arrow","closeButton"),qr=m("progress").parts("label","filledTrack","track"),Xr=m("radio").parts("container","control","label"),Jr=m("select").parts("field","icon"),Kr=m("slider").parts("container","track","thumb","filledTrack","mark"),Yr=m("stat").parts("container","label","helpText","number","icon"),Qr=m("switch").parts("container","track","thumb"),en=m("table").parts("table","thead","tbody","tr","th","td","tfoot","caption"),tn=m("tabs").parts("root","tab","tablist","tabpanel","tabpanels","indicator"),rn=m("tag").parts("container","label","closeButton"),nn=m("card").parts("container","header","body","footer");function P(e,t){return r=>r.colorMode==="dark"?t:e}function on(e){const{orientation:t,vertical:r,horizontal:o}=e;return t?t==="vertical"?r:o:{}}var st=(e,t)=>e.find(r=>r.id===t);function re(e,t){const r=we(e,t),o=r?e[r].findIndex(a=>a.id===t):-1;return{position:r,index:o}}function we(e,t){for(const[r,o]of Object.entries(e))if(st(o,t))return r}function it(e){const t=e.includes("right"),r=e.includes("left");let o="center";return t&&(o="flex-end"),r&&(o="flex-start"),{display:"flex",flexDirection:"column",alignItems:o}}function lt(e){const r=e==="top"||e==="bottom"?"0 auto":void 0,o=e.includes("top")?"env(safe-area-inset-top, 0px)":void 0,a=e.includes("bottom")?"env(safe-area-inset-bottom, 0px)":void 0,n=e.includes("left")?void 0:"env(safe-area-inset-right, 0px)",s=e.includes("right")?void 0:"env(safe-area-inset-left, 0px)";return{position:"fixed",zIndex:"var(--toast-z-index, 5500)",pointerEvents:"none",display:"flex",flexDirection:"column",margin:r,top:o,bottom:a,right:n,left:s}}function ct(e,t=[]){const r=p.useRef(e);return p.useEffect(()=>{r.current=e}),p.useCallback((...o)=>{var a;return(a=r.current)==null?void 0:a.call(r,...o)},t)}function ut(e,t){const r=ct(e);p.useEffect(()=>{if(t==null)return;let o=null;return o=window.setTimeout(()=>{r()},t),()=>{o&&window.clearTimeout(o)}},[t,r])}function ne(e,t){const r=p.useRef(!1),o=p.useRef(!1);p.useEffect(()=>{if(r.current&&o.current)return e();o.current=!0},t),p.useEffect(()=>(r.current=!0,()=>{r.current=!1}),[])}var dt={initial:e=>{const{position:t}=e,r=["top","bottom"].includes(t)?"y":"x";let o=["top-right","bottom-right"].includes(t)?1:-1;return t==="bottom"&&(o=1),{opacity:0,[r]:o*24}},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]}}},Pe=p.memo(e=>{const{id:t,message:r,onCloseComplete:o,onRequestRemove:a,requestClose:n=!1,position:s="bottom",duration:i=5e3,containerStyle:l,motionVariants:c=dt,toastSpacing:u="0.5rem"}=e,[f,y]=p.useState(i),g=We();ne(()=>{g||o==null||o()},[g]),ne(()=>{y(i)},[i]);const h=()=>y(null),$=()=>y(i),S=()=>{g&&a()};p.useEffect(()=>{g&&n&&a()},[g,n,a]),ut(S,f);const H=p.useMemo(()=>({pointerEvents:"auto",maxWidth:560,minWidth:300,margin:u,...l}),[l,u]),N=p.useMemo(()=>it(s),[s]);return d.jsx(De.div,{layout:!0,className:"chakra-toast",variants:c,initial:"initial",animate:"animate",exit:"exit",onHoverStart:h,onHoverEnd:$,custom:{position:s},style:N,children:d.jsx(j.div,{role:"status","aria-atomic":"true",className:"chakra-toast__inner",__css:H,children:q(r,{id:t,onClose:S})})})});Pe.displayName="ToastComponent";function ft(e,t){var r;const o=e??"bottom",n={"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"}}[o];return(r=n==null?void 0:n[t])!=null?r:o}var oe={path:d.jsxs("g",{stroke:"currentColor",strokeWidth:"1.5",children:[d.jsx("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"}),d.jsx("path",{fill:"currentColor",strokeLinecap:"round",d:"M12,17.25a.375.375,0,1,0,.375.375A.375.375,0,0,0,12,17.25h0"}),d.jsx("circle",{fill:"none",strokeMiterlimit:"10",cx:"12",cy:"12",r:"11.25"})]}),viewBox:"0 0 24 24"},L=z((e,t)=>{const{as:r,viewBox:o,color:a="currentColor",focusable:n=!1,children:s,className:i,__css:l,...c}=e,u=R("chakra-icon",i),f=_e("Icon",e),y={w:"1em",h:"1em",display:"inline-block",lineHeight:"1em",flexShrink:0,color:a,...l,...f},g={ref:t,focusable:n,className:u,__css:y},h=o??oe.viewBox;if(r&&typeof r!="string")return d.jsx(j.svg,{as:r,...g,...c});const $=s??oe.path;return d.jsx(j.svg,{verticalAlign:"middle",viewBox:h,...g,...c,children:$})});L.displayName="Icon";function pt(e){return d.jsx(L,{viewBox:"0 0 24 24",...e,children:d.jsx("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"})})}function mt(e){return d.jsx(L,{viewBox:"0 0 24 24",...e,children:d.jsx("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"})})}function ae(e){return d.jsx(L,{viewBox:"0 0 24 24",...e,children:d.jsx("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,K]=M({name:"AlertContext",hookName:"useAlertContext",providerName:""}),[bt,Y]=M({name:"AlertStylesContext",hookName:"useAlertStyles",providerName:""}),Ae={info:{icon:mt,colorScheme:"blue"},warning:{icon:ae,colorScheme:"orange"},success:{icon:pt,colorScheme:"green"},error:{icon:ae,colorScheme:"red"},loading:{icon:Be,colorScheme:"blue"}};function yt(e){return Ae[e].colorScheme}function vt(e){return Ae[e].icon}var je=z(function(t,r){const o=Y(),{status:a}=K(),n={display:"inline",...o.description};return d.jsx(j.div,{ref:r,"data-status":a,...t,className:R("chakra-alert__desc",t.className),__css:n})});je.displayName="AlertDescription";function Ee(e){const{status:t}=K(),r=vt(t),o=Y(),a=t==="loading"?o.spinner:o.icon;return d.jsx(j.span,{display:"inherit","data-status":t,...e,className:R("chakra-alert__icon",e.className),__css:a,children:e.children||d.jsx(r,{h:"100%",w:"100%"})})}Ee.displayName="AlertIcon";var Ne=z(function(t,r){const o=Y(),{status:a}=K();return d.jsx(j.div,{ref:r,"data-status":a,...t,className:R("chakra-alert__title",t.className),__css:o.title})});Ne.displayName="AlertTitle";var $e=z(function(t,r){var o;const{status:a="info",addRole:n=!0,...s}=Ce(t),i=(o=t.colorScheme)!=null?o:yt(a),l=Ge("Alert",{...t,colorScheme:i}),c={width:"100%",display:"flex",alignItems:"center",position:"relative",overflow:"hidden",...l.container};return d.jsx(gt,{value:{status:a},children:d.jsx(bt,{value:l,children:d.jsx(j.div,{"data-status":a,role:n?"alert":void 0,ref:r,...s,className:R("chakra-alert",t.className),__css:c})})})});$e.displayName="Alert";function ht(e){return d.jsx(L,{focusable:"false","aria-hidden":!0,...e,children:d.jsx("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"})})}var Te=z(function(t,r){const o=_e("CloseButton",t),{children:a,isDisabled:n,__css:s,...i}=Ce(t),l={outline:0,display:"flex",alignItems:"center",justifyContent:"center",flexShrink:0};return d.jsx(j.button,{type:"button","aria-label":"Close",ref:r,disabled:n,__css:{...l,...o,...s},...i,children:a||d.jsx(ht,{width:"1em",height:"1em"})})});Te.displayName="CloseButton";var St={top:[],"top-left":[],"top-right":[],"bottom-left":[],bottom:[],"bottom-right":[]},C=xt(St);function xt(e){let t=e;const r=new Set,o=a=>{t=a(t),r.forEach(n=>n())};return{getState:()=>t,subscribe:a=>(r.add(a),()=>{o(()=>e),r.delete(a)}),removeToast:(a,n)=>{o(s=>({...s,[n]:s[n].filter(i=>i.id!=a)}))},notify:(a,n)=>{const s=_t(a,n),{position:i,id:l}=s;return o(c=>{var u,f;const g=i.includes("top")?[s,...(u=c[i])!=null?u:[]]:[...(f=c[i])!=null?f:[],s];return{...c,[i]:g}}),l},update:(a,n)=>{a&&o(s=>{const i={...s},{position:l,index:c}=re(i,a);return l&&c!==-1&&(i[l][c]={...i[l][c],...n,message:Ie(n)}),i})},closeAll:({positions:a}={})=>{o(n=>(a??["bottom","bottom-right","bottom-left","top","top-left","top-right"]).reduce((l,c)=>(l[c]=n[c].map(u=>({...u,requestClose:!0})),l),{...n}))},close:a=>{o(n=>{const s=we(n,a);return s?{...n,[s]:n[s].map(i=>i.id==a?{...i,requestClose:!0}:i)}:n})},isActive:a=>!!re(C.getState(),a).position}}var se=0;function _t(e,t={}){var r,o;se+=1;const a=(r=t.id)!=null?r:se,n=(o=t.position)!=null?o:"bottom";return{id:a,message:e,position:n,duration:t.duration,onCloseComplete:t.onCloseComplete,onRequestRemove:()=>C.removeToast(String(a),n),status:t.status,requestClose:!1,containerStyle:t.containerStyle}}var Ct=e=>{const{status:t,variant:r="solid",id:o,title:a,isClosable:n,onClose:s,description:i,colorScheme:l,icon:c}=e,u=o?{root:`toast-${o}`,title:`toast-${o}-title`,description:`toast-${o}-description`}:void 0;return d.jsxs($e,{addRole:!1,status:t,variant:r,id:u==null?void 0:u.root,alignItems:"start",borderRadius:"md",boxShadow:"lg",paddingEnd:8,textAlign:"start",width:"auto",colorScheme:l,children:[d.jsx(Ee,{children:c}),d.jsxs(j.div,{flex:"1",maxWidth:"100%",children:[a&&d.jsx(Ne,{id:u==null?void 0:u.title,children:a}),i&&d.jsx(je,{id:u==null?void 0:u.description,display:"block",children:i})]}),n&&d.jsx(Te,{size:"sm",onClick:s,position:"absolute",insetEnd:1,top:1})]})};function Ie(e={}){const{render:t,toastComponent:r=Ct}=e;return a=>typeof t=="function"?t({...a,...e}):d.jsx(r,{...a,...e})}function an(e,t){const r=a=>{var n;return{...t,...a,position:ft((n=a==null?void 0:a.position)!=null?n:t==null?void 0:t.position,e)}},o=a=>{const n=r(a),s=Ie(n);return C.notify(s,n)};return o.update=(a,n)=>{C.update(a,r(n))},o.promise=(a,n)=>{const s=o({...n.loading,status:"loading",duration:null});a.then(i=>o.update(s,{status:"success",duration:5e3,...q(n.success,i)})).catch(i=>o.update(s,{status:"error",duration:5e3,...q(n.error,i)}))},o.closeAll=C.closeAll,o.close=C.close,o.isActive=C.isActive,o}var[sn,ln]=M({name:"ToastOptionsContext",strict:!1}),cn=e=>{const t=p.useSyncExternalStore(C.subscribe,C.getState,C.getState),{motionVariants:r,component:o=Pe,portalProps:a}=e,s=Object.keys(t).map(i=>{const l=t[i];return d.jsx("div",{role:"region","aria-live":"polite","aria-label":"Notifications",id:`chakra-toast-manager-${i}`,style:lt(i),children:d.jsx(Ue,{initial:!1,children:l.map(c=>d.jsx(o,{motionVariants:r,...c},c.id))})},i)});return d.jsx(G,{...a,children:s})};function kt(){if(console&&console.warn){for(var e=arguments.length,t=new Array(e),r=0;r()=>{if(e.isInitialized)t();else{const r=()=>{setTimeout(()=>{e.off("initialized",r)},0),t()};e.on("initialized",r)}};function le(e,t,r){e.loadNamespaces(t,Oe(e,r))}function ce(e,t,r,o){typeof r=="string"&&(r=[r]),r.forEach(a=>{e.options.ns.indexOf(a)<0&&e.options.ns.push(a)}),e.loadLanguages(t,Oe(e,o))}function wt(e,t){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};const o=t.languages[0],a=t.options?t.options.fallbackLng:!1,n=t.languages[t.languages.length-1];if(o.toLowerCase()==="cimode")return!0;const s=(i,l)=>{const c=t.services.backendConnector.state[`${i}|${l}`];return c===-1||c===2};return r.bindI18n&&r.bindI18n.indexOf("languageChanging")>-1&&t.services.backendConnector.backend&&t.isLanguageChangingTo&&!s(t.isLanguageChangingTo,e)?!1:!!(t.hasResourceBundle(o,e)||!t.services.backendConnector.backend||t.options.resources&&!t.options.partialBundledLanguages||s(o,e)&&(!a||s(n,e)))}function Pt(e,t){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};return!t.languages||!t.languages.length?(X("i18n.languages were undefined or empty",t.languages),!0):t.options.ignoreJSONStructure!==void 0?t.hasLoadedNamespace(e,{lng:r.lng,precheck:(a,n)=>{if(r.bindI18n&&r.bindI18n.indexOf("languageChanging")>-1&&a.services.backendConnector.backend&&a.isLanguageChangingTo&&!n(a.isLanguageChangingTo,e))return!1}}):wt(e,t,r)}const At=p.createContext();class jt{constructor(){this.usedNamespaces={}}addUsedNamespaces(t){t.forEach(r=>{this.usedNamespaces[r]||(this.usedNamespaces[r]=!0)})}getUsedNamespaces(){return Object.keys(this.usedNamespaces)}}const Et=(e,t)=>{const r=p.useRef();return p.useEffect(()=>{r.current=t?r.current:e},[e,t]),r.current};function un(e){let t=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};const{i18n:r}=t,{i18n:o,defaultNS:a}=p.useContext(At)||{},n=r||o||Ze();if(n&&!n.reportNamespaces&&(n.reportNamespaces=new jt),!n){X("You will need to pass in an i18next instance by using initReactI18next");const v=(w,x)=>typeof x=="string"?x:x&&typeof x=="object"&&typeof x.defaultValue=="string"?x.defaultValue:Array.isArray(w)?w[w.length-1]:w,k=[v,{},!1];return k.t=v,k.i18n={},k.ready=!1,k}n.options.react&&n.options.react.wait!==void 0&&X("It seems you are still using the old wait option, you may migrate to the new useSuspense behaviour.");const s={...Ve(),...n.options.react,...t},{useSuspense:i,keyPrefix:l}=s;let c=e||a||n.options&&n.options.defaultNS;c=typeof c=="string"?[c]:c||["translation"],n.reportNamespaces.addUsedNamespaces&&n.reportNamespaces.addUsedNamespaces(c);const u=(n.isInitialized||n.initializedStoreOnce)&&c.every(v=>Pt(v,n,s));function f(){return n.getFixedT(t.lng||null,s.nsMode==="fallback"?c:c[0],l)}const[y,g]=p.useState(f);let h=c.join();t.lng&&(h=`${t.lng}${h}`);const $=Et(h),S=p.useRef(!0);p.useEffect(()=>{const{bindI18n:v,bindI18nStore:k}=s;S.current=!0,!u&&!i&&(t.lng?ce(n,t.lng,c,()=>{S.current&&g(f)}):le(n,c,()=>{S.current&&g(f)})),u&&$&&$!==h&&S.current&&g(f);function w(){S.current&&g(f)}return v&&n&&n.on(v,w),k&&n&&n.store.on(k,w),()=>{S.current=!1,v&&n&&v.split(" ").forEach(x=>n.off(x,w)),k&&n&&k.split(" ").forEach(x=>n.store.off(x,w))}},[n,h]);const H=p.useRef(!0);p.useEffect(()=>{S.current&&!H.current&&g(f),H.current=!1},[n,l]);const N=[y,n,u];if(N.t=y,N.i18n=n,N.ready=u,u||!u&&!i)return N;throw new Promise(v=>{t.lng?ce(n,t.lng,c,()=>v()):le(n,c,()=>v())})}const{definePartsStyle:Nt,defineMultiStyleConfig:$t}=qe(at.keys),Tt=Nt(e=>({button:{fontWeight:500,bg:P("base.300","base.500")(e),color:P("base.900","base.100")(e),_hover:{bg:P("base.400","base.600")(e),color:P("base.900","base.50")(e),fontWeight:600}},list:{zIndex:9999,color:P("base.900","base.150")(e),bg:P("base.200","base.800")(e),shadow:"dark-lg",border:"none"},item:{fontSize:"sm",bg:P("base.200","base.800")(e),_hover:{bg:P("base.300","base.700")(e),svg:{opacity:1}},_focus:{bg:P("base.400","base.600")(e)},svg:{opacity:.7,fontSize:14}}})),dn=$t({variants:{invokeAI:Tt},defaultProps:{variant:"invokeAI"}}),fn={variants:{enter:{visibility:"visible",opacity:1,scale:1,transition:{duration:.07,ease:[.4,0,.2,1]}},exit:{transitionEnd:{visibility:"hidden"},opacity:0,scale:.8,transition:{duration:.07,easings:"easeOut"}}}},It={dark:["#C1C2C5","#A6A7AB","#909296","#5c5f66","#373A40","#2C2E33","#25262b","#1A1B1E","#141517","#101113"],gray:["#f8f9fa","#f1f3f5","#e9ecef","#dee2e6","#ced4da","#adb5bd","#868e96","#495057","#343a40","#212529"],red:["#fff5f5","#ffe3e3","#ffc9c9","#ffa8a8","#ff8787","#ff6b6b","#fa5252","#f03e3e","#e03131","#c92a2a"],pink:["#fff0f6","#ffdeeb","#fcc2d7","#faa2c1","#f783ac","#f06595","#e64980","#d6336c","#c2255c","#a61e4d"],grape:["#f8f0fc","#f3d9fa","#eebefa","#e599f7","#da77f2","#cc5de8","#be4bdb","#ae3ec9","#9c36b5","#862e9c"],violet:["#f3f0ff","#e5dbff","#d0bfff","#b197fc","#9775fa","#845ef7","#7950f2","#7048e8","#6741d9","#5f3dc4"],indigo:["#edf2ff","#dbe4ff","#bac8ff","#91a7ff","#748ffc","#5c7cfa","#4c6ef5","#4263eb","#3b5bdb","#364fc7"],blue:["#e7f5ff","#d0ebff","#a5d8ff","#74c0fc","#4dabf7","#339af0","#228be6","#1c7ed6","#1971c2","#1864ab"],cyan:["#e3fafc","#c5f6fa","#99e9f2","#66d9e8","#3bc9db","#22b8cf","#15aabf","#1098ad","#0c8599","#0b7285"],teal:["#e6fcf5","#c3fae8","#96f2d7","#63e6be","#38d9a9","#20c997","#12b886","#0ca678","#099268","#087f5b"],green:["#ebfbee","#d3f9d8","#b2f2bb","#8ce99a","#69db7c","#51cf66","#40c057","#37b24d","#2f9e44","#2b8a3e"],lime:["#f4fce3","#e9fac8","#d8f5a2","#c0eb75","#a9e34b","#94d82d","#82c91e","#74b816","#66a80f","#5c940d"],yellow:["#fff9db","#fff3bf","#ffec99","#ffe066","#ffd43b","#fcc419","#fab005","#f59f00","#f08c00","#e67700"],orange:["#fff4e6","#ffe8cc","#ffd8a8","#ffc078","#ffa94d","#ff922b","#fd7e14","#f76707","#e8590c","#d9480f"]};function Ot(e){return()=>({fontFamily:e.fontFamily||"sans-serif"})}var zt=Object.defineProperty,ue=Object.getOwnPropertySymbols,Rt=Object.prototype.hasOwnProperty,Mt=Object.prototype.propertyIsEnumerable,de=(e,t,r)=>t in e?zt(e,t,{enumerable:!0,configurable:!0,writable:!0,value:r}):e[t]=r,fe=(e,t)=>{for(var r in t||(t={}))Rt.call(t,r)&&de(e,r,t[r]);if(ue)for(var r of ue(t))Mt.call(t,r)&&de(e,r,t[r]);return e};function Lt(e){return t=>({WebkitTapHighlightColor:"transparent",[t||"&:focus"]:fe({},e.focusRing==="always"||e.focusRing==="auto"?e.focusRingStyles.styles(e):e.focusRingStyles.resetStyles(e)),[t?t.replace(":focus",":focus:not(:focus-visible)"):"&:focus:not(:focus-visible)"]:fe({},e.focusRing==="auto"||e.focusRing==="never"?e.focusRingStyles.resetStyles(e):null)})}function F(e){return t=>typeof e.primaryShade=="number"?e.primaryShade:e.primaryShade[t||e.colorScheme]}function Q(e){const t=F(e);return(r,o,a=!0,n=!0)=>{if(typeof r=="string"&&r.includes(".")){const[i,l]=r.split("."),c=parseInt(l,10);if(i in e.colors&&c>=0&&c<10)return e.colors[i][typeof o=="number"&&!n?o:c]}const s=typeof o=="number"?o:t();return r in e.colors?e.colors[r][s]:a?e.colors[e.primaryColor][s]:r}}function ze(e){let t="";for(let r=1;r{const a={from:(o==null?void 0:o.from)||e.defaultGradient.from,to:(o==null?void 0:o.to)||e.defaultGradient.to,deg:(o==null?void 0:o.deg)||e.defaultGradient.deg};return`linear-gradient(${a.deg}deg, ${t(a.from,r(),!1)} 0%, ${t(a.to,r(),!1)} 100%)`}}function Me(e){return t=>{if(typeof t=="number")return`${t/16}${e}`;if(typeof t=="string"){const r=t.replace("px","");if(!Number.isNaN(Number(r)))return`${Number(r)/16}${e}`}return t}}const E=Me("rem"),U=Me("em");function Le({size:e,sizes:t,units:r}){return e in t?t[e]:typeof e=="number"?r==="em"?U(e):E(e):e||t.md}function W(e){return typeof e=="number"?e:typeof e=="string"&&e.includes("rem")?Number(e.replace("rem",""))*16:typeof e=="string"&&e.includes("em")?Number(e.replace("em",""))*16:Number(e)}function Wt(e){return t=>`@media (min-width: ${U(W(Le({size:t,sizes:e.breakpoints})))})`}function Dt(e){return t=>`@media (max-width: ${U(W(Le({size:t,sizes:e.breakpoints}))-1)})`}function Bt(e){return/^#?([0-9A-F]{3}){1,2}$/i.test(e)}function Gt(e){let t=e.replace("#","");if(t.length===3){const s=t.split("");t=[s[0],s[0],s[1],s[1],s[2],s[2]].join("")}const r=parseInt(t,16),o=r>>16&255,a=r>>8&255,n=r&255;return{r:o,g:a,b:n,a:1}}function Ut(e){const[t,r,o,a]=e.replace(/[^0-9,.]/g,"").split(",").map(Number);return{r:t,g:r,b:o,a:a||1}}function ee(e){return Bt(e)?Gt(e):e.startsWith("rgb")?Ut(e):{r:0,g:0,b:0,a:1}}function T(e,t){if(typeof e!="string"||t>1||t<0)return"rgba(0, 0, 0, 1)";if(e.startsWith("var(--"))return e;const{r,g:o,b:a}=ee(e);return`rgba(${r}, ${o}, ${a}, ${t})`}function Vt(e=0){return{position:"absolute",top:E(e),right:E(e),left:E(e),bottom:E(e)}}function Zt(e,t){if(typeof e=="string"&&e.startsWith("var(--"))return e;const{r,g:o,b:a,a:n}=ee(e),s=1-t,i=l=>Math.round(l*s);return`rgba(${i(r)}, ${i(o)}, ${i(a)}, ${n})`}function qt(e,t){if(typeof e=="string"&&e.startsWith("var(--"))return e;const{r,g:o,b:a,a:n}=ee(e),s=i=>Math.round(i+(255-i)*t);return`rgba(${s(r)}, ${s(o)}, ${s(a)}, ${n})`}function Xt(e){return t=>{if(typeof t=="number")return E(t);const r=typeof e.defaultRadius=="number"?e.defaultRadius:e.radius[e.defaultRadius]||e.defaultRadius;return e.radius[t]||t||r}}function Jt(e,t){if(typeof e=="string"&&e.includes(".")){const[r,o]=e.split("."),a=parseInt(o,10);if(r in t.colors&&a>=0&&a<10)return{isSplittedColor:!0,key:r,shade:a}}return{isSplittedColor:!1}}function Kt(e){const t=Q(e),r=F(e),o=Re(e);return({variant:a,color:n,gradient:s,primaryFallback:i})=>{const l=Jt(n,e);switch(a){case"light":return{border:"transparent",background:T(t(n,e.colorScheme==="dark"?8:0,i,!1),e.colorScheme==="dark"?.2:1),color:n==="dark"?e.colorScheme==="dark"?e.colors.dark[0]:e.colors.dark[9]:t(n,e.colorScheme==="dark"?2:r("light")),hover:T(t(n,e.colorScheme==="dark"?7:1,i,!1),e.colorScheme==="dark"?.25:.65)};case"subtle":return{border:"transparent",background:"transparent",color:n==="dark"?e.colorScheme==="dark"?e.colors.dark[0]:e.colors.dark[9]:t(n,e.colorScheme==="dark"?2:r("light")),hover:T(t(n,e.colorScheme==="dark"?8:0,i,!1),e.colorScheme==="dark"?.2:1)};case"outline":return{border:t(n,e.colorScheme==="dark"?5:r("light")),background:"transparent",color:t(n,e.colorScheme==="dark"?5:r("light")),hover:e.colorScheme==="dark"?T(t(n,5,i,!1),.05):T(t(n,0,i,!1),.35)};case"default":return{border:e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[4],background:e.colorScheme==="dark"?e.colors.dark[6]:e.white,color:e.colorScheme==="dark"?e.white:e.black,hover:e.colorScheme==="dark"?e.colors.dark[5]:e.colors.gray[0]};case"white":return{border:"transparent",background:e.white,color:t(n,r()),hover:null};case"transparent":return{border:"transparent",color:n==="dark"?e.colorScheme==="dark"?e.colors.dark[0]:e.colors.dark[9]:t(n,e.colorScheme==="dark"?2:r("light")),background:"transparent",hover:null};case"gradient":return{background:o(s),color:e.white,border:"transparent",hover:null};default:{const c=r(),u=l.isSplittedColor?l.shade:c,f=l.isSplittedColor?l.key:n;return{border:"transparent",background:t(f,u,i),color:e.white,hover:t(f,u===9?8:u+1)}}}}}function Yt(e){return t=>{const r=F(e)(t);return e.colors[e.primaryColor][r]}}function Qt(e){return{"@media (hover: hover)":{"&:hover":e},"@media (hover: none)":{"&:active":e}}}function er(e){return()=>({userSelect:"none",color:e.colorScheme==="dark"?e.colors.dark[3]:e.colors.gray[5]})}function tr(e){return()=>e.colorScheme==="dark"?e.colors.dark[2]:e.colors.gray[6]}const b={fontStyles:Ot,themeColor:Q,focusStyles:Lt,linearGradient:Ft,radialGradient:Ht,smallerThan:Dt,largerThan:Wt,rgba:T,cover:Vt,darken:Zt,lighten:qt,radius:Xt,variant:Kt,primaryShade:F,hover:Qt,gradient:Re,primaryColor:Yt,placeholderStyles:er,dimmed:tr};var rr=Object.defineProperty,nr=Object.defineProperties,or=Object.getOwnPropertyDescriptors,pe=Object.getOwnPropertySymbols,ar=Object.prototype.hasOwnProperty,sr=Object.prototype.propertyIsEnumerable,me=(e,t,r)=>t in e?rr(e,t,{enumerable:!0,configurable:!0,writable:!0,value:r}):e[t]=r,ir=(e,t)=>{for(var r in t||(t={}))ar.call(t,r)&&me(e,r,t[r]);if(pe)for(var r of pe(t))sr.call(t,r)&&me(e,r,t[r]);return e},lr=(e,t)=>nr(e,or(t));function Fe(e){return lr(ir({},e),{fn:{fontStyles:b.fontStyles(e),themeColor:b.themeColor(e),focusStyles:b.focusStyles(e),largerThan:b.largerThan(e),smallerThan:b.smallerThan(e),radialGradient:b.radialGradient,linearGradient:b.linearGradient,gradient:b.gradient(e),rgba:b.rgba,cover:b.cover,lighten:b.lighten,darken:b.darken,primaryShade:b.primaryShade(e),radius:b.radius(e),variant:b.variant(e),hover:b.hover,primaryColor:b.primaryColor(e),placeholderStyles:b.placeholderStyles(e),dimmed:b.dimmed(e)}})}const cr={dir:"ltr",primaryShade:{light:6,dark:8},focusRing:"auto",loader:"oval",colorScheme:"light",white:"#fff",black:"#000",defaultRadius:"sm",transitionTimingFunction:"ease",colors:It,lineHeight:1.55,fontFamily:"-apple-system, BlinkMacSystemFont, Segoe UI, Roboto, Helvetica, Arial, sans-serif, Apple Color Emoji, Segoe UI Emoji",fontFamilyMonospace:"ui-monospace, SFMono-Regular, Menlo, Monaco, Consolas, Liberation Mono, Courier New, monospace",primaryColor:"blue",respectReducedMotion:!0,cursorType:"default",defaultGradient:{from:"indigo",to:"cyan",deg:45},shadows:{xs:"0 0.0625rem 0.1875rem rgba(0, 0, 0, 0.05), 0 0.0625rem 0.125rem rgba(0, 0, 0, 0.1)",sm:"0 0.0625rem 0.1875rem rgba(0, 0, 0, 0.05), rgba(0, 0, 0, 0.05) 0 0.625rem 0.9375rem -0.3125rem, rgba(0, 0, 0, 0.04) 0 0.4375rem 0.4375rem -0.3125rem",md:"0 0.0625rem 0.1875rem rgba(0, 0, 0, 0.05), rgba(0, 0, 0, 0.05) 0 1.25rem 1.5625rem -0.3125rem, rgba(0, 0, 0, 0.04) 0 0.625rem 0.625rem -0.3125rem",lg:"0 0.0625rem 0.1875rem rgba(0, 0, 0, 0.05), rgba(0, 0, 0, 0.05) 0 1.75rem 1.4375rem -0.4375rem, rgba(0, 0, 0, 0.04) 0 0.75rem 0.75rem -0.4375rem",xl:"0 0.0625rem 0.1875rem rgba(0, 0, 0, 0.05), rgba(0, 0, 0, 0.05) 0 2.25rem 1.75rem -0.4375rem, rgba(0, 0, 0, 0.04) 0 1.0625rem 1.0625rem -0.4375rem"},fontSizes:{xs:"0.75rem",sm:"0.875rem",md:"1rem",lg:"1.125rem",xl:"1.25rem"},radius:{xs:"0.125rem",sm:"0.25rem",md:"0.5rem",lg:"1rem",xl:"2rem"},spacing:{xs:"0.625rem",sm:"0.75rem",md:"1rem",lg:"1.25rem",xl:"1.5rem"},breakpoints:{xs:"36em",sm:"48em",md:"62em",lg:"75em",xl:"88em"},headings:{fontFamily:"-apple-system, BlinkMacSystemFont, Segoe UI, Roboto, Helvetica, Arial, sans-serif, Apple Color Emoji, Segoe UI Emoji",fontWeight:700,sizes:{h1:{fontSize:"2.125rem",lineHeight:1.3,fontWeight:void 0},h2:{fontSize:"1.625rem",lineHeight:1.35,fontWeight:void 0},h3:{fontSize:"1.375rem",lineHeight:1.4,fontWeight:void 0},h4:{fontSize:"1.125rem",lineHeight:1.45,fontWeight:void 0},h5:{fontSize:"1rem",lineHeight:1.5,fontWeight:void 0},h6:{fontSize:"0.875rem",lineHeight:1.5,fontWeight:void 0}}},other:{},components:{},activeStyles:{transform:"translateY(0.0625rem)"},datesLocale:"en",globalStyles:void 0,focusRingStyles:{styles:e=>({outlineOffset:"0.125rem",outline:`0.125rem solid ${e.colors[e.primaryColor][e.colorScheme==="dark"?7:5]}`}),resetStyles:()=>({outline:"none"}),inputStyles:e=>({outline:"none",borderColor:e.colors[e.primaryColor][typeof e.primaryShade=="object"?e.primaryShade[e.colorScheme]:e.primaryShade]})}},te=Fe(cr);var ur=Object.defineProperty,dr=Object.defineProperties,fr=Object.getOwnPropertyDescriptors,ge=Object.getOwnPropertySymbols,pr=Object.prototype.hasOwnProperty,mr=Object.prototype.propertyIsEnumerable,be=(e,t,r)=>t in e?ur(e,t,{enumerable:!0,configurable:!0,writable:!0,value:r}):e[t]=r,gr=(e,t)=>{for(var r in t||(t={}))pr.call(t,r)&&be(e,r,t[r]);if(ge)for(var r of ge(t))mr.call(t,r)&&be(e,r,t[r]);return e},br=(e,t)=>dr(e,fr(t));function yr({theme:e}){return A.createElement(B,{styles:{"*, *::before, *::after":{boxSizing:"border-box"},html:{colorScheme:e.colorScheme==="dark"?"dark":"light"},body:br(gr({},e.fn.fontStyles()),{backgroundColor:e.colorScheme==="dark"?e.colors.dark[7]:e.white,color:e.colorScheme==="dark"?e.colors.dark[0]:e.black,lineHeight:e.lineHeight,fontSize:e.fontSizes.md,WebkitFontSmoothing:"antialiased",MozOsxFontSmoothing:"grayscale"})}})}function I(e,t,r,o=E){Object.keys(t).forEach(a=>{e[`--mantine-${r}-${a}`]=o(t[a])})}function vr({theme:e}){const t={"--mantine-color-white":e.white,"--mantine-color-black":e.black,"--mantine-transition-timing-function":e.transitionTimingFunction,"--mantine-line-height":`${e.lineHeight}`,"--mantine-font-family":e.fontFamily,"--mantine-font-family-monospace":e.fontFamilyMonospace,"--mantine-font-family-headings":e.headings.fontFamily,"--mantine-heading-font-weight":`${e.headings.fontWeight}`};I(t,e.shadows,"shadow"),I(t,e.fontSizes,"font-size"),I(t,e.radius,"radius"),I(t,e.spacing,"spacing"),I(t,e.breakpoints,"breakpoints",U),Object.keys(e.colors).forEach(o=>{e.colors[o].forEach((a,n)=>{t[`--mantine-color-${o}-${n}`]=a})});const r=e.headings.sizes;return Object.keys(r).forEach(o=>{t[`--mantine-${o}-font-size`]=r[o].fontSize,t[`--mantine-${o}-line-height`]=`${r[o].lineHeight}`}),A.createElement(B,{styles:{":root":t}})}var hr=Object.defineProperty,Sr=Object.defineProperties,xr=Object.getOwnPropertyDescriptors,ye=Object.getOwnPropertySymbols,_r=Object.prototype.hasOwnProperty,Cr=Object.prototype.propertyIsEnumerable,ve=(e,t,r)=>t in e?hr(e,t,{enumerable:!0,configurable:!0,writable:!0,value:r}):e[t]=r,_=(e,t)=>{for(var r in t||(t={}))_r.call(t,r)&&ve(e,r,t[r]);if(ye)for(var r of ye(t))Cr.call(t,r)&&ve(e,r,t[r]);return e},V=(e,t)=>Sr(e,xr(t));function kr(e,t){var r;if(!t)return e;const o=Object.keys(e).reduce((a,n)=>{if(n==="headings"&&t.headings){const s=t.headings.sizes?Object.keys(e.headings.sizes).reduce((i,l)=>(i[l]=_(_({},e.headings.sizes[l]),t.headings.sizes[l]),i),{}):e.headings.sizes;return V(_({},a),{headings:V(_(_({},e.headings),t.headings),{sizes:s})})}if(n==="breakpoints"&&t.breakpoints){const s=_(_({},e.breakpoints),t.breakpoints);return V(_({},a),{breakpoints:Object.fromEntries(Object.entries(s).sort((i,l)=>W(i[1])-W(l[1])))})}return a[n]=typeof t[n]=="object"?_(_({},e[n]),t[n]):typeof t[n]=="number"||typeof t[n]=="boolean"||typeof t[n]=="function"?t[n]:t[n]||e[n],a},{});if(t!=null&&t.fontFamily&&!((r=t==null?void 0:t.headings)!=null&&r.fontFamily)&&(o.headings.fontFamily=t.fontFamily),!(o.primaryColor in o.colors))throw new Error("MantineProvider: Invalid theme.primaryColor, it accepts only key of theme.colors, learn more – https://mantine.dev/theming/colors/#primary-color");return o}function wr(e,t){return Fe(kr(e,t))}function Pr(e){return Object.keys(e).reduce((t,r)=>(e[r]!==void 0&&(t[r]=e[r]),t),{})}const Ar={html:{fontFamily:"sans-serif",lineHeight:"1.15",textSizeAdjust:"100%"},body:{margin:0},"article, aside, footer, header, nav, section, figcaption, figure, main":{display:"block"},h1:{fontSize:"2em"},hr:{boxSizing:"content-box",height:0,overflow:"visible"},pre:{fontFamily:"monospace, monospace",fontSize:"1em"},a:{background:"transparent",textDecorationSkip:"objects"},"a:active, a:hover":{outlineWidth:0},"abbr[title]":{borderBottom:"none",textDecoration:"underline"},"b, strong":{fontWeight:"bolder"},"code, kbp, samp":{fontFamily:"monospace, monospace",fontSize:"1em"},dfn:{fontStyle:"italic"},mark:{backgroundColor:"#ff0",color:"#000"},small:{fontSize:"80%"},"sub, sup":{fontSize:"75%",lineHeight:0,position:"relative",verticalAlign:"baseline"},sup:{top:"-0.5em"},sub:{bottom:"-0.25em"},"audio, video":{display:"inline-block"},"audio:not([controls])":{display:"none",height:0},img:{borderStyle:"none",verticalAlign:"middle"},"svg:not(:root)":{overflow:"hidden"},"button, input, optgroup, select, textarea":{fontFamily:"sans-serif",fontSize:"100%",lineHeight:"1.15",margin:0},"button, input":{overflow:"visible"},"button, select":{textTransform:"none"},"button, [type=reset], [type=submit]":{WebkitAppearance:"button"},"button::-moz-focus-inner, [type=button]::-moz-focus-inner, [type=reset]::-moz-focus-inner, [type=submit]::-moz-focus-inner":{borderStyle:"none",padding:0},"button:-moz-focusring, [type=button]:-moz-focusring, [type=reset]:-moz-focusring, [type=submit]:-moz-focusring":{outline:`${E(1)} dotted ButtonText`},legend:{boxSizing:"border-box",color:"inherit",display:"table",maxWidth:"100%",padding:0,whiteSpace:"normal"},progress:{display:"inline-block",verticalAlign:"baseline"},textarea:{overflow:"auto"},"[type=checkbox], [type=radio]":{boxSizing:"border-box",padding:0},"[type=number]::-webkit-inner-spin-button, [type=number]::-webkit-outer-spin-button":{height:"auto"},"[type=search]":{appearance:"none"},"[type=search]::-webkit-search-cancel-button, [type=search]::-webkit-search-decoration":{appearance:"none"},"::-webkit-file-upload-button":{appearance:"button",font:"inherit"},"details, menu":{display:"block"},summary:{display:"list-item"},canvas:{display:"inline-block"},template:{display:"none"}};function jr(){return A.createElement(B,{styles:Ar})}var Er=Object.defineProperty,he=Object.getOwnPropertySymbols,Nr=Object.prototype.hasOwnProperty,$r=Object.prototype.propertyIsEnumerable,Se=(e,t,r)=>t in e?Er(e,t,{enumerable:!0,configurable:!0,writable:!0,value:r}):e[t]=r,O=(e,t)=>{for(var r in t||(t={}))Nr.call(t,r)&&Se(e,r,t[r]);if(he)for(var r of he(t))$r.call(t,r)&&Se(e,r,t[r]);return e};const D=p.createContext({theme:te});function He(){var e;return((e=p.useContext(D))==null?void 0:e.theme)||te}function pn(e){const t=He(),r=o=>{var a,n,s,i;return{styles:((a=t.components[o])==null?void 0:a.styles)||{},classNames:((n=t.components[o])==null?void 0:n.classNames)||{},variants:(s=t.components[o])==null?void 0:s.variants,sizes:(i=t.components[o])==null?void 0:i.sizes}};return Array.isArray(e)?e.map(r):[r(e)]}function mn(){var e;return(e=p.useContext(D))==null?void 0:e.emotionCache}function gn(e,t,r){var o;const a=He(),n=(o=a.components[e])==null?void 0:o.defaultProps,s=typeof n=="function"?n(a):n;return O(O(O({},t),s),Pr(r))}function Tr({theme:e,emotionCache:t,withNormalizeCSS:r=!1,withGlobalStyles:o=!1,withCSSVariables:a=!1,inherit:n=!1,children:s}){const i=p.useContext(D),l=wr(te,n?O(O({},i.theme),e):e);return A.createElement(Xe,{theme:l},A.createElement(D.Provider,{value:{theme:l,emotionCache:t}},r&&A.createElement(jr,null),o&&A.createElement(yr,{theme:l}),a&&A.createElement(vr,{theme:l}),typeof l.globalStyles=="function"&&A.createElement(B,{styles:l.globalStyles(l)}),s))}Tr.displayName="@mantine/core/MantineProvider";export{on as A,Yr as B,Te as C,Gr as D,at as E,Ur as F,Vr as G,Zr as H,L as I,Fr as J,Hr as K,Wr as L,Dr as M,Mr as N,nn as O,G as P,Or as Q,zr as R,Rr as S,Qe as T,sn as U,cn as V,dn as W,Tr as X,M as a,ct as b,an as c,ne as d,un as e,mn as f,He as g,pn as h,Pr as i,W as j,Le as k,gn as l,fn as m,P as n,tn as o,rn as p,Br as q,E as r,Qr as s,en as t,ln as u,qr as v,Lr as w,Xr as x,Jr as y,Kr as z}; +import{z as p,A as d,a4 as Z,aH as xe,ga as We,Z as De,U as j,a7 as q,T as z,V as R,a1 as _e,a0 as Be,$ as Ce,_ as Ge,Y as Ue,gb as Ve,gc as Ze,g1 as qe,ab as A,f$ as B,g7 as Xe}from"./index-18f2f740.js";function Je(e,t){return`${e} returned \`undefined\`. Seems you forgot to wrap component within ${t}`}function M(e={}){const{name:t,strict:r=!0,hookName:o="useContext",providerName:a="Provider",errorMessage:n,defaultValue:s}=e,i=p.createContext(s);i.displayName=t;function l(){var c;const u=p.useContext(i);if(!u&&r){const f=new Error(n??Je(o,a));throw f.name="ContextError",(c=Error.captureStackTrace)==null||c.call(Error,f,l),f}return u}return[i.Provider,l,i]}var[Ke,Ye]=M({strict:!1,name:"PortalManagerContext"});function Qe(e){const{children:t,zIndex:r}=e;return d.jsx(Ke,{value:{zIndex:r},children:t})}Qe.displayName="PortalManager";var[ke,et]=M({strict:!1,name:"PortalContext"}),J="chakra-portal",tt=".chakra-portal",rt=e=>d.jsx("div",{className:"chakra-portal-zIndex",style:{position:"absolute",zIndex:e.zIndex,top:0,left:0,right:0},children:e.children}),nt=e=>{const{appendToParentPortal:t,children:r}=e,[o,a]=p.useState(null),n=p.useRef(null),[,s]=p.useState({});p.useEffect(()=>s({}),[]);const i=et(),l=Ye();Z(()=>{if(!o)return;const u=o.ownerDocument,f=t?i??u.body:u.body;if(!f)return;n.current=u.createElement("div"),n.current.className=J,f.appendChild(n.current),s({});const y=n.current;return()=>{f.contains(y)&&f.removeChild(y)}},[o]);const c=l!=null&&l.zIndex?d.jsx(rt,{zIndex:l==null?void 0:l.zIndex,children:r}):r;return n.current?xe.createPortal(d.jsx(ke,{value:n.current,children:c}),n.current):d.jsx("span",{ref:u=>{u&&a(u)}})},ot=e=>{const{children:t,containerRef:r,appendToParentPortal:o}=e,a=r.current,n=a??(typeof window<"u"?document.body:void 0),s=p.useMemo(()=>{const l=a==null?void 0:a.ownerDocument.createElement("div");return l&&(l.className=J),l},[a]),[,i]=p.useState({});return Z(()=>i({}),[]),Z(()=>{if(!(!s||!n))return n.appendChild(s),()=>{n.removeChild(s)}},[s,n]),n&&s?xe.createPortal(d.jsx(ke,{value:o?s:null,children:t}),s):null};function G(e){const t={appendToParentPortal:!0,...e},{containerRef:r,...o}=t;return r?d.jsx(ot,{containerRef:r,...o}):d.jsx(nt,{...o})}G.className=J;G.selector=tt;G.displayName="Portal";function m(e,t={}){let r=!1;function o(){if(!r){r=!0;return}throw new Error("[anatomy] .part(...) should only be called once. Did you mean to use .extend(...) ?")}function a(...u){o();for(const f of u)t[f]=l(f);return m(e,t)}function n(...u){for(const f of u)f in t||(t[f]=l(f));return m(e,t)}function s(){return Object.fromEntries(Object.entries(t).map(([f,y])=>[f,y.selector]))}function i(){return Object.fromEntries(Object.entries(t).map(([f,y])=>[f,y.className]))}function l(u){const g=`chakra-${(["container","root"].includes(u??"")?[e]:[e,u]).filter(Boolean).join("__")}`;return{className:g,selector:`.${g}`,toString:()=>u}}return{parts:a,toPart:l,extend:n,selectors:s,classnames:i,get keys(){return Object.keys(t)},__type:{}}}var Or=m("accordion").parts("root","container","button","panel").extend("icon"),zr=m("alert").parts("title","description","container").extend("icon","spinner"),Rr=m("avatar").parts("label","badge","container").extend("excessLabel","group"),Mr=m("breadcrumb").parts("link","item","container").extend("separator");m("button").parts();var Lr=m("checkbox").parts("control","icon","container").extend("label");m("progress").parts("track","filledTrack").extend("label");var Fr=m("drawer").parts("overlay","dialogContainer","dialog").extend("header","closeButton","body","footer"),Hr=m("editable").parts("preview","input","textarea"),Wr=m("form").parts("container","requiredIndicator","helperText"),Dr=m("formError").parts("text","icon"),Br=m("input").parts("addon","field","element","group"),Gr=m("list").parts("container","item","icon"),at=m("menu").parts("button","list","item").extend("groupTitle","icon","command","divider"),Ur=m("modal").parts("overlay","dialogContainer","dialog").extend("header","closeButton","body","footer"),Vr=m("numberinput").parts("root","field","stepperGroup","stepper");m("pininput").parts("field");var Zr=m("popover").parts("content","header","body","footer").extend("popper","arrow","closeButton"),qr=m("progress").parts("label","filledTrack","track"),Xr=m("radio").parts("container","control","label"),Jr=m("select").parts("field","icon"),Kr=m("slider").parts("container","track","thumb","filledTrack","mark"),Yr=m("stat").parts("container","label","helpText","number","icon"),Qr=m("switch").parts("container","track","thumb"),en=m("table").parts("table","thead","tbody","tr","th","td","tfoot","caption"),tn=m("tabs").parts("root","tab","tablist","tabpanel","tabpanels","indicator"),rn=m("tag").parts("container","label","closeButton"),nn=m("card").parts("container","header","body","footer");function P(e,t){return r=>r.colorMode==="dark"?t:e}function on(e){const{orientation:t,vertical:r,horizontal:o}=e;return t?t==="vertical"?r:o:{}}var st=(e,t)=>e.find(r=>r.id===t);function re(e,t){const r=we(e,t),o=r?e[r].findIndex(a=>a.id===t):-1;return{position:r,index:o}}function we(e,t){for(const[r,o]of Object.entries(e))if(st(o,t))return r}function it(e){const t=e.includes("right"),r=e.includes("left");let o="center";return t&&(o="flex-end"),r&&(o="flex-start"),{display:"flex",flexDirection:"column",alignItems:o}}function lt(e){const r=e==="top"||e==="bottom"?"0 auto":void 0,o=e.includes("top")?"env(safe-area-inset-top, 0px)":void 0,a=e.includes("bottom")?"env(safe-area-inset-bottom, 0px)":void 0,n=e.includes("left")?void 0:"env(safe-area-inset-right, 0px)",s=e.includes("right")?void 0:"env(safe-area-inset-left, 0px)";return{position:"fixed",zIndex:"var(--toast-z-index, 5500)",pointerEvents:"none",display:"flex",flexDirection:"column",margin:r,top:o,bottom:a,right:n,left:s}}function ct(e,t=[]){const r=p.useRef(e);return p.useEffect(()=>{r.current=e}),p.useCallback((...o)=>{var a;return(a=r.current)==null?void 0:a.call(r,...o)},t)}function ut(e,t){const r=ct(e);p.useEffect(()=>{if(t==null)return;let o=null;return o=window.setTimeout(()=>{r()},t),()=>{o&&window.clearTimeout(o)}},[t,r])}function ne(e,t){const r=p.useRef(!1),o=p.useRef(!1);p.useEffect(()=>{if(r.current&&o.current)return e();o.current=!0},t),p.useEffect(()=>(r.current=!0,()=>{r.current=!1}),[])}var dt={initial:e=>{const{position:t}=e,r=["top","bottom"].includes(t)?"y":"x";let o=["top-right","bottom-right"].includes(t)?1:-1;return t==="bottom"&&(o=1),{opacity:0,[r]:o*24}},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]}}},Pe=p.memo(e=>{const{id:t,message:r,onCloseComplete:o,onRequestRemove:a,requestClose:n=!1,position:s="bottom",duration:i=5e3,containerStyle:l,motionVariants:c=dt,toastSpacing:u="0.5rem"}=e,[f,y]=p.useState(i),g=We();ne(()=>{g||o==null||o()},[g]),ne(()=>{y(i)},[i]);const h=()=>y(null),$=()=>y(i),S=()=>{g&&a()};p.useEffect(()=>{g&&n&&a()},[g,n,a]),ut(S,f);const H=p.useMemo(()=>({pointerEvents:"auto",maxWidth:560,minWidth:300,margin:u,...l}),[l,u]),N=p.useMemo(()=>it(s),[s]);return d.jsx(De.div,{layout:!0,className:"chakra-toast",variants:c,initial:"initial",animate:"animate",exit:"exit",onHoverStart:h,onHoverEnd:$,custom:{position:s},style:N,children:d.jsx(j.div,{role:"status","aria-atomic":"true",className:"chakra-toast__inner",__css:H,children:q(r,{id:t,onClose:S})})})});Pe.displayName="ToastComponent";function ft(e,t){var r;const o=e??"bottom",n={"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"}}[o];return(r=n==null?void 0:n[t])!=null?r:o}var oe={path:d.jsxs("g",{stroke:"currentColor",strokeWidth:"1.5",children:[d.jsx("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"}),d.jsx("path",{fill:"currentColor",strokeLinecap:"round",d:"M12,17.25a.375.375,0,1,0,.375.375A.375.375,0,0,0,12,17.25h0"}),d.jsx("circle",{fill:"none",strokeMiterlimit:"10",cx:"12",cy:"12",r:"11.25"})]}),viewBox:"0 0 24 24"},L=z((e,t)=>{const{as:r,viewBox:o,color:a="currentColor",focusable:n=!1,children:s,className:i,__css:l,...c}=e,u=R("chakra-icon",i),f=_e("Icon",e),y={w:"1em",h:"1em",display:"inline-block",lineHeight:"1em",flexShrink:0,color:a,...l,...f},g={ref:t,focusable:n,className:u,__css:y},h=o??oe.viewBox;if(r&&typeof r!="string")return d.jsx(j.svg,{as:r,...g,...c});const $=s??oe.path;return d.jsx(j.svg,{verticalAlign:"middle",viewBox:h,...g,...c,children:$})});L.displayName="Icon";function pt(e){return d.jsx(L,{viewBox:"0 0 24 24",...e,children:d.jsx("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"})})}function mt(e){return d.jsx(L,{viewBox:"0 0 24 24",...e,children:d.jsx("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"})})}function ae(e){return d.jsx(L,{viewBox:"0 0 24 24",...e,children:d.jsx("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,K]=M({name:"AlertContext",hookName:"useAlertContext",providerName:""}),[bt,Y]=M({name:"AlertStylesContext",hookName:"useAlertStyles",providerName:""}),Ae={info:{icon:mt,colorScheme:"blue"},warning:{icon:ae,colorScheme:"orange"},success:{icon:pt,colorScheme:"green"},error:{icon:ae,colorScheme:"red"},loading:{icon:Be,colorScheme:"blue"}};function yt(e){return Ae[e].colorScheme}function vt(e){return Ae[e].icon}var je=z(function(t,r){const o=Y(),{status:a}=K(),n={display:"inline",...o.description};return d.jsx(j.div,{ref:r,"data-status":a,...t,className:R("chakra-alert__desc",t.className),__css:n})});je.displayName="AlertDescription";function Ee(e){const{status:t}=K(),r=vt(t),o=Y(),a=t==="loading"?o.spinner:o.icon;return d.jsx(j.span,{display:"inherit","data-status":t,...e,className:R("chakra-alert__icon",e.className),__css:a,children:e.children||d.jsx(r,{h:"100%",w:"100%"})})}Ee.displayName="AlertIcon";var Ne=z(function(t,r){const o=Y(),{status:a}=K();return d.jsx(j.div,{ref:r,"data-status":a,...t,className:R("chakra-alert__title",t.className),__css:o.title})});Ne.displayName="AlertTitle";var $e=z(function(t,r){var o;const{status:a="info",addRole:n=!0,...s}=Ce(t),i=(o=t.colorScheme)!=null?o:yt(a),l=Ge("Alert",{...t,colorScheme:i}),c={width:"100%",display:"flex",alignItems:"center",position:"relative",overflow:"hidden",...l.container};return d.jsx(gt,{value:{status:a},children:d.jsx(bt,{value:l,children:d.jsx(j.div,{"data-status":a,role:n?"alert":void 0,ref:r,...s,className:R("chakra-alert",t.className),__css:c})})})});$e.displayName="Alert";function ht(e){return d.jsx(L,{focusable:"false","aria-hidden":!0,...e,children:d.jsx("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"})})}var Te=z(function(t,r){const o=_e("CloseButton",t),{children:a,isDisabled:n,__css:s,...i}=Ce(t),l={outline:0,display:"flex",alignItems:"center",justifyContent:"center",flexShrink:0};return d.jsx(j.button,{type:"button","aria-label":"Close",ref:r,disabled:n,__css:{...l,...o,...s},...i,children:a||d.jsx(ht,{width:"1em",height:"1em"})})});Te.displayName="CloseButton";var St={top:[],"top-left":[],"top-right":[],"bottom-left":[],bottom:[],"bottom-right":[]},C=xt(St);function xt(e){let t=e;const r=new Set,o=a=>{t=a(t),r.forEach(n=>n())};return{getState:()=>t,subscribe:a=>(r.add(a),()=>{o(()=>e),r.delete(a)}),removeToast:(a,n)=>{o(s=>({...s,[n]:s[n].filter(i=>i.id!=a)}))},notify:(a,n)=>{const s=_t(a,n),{position:i,id:l}=s;return o(c=>{var u,f;const g=i.includes("top")?[s,...(u=c[i])!=null?u:[]]:[...(f=c[i])!=null?f:[],s];return{...c,[i]:g}}),l},update:(a,n)=>{a&&o(s=>{const i={...s},{position:l,index:c}=re(i,a);return l&&c!==-1&&(i[l][c]={...i[l][c],...n,message:Ie(n)}),i})},closeAll:({positions:a}={})=>{o(n=>(a??["bottom","bottom-right","bottom-left","top","top-left","top-right"]).reduce((l,c)=>(l[c]=n[c].map(u=>({...u,requestClose:!0})),l),{...n}))},close:a=>{o(n=>{const s=we(n,a);return s?{...n,[s]:n[s].map(i=>i.id==a?{...i,requestClose:!0}:i)}:n})},isActive:a=>!!re(C.getState(),a).position}}var se=0;function _t(e,t={}){var r,o;se+=1;const a=(r=t.id)!=null?r:se,n=(o=t.position)!=null?o:"bottom";return{id:a,message:e,position:n,duration:t.duration,onCloseComplete:t.onCloseComplete,onRequestRemove:()=>C.removeToast(String(a),n),status:t.status,requestClose:!1,containerStyle:t.containerStyle}}var Ct=e=>{const{status:t,variant:r="solid",id:o,title:a,isClosable:n,onClose:s,description:i,colorScheme:l,icon:c}=e,u=o?{root:`toast-${o}`,title:`toast-${o}-title`,description:`toast-${o}-description`}:void 0;return d.jsxs($e,{addRole:!1,status:t,variant:r,id:u==null?void 0:u.root,alignItems:"start",borderRadius:"md",boxShadow:"lg",paddingEnd:8,textAlign:"start",width:"auto",colorScheme:l,children:[d.jsx(Ee,{children:c}),d.jsxs(j.div,{flex:"1",maxWidth:"100%",children:[a&&d.jsx(Ne,{id:u==null?void 0:u.title,children:a}),i&&d.jsx(je,{id:u==null?void 0:u.description,display:"block",children:i})]}),n&&d.jsx(Te,{size:"sm",onClick:s,position:"absolute",insetEnd:1,top:1})]})};function Ie(e={}){const{render:t,toastComponent:r=Ct}=e;return a=>typeof t=="function"?t({...a,...e}):d.jsx(r,{...a,...e})}function an(e,t){const r=a=>{var n;return{...t,...a,position:ft((n=a==null?void 0:a.position)!=null?n:t==null?void 0:t.position,e)}},o=a=>{const n=r(a),s=Ie(n);return C.notify(s,n)};return o.update=(a,n)=>{C.update(a,r(n))},o.promise=(a,n)=>{const s=o({...n.loading,status:"loading",duration:null});a.then(i=>o.update(s,{status:"success",duration:5e3,...q(n.success,i)})).catch(i=>o.update(s,{status:"error",duration:5e3,...q(n.error,i)}))},o.closeAll=C.closeAll,o.close=C.close,o.isActive=C.isActive,o}var[sn,ln]=M({name:"ToastOptionsContext",strict:!1}),cn=e=>{const t=p.useSyncExternalStore(C.subscribe,C.getState,C.getState),{motionVariants:r,component:o=Pe,portalProps:a}=e,s=Object.keys(t).map(i=>{const l=t[i];return d.jsx("div",{role:"region","aria-live":"polite","aria-label":"Notifications",id:`chakra-toast-manager-${i}`,style:lt(i),children:d.jsx(Ue,{initial:!1,children:l.map(c=>d.jsx(o,{motionVariants:r,...c},c.id))})},i)});return d.jsx(G,{...a,children:s})};function kt(){if(console&&console.warn){for(var e=arguments.length,t=new Array(e),r=0;r()=>{if(e.isInitialized)t();else{const r=()=>{setTimeout(()=>{e.off("initialized",r)},0),t()};e.on("initialized",r)}};function le(e,t,r){e.loadNamespaces(t,Oe(e,r))}function ce(e,t,r,o){typeof r=="string"&&(r=[r]),r.forEach(a=>{e.options.ns.indexOf(a)<0&&e.options.ns.push(a)}),e.loadLanguages(t,Oe(e,o))}function wt(e,t){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};const o=t.languages[0],a=t.options?t.options.fallbackLng:!1,n=t.languages[t.languages.length-1];if(o.toLowerCase()==="cimode")return!0;const s=(i,l)=>{const c=t.services.backendConnector.state[`${i}|${l}`];return c===-1||c===2};return r.bindI18n&&r.bindI18n.indexOf("languageChanging")>-1&&t.services.backendConnector.backend&&t.isLanguageChangingTo&&!s(t.isLanguageChangingTo,e)?!1:!!(t.hasResourceBundle(o,e)||!t.services.backendConnector.backend||t.options.resources&&!t.options.partialBundledLanguages||s(o,e)&&(!a||s(n,e)))}function Pt(e,t){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};return!t.languages||!t.languages.length?(X("i18n.languages were undefined or empty",t.languages),!0):t.options.ignoreJSONStructure!==void 0?t.hasLoadedNamespace(e,{lng:r.lng,precheck:(a,n)=>{if(r.bindI18n&&r.bindI18n.indexOf("languageChanging")>-1&&a.services.backendConnector.backend&&a.isLanguageChangingTo&&!n(a.isLanguageChangingTo,e))return!1}}):wt(e,t,r)}const At=p.createContext();class jt{constructor(){this.usedNamespaces={}}addUsedNamespaces(t){t.forEach(r=>{this.usedNamespaces[r]||(this.usedNamespaces[r]=!0)})}getUsedNamespaces(){return Object.keys(this.usedNamespaces)}}const Et=(e,t)=>{const r=p.useRef();return p.useEffect(()=>{r.current=t?r.current:e},[e,t]),r.current};function un(e){let t=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};const{i18n:r}=t,{i18n:o,defaultNS:a}=p.useContext(At)||{},n=r||o||Ze();if(n&&!n.reportNamespaces&&(n.reportNamespaces=new jt),!n){X("You will need to pass in an i18next instance by using initReactI18next");const v=(w,x)=>typeof x=="string"?x:x&&typeof x=="object"&&typeof x.defaultValue=="string"?x.defaultValue:Array.isArray(w)?w[w.length-1]:w,k=[v,{},!1];return k.t=v,k.i18n={},k.ready=!1,k}n.options.react&&n.options.react.wait!==void 0&&X("It seems you are still using the old wait option, you may migrate to the new useSuspense behaviour.");const s={...Ve(),...n.options.react,...t},{useSuspense:i,keyPrefix:l}=s;let c=e||a||n.options&&n.options.defaultNS;c=typeof c=="string"?[c]:c||["translation"],n.reportNamespaces.addUsedNamespaces&&n.reportNamespaces.addUsedNamespaces(c);const u=(n.isInitialized||n.initializedStoreOnce)&&c.every(v=>Pt(v,n,s));function f(){return n.getFixedT(t.lng||null,s.nsMode==="fallback"?c:c[0],l)}const[y,g]=p.useState(f);let h=c.join();t.lng&&(h=`${t.lng}${h}`);const $=Et(h),S=p.useRef(!0);p.useEffect(()=>{const{bindI18n:v,bindI18nStore:k}=s;S.current=!0,!u&&!i&&(t.lng?ce(n,t.lng,c,()=>{S.current&&g(f)}):le(n,c,()=>{S.current&&g(f)})),u&&$&&$!==h&&S.current&&g(f);function w(){S.current&&g(f)}return v&&n&&n.on(v,w),k&&n&&n.store.on(k,w),()=>{S.current=!1,v&&n&&v.split(" ").forEach(x=>n.off(x,w)),k&&n&&k.split(" ").forEach(x=>n.store.off(x,w))}},[n,h]);const H=p.useRef(!0);p.useEffect(()=>{S.current&&!H.current&&g(f),H.current=!1},[n,l]);const N=[y,n,u];if(N.t=y,N.i18n=n,N.ready=u,u||!u&&!i)return N;throw new Promise(v=>{t.lng?ce(n,t.lng,c,()=>v()):le(n,c,()=>v())})}const{definePartsStyle:Nt,defineMultiStyleConfig:$t}=qe(at.keys),Tt=Nt(e=>({button:{fontWeight:500,bg:P("base.300","base.500")(e),color:P("base.900","base.100")(e),_hover:{bg:P("base.400","base.600")(e),color:P("base.900","base.50")(e),fontWeight:600}},list:{zIndex:9999,color:P("base.900","base.150")(e),bg:P("base.200","base.800")(e),shadow:"dark-lg",border:"none"},item:{fontSize:"sm",bg:P("base.200","base.800")(e),_hover:{bg:P("base.300","base.700")(e),svg:{opacity:1}},_focus:{bg:P("base.400","base.600")(e)},svg:{opacity:.7,fontSize:14}}})),dn=$t({variants:{invokeAI:Tt},defaultProps:{variant:"invokeAI"}}),fn={variants:{enter:{visibility:"visible",opacity:1,scale:1,transition:{duration:.07,ease:[.4,0,.2,1]}},exit:{transitionEnd:{visibility:"hidden"},opacity:0,scale:.8,transition:{duration:.07,easings:"easeOut"}}}},It={dark:["#C1C2C5","#A6A7AB","#909296","#5c5f66","#373A40","#2C2E33","#25262b","#1A1B1E","#141517","#101113"],gray:["#f8f9fa","#f1f3f5","#e9ecef","#dee2e6","#ced4da","#adb5bd","#868e96","#495057","#343a40","#212529"],red:["#fff5f5","#ffe3e3","#ffc9c9","#ffa8a8","#ff8787","#ff6b6b","#fa5252","#f03e3e","#e03131","#c92a2a"],pink:["#fff0f6","#ffdeeb","#fcc2d7","#faa2c1","#f783ac","#f06595","#e64980","#d6336c","#c2255c","#a61e4d"],grape:["#f8f0fc","#f3d9fa","#eebefa","#e599f7","#da77f2","#cc5de8","#be4bdb","#ae3ec9","#9c36b5","#862e9c"],violet:["#f3f0ff","#e5dbff","#d0bfff","#b197fc","#9775fa","#845ef7","#7950f2","#7048e8","#6741d9","#5f3dc4"],indigo:["#edf2ff","#dbe4ff","#bac8ff","#91a7ff","#748ffc","#5c7cfa","#4c6ef5","#4263eb","#3b5bdb","#364fc7"],blue:["#e7f5ff","#d0ebff","#a5d8ff","#74c0fc","#4dabf7","#339af0","#228be6","#1c7ed6","#1971c2","#1864ab"],cyan:["#e3fafc","#c5f6fa","#99e9f2","#66d9e8","#3bc9db","#22b8cf","#15aabf","#1098ad","#0c8599","#0b7285"],teal:["#e6fcf5","#c3fae8","#96f2d7","#63e6be","#38d9a9","#20c997","#12b886","#0ca678","#099268","#087f5b"],green:["#ebfbee","#d3f9d8","#b2f2bb","#8ce99a","#69db7c","#51cf66","#40c057","#37b24d","#2f9e44","#2b8a3e"],lime:["#f4fce3","#e9fac8","#d8f5a2","#c0eb75","#a9e34b","#94d82d","#82c91e","#74b816","#66a80f","#5c940d"],yellow:["#fff9db","#fff3bf","#ffec99","#ffe066","#ffd43b","#fcc419","#fab005","#f59f00","#f08c00","#e67700"],orange:["#fff4e6","#ffe8cc","#ffd8a8","#ffc078","#ffa94d","#ff922b","#fd7e14","#f76707","#e8590c","#d9480f"]};function Ot(e){return()=>({fontFamily:e.fontFamily||"sans-serif"})}var zt=Object.defineProperty,ue=Object.getOwnPropertySymbols,Rt=Object.prototype.hasOwnProperty,Mt=Object.prototype.propertyIsEnumerable,de=(e,t,r)=>t in e?zt(e,t,{enumerable:!0,configurable:!0,writable:!0,value:r}):e[t]=r,fe=(e,t)=>{for(var r in t||(t={}))Rt.call(t,r)&&de(e,r,t[r]);if(ue)for(var r of ue(t))Mt.call(t,r)&&de(e,r,t[r]);return e};function Lt(e){return t=>({WebkitTapHighlightColor:"transparent",[t||"&:focus"]:fe({},e.focusRing==="always"||e.focusRing==="auto"?e.focusRingStyles.styles(e):e.focusRingStyles.resetStyles(e)),[t?t.replace(":focus",":focus:not(:focus-visible)"):"&:focus:not(:focus-visible)"]:fe({},e.focusRing==="auto"||e.focusRing==="never"?e.focusRingStyles.resetStyles(e):null)})}function F(e){return t=>typeof e.primaryShade=="number"?e.primaryShade:e.primaryShade[t||e.colorScheme]}function Q(e){const t=F(e);return(r,o,a=!0,n=!0)=>{if(typeof r=="string"&&r.includes(".")){const[i,l]=r.split("."),c=parseInt(l,10);if(i in e.colors&&c>=0&&c<10)return e.colors[i][typeof o=="number"&&!n?o:c]}const s=typeof o=="number"?o:t();return r in e.colors?e.colors[r][s]:a?e.colors[e.primaryColor][s]:r}}function ze(e){let t="";for(let r=1;r{const a={from:(o==null?void 0:o.from)||e.defaultGradient.from,to:(o==null?void 0:o.to)||e.defaultGradient.to,deg:(o==null?void 0:o.deg)||e.defaultGradient.deg};return`linear-gradient(${a.deg}deg, ${t(a.from,r(),!1)} 0%, ${t(a.to,r(),!1)} 100%)`}}function Me(e){return t=>{if(typeof t=="number")return`${t/16}${e}`;if(typeof t=="string"){const r=t.replace("px","");if(!Number.isNaN(Number(r)))return`${Number(r)/16}${e}`}return t}}const E=Me("rem"),U=Me("em");function Le({size:e,sizes:t,units:r}){return e in t?t[e]:typeof e=="number"?r==="em"?U(e):E(e):e||t.md}function W(e){return typeof e=="number"?e:typeof e=="string"&&e.includes("rem")?Number(e.replace("rem",""))*16:typeof e=="string"&&e.includes("em")?Number(e.replace("em",""))*16:Number(e)}function Wt(e){return t=>`@media (min-width: ${U(W(Le({size:t,sizes:e.breakpoints})))})`}function Dt(e){return t=>`@media (max-width: ${U(W(Le({size:t,sizes:e.breakpoints}))-1)})`}function Bt(e){return/^#?([0-9A-F]{3}){1,2}$/i.test(e)}function Gt(e){let t=e.replace("#","");if(t.length===3){const s=t.split("");t=[s[0],s[0],s[1],s[1],s[2],s[2]].join("")}const r=parseInt(t,16),o=r>>16&255,a=r>>8&255,n=r&255;return{r:o,g:a,b:n,a:1}}function Ut(e){const[t,r,o,a]=e.replace(/[^0-9,.]/g,"").split(",").map(Number);return{r:t,g:r,b:o,a:a||1}}function ee(e){return Bt(e)?Gt(e):e.startsWith("rgb")?Ut(e):{r:0,g:0,b:0,a:1}}function T(e,t){if(typeof e!="string"||t>1||t<0)return"rgba(0, 0, 0, 1)";if(e.startsWith("var(--"))return e;const{r,g:o,b:a}=ee(e);return`rgba(${r}, ${o}, ${a}, ${t})`}function Vt(e=0){return{position:"absolute",top:E(e),right:E(e),left:E(e),bottom:E(e)}}function Zt(e,t){if(typeof e=="string"&&e.startsWith("var(--"))return e;const{r,g:o,b:a,a:n}=ee(e),s=1-t,i=l=>Math.round(l*s);return`rgba(${i(r)}, ${i(o)}, ${i(a)}, ${n})`}function qt(e,t){if(typeof e=="string"&&e.startsWith("var(--"))return e;const{r,g:o,b:a,a:n}=ee(e),s=i=>Math.round(i+(255-i)*t);return`rgba(${s(r)}, ${s(o)}, ${s(a)}, ${n})`}function Xt(e){return t=>{if(typeof t=="number")return E(t);const r=typeof e.defaultRadius=="number"?e.defaultRadius:e.radius[e.defaultRadius]||e.defaultRadius;return e.radius[t]||t||r}}function Jt(e,t){if(typeof e=="string"&&e.includes(".")){const[r,o]=e.split("."),a=parseInt(o,10);if(r in t.colors&&a>=0&&a<10)return{isSplittedColor:!0,key:r,shade:a}}return{isSplittedColor:!1}}function Kt(e){const t=Q(e),r=F(e),o=Re(e);return({variant:a,color:n,gradient:s,primaryFallback:i})=>{const l=Jt(n,e);switch(a){case"light":return{border:"transparent",background:T(t(n,e.colorScheme==="dark"?8:0,i,!1),e.colorScheme==="dark"?.2:1),color:n==="dark"?e.colorScheme==="dark"?e.colors.dark[0]:e.colors.dark[9]:t(n,e.colorScheme==="dark"?2:r("light")),hover:T(t(n,e.colorScheme==="dark"?7:1,i,!1),e.colorScheme==="dark"?.25:.65)};case"subtle":return{border:"transparent",background:"transparent",color:n==="dark"?e.colorScheme==="dark"?e.colors.dark[0]:e.colors.dark[9]:t(n,e.colorScheme==="dark"?2:r("light")),hover:T(t(n,e.colorScheme==="dark"?8:0,i,!1),e.colorScheme==="dark"?.2:1)};case"outline":return{border:t(n,e.colorScheme==="dark"?5:r("light")),background:"transparent",color:t(n,e.colorScheme==="dark"?5:r("light")),hover:e.colorScheme==="dark"?T(t(n,5,i,!1),.05):T(t(n,0,i,!1),.35)};case"default":return{border:e.colorScheme==="dark"?e.colors.dark[4]:e.colors.gray[4],background:e.colorScheme==="dark"?e.colors.dark[6]:e.white,color:e.colorScheme==="dark"?e.white:e.black,hover:e.colorScheme==="dark"?e.colors.dark[5]:e.colors.gray[0]};case"white":return{border:"transparent",background:e.white,color:t(n,r()),hover:null};case"transparent":return{border:"transparent",color:n==="dark"?e.colorScheme==="dark"?e.colors.dark[0]:e.colors.dark[9]:t(n,e.colorScheme==="dark"?2:r("light")),background:"transparent",hover:null};case"gradient":return{background:o(s),color:e.white,border:"transparent",hover:null};default:{const c=r(),u=l.isSplittedColor?l.shade:c,f=l.isSplittedColor?l.key:n;return{border:"transparent",background:t(f,u,i),color:e.white,hover:t(f,u===9?8:u+1)}}}}}function Yt(e){return t=>{const r=F(e)(t);return e.colors[e.primaryColor][r]}}function Qt(e){return{"@media (hover: hover)":{"&:hover":e},"@media (hover: none)":{"&:active":e}}}function er(e){return()=>({userSelect:"none",color:e.colorScheme==="dark"?e.colors.dark[3]:e.colors.gray[5]})}function tr(e){return()=>e.colorScheme==="dark"?e.colors.dark[2]:e.colors.gray[6]}const b={fontStyles:Ot,themeColor:Q,focusStyles:Lt,linearGradient:Ft,radialGradient:Ht,smallerThan:Dt,largerThan:Wt,rgba:T,cover:Vt,darken:Zt,lighten:qt,radius:Xt,variant:Kt,primaryShade:F,hover:Qt,gradient:Re,primaryColor:Yt,placeholderStyles:er,dimmed:tr};var rr=Object.defineProperty,nr=Object.defineProperties,or=Object.getOwnPropertyDescriptors,pe=Object.getOwnPropertySymbols,ar=Object.prototype.hasOwnProperty,sr=Object.prototype.propertyIsEnumerable,me=(e,t,r)=>t in e?rr(e,t,{enumerable:!0,configurable:!0,writable:!0,value:r}):e[t]=r,ir=(e,t)=>{for(var r in t||(t={}))ar.call(t,r)&&me(e,r,t[r]);if(pe)for(var r of pe(t))sr.call(t,r)&&me(e,r,t[r]);return e},lr=(e,t)=>nr(e,or(t));function Fe(e){return lr(ir({},e),{fn:{fontStyles:b.fontStyles(e),themeColor:b.themeColor(e),focusStyles:b.focusStyles(e),largerThan:b.largerThan(e),smallerThan:b.smallerThan(e),radialGradient:b.radialGradient,linearGradient:b.linearGradient,gradient:b.gradient(e),rgba:b.rgba,cover:b.cover,lighten:b.lighten,darken:b.darken,primaryShade:b.primaryShade(e),radius:b.radius(e),variant:b.variant(e),hover:b.hover,primaryColor:b.primaryColor(e),placeholderStyles:b.placeholderStyles(e),dimmed:b.dimmed(e)}})}const cr={dir:"ltr",primaryShade:{light:6,dark:8},focusRing:"auto",loader:"oval",colorScheme:"light",white:"#fff",black:"#000",defaultRadius:"sm",transitionTimingFunction:"ease",colors:It,lineHeight:1.55,fontFamily:"-apple-system, BlinkMacSystemFont, Segoe UI, Roboto, Helvetica, Arial, sans-serif, Apple Color Emoji, Segoe UI Emoji",fontFamilyMonospace:"ui-monospace, SFMono-Regular, Menlo, Monaco, Consolas, Liberation Mono, Courier New, monospace",primaryColor:"blue",respectReducedMotion:!0,cursorType:"default",defaultGradient:{from:"indigo",to:"cyan",deg:45},shadows:{xs:"0 0.0625rem 0.1875rem rgba(0, 0, 0, 0.05), 0 0.0625rem 0.125rem rgba(0, 0, 0, 0.1)",sm:"0 0.0625rem 0.1875rem rgba(0, 0, 0, 0.05), rgba(0, 0, 0, 0.05) 0 0.625rem 0.9375rem -0.3125rem, rgba(0, 0, 0, 0.04) 0 0.4375rem 0.4375rem -0.3125rem",md:"0 0.0625rem 0.1875rem rgba(0, 0, 0, 0.05), rgba(0, 0, 0, 0.05) 0 1.25rem 1.5625rem -0.3125rem, rgba(0, 0, 0, 0.04) 0 0.625rem 0.625rem -0.3125rem",lg:"0 0.0625rem 0.1875rem rgba(0, 0, 0, 0.05), rgba(0, 0, 0, 0.05) 0 1.75rem 1.4375rem -0.4375rem, rgba(0, 0, 0, 0.04) 0 0.75rem 0.75rem -0.4375rem",xl:"0 0.0625rem 0.1875rem rgba(0, 0, 0, 0.05), rgba(0, 0, 0, 0.05) 0 2.25rem 1.75rem -0.4375rem, rgba(0, 0, 0, 0.04) 0 1.0625rem 1.0625rem -0.4375rem"},fontSizes:{xs:"0.75rem",sm:"0.875rem",md:"1rem",lg:"1.125rem",xl:"1.25rem"},radius:{xs:"0.125rem",sm:"0.25rem",md:"0.5rem",lg:"1rem",xl:"2rem"},spacing:{xs:"0.625rem",sm:"0.75rem",md:"1rem",lg:"1.25rem",xl:"1.5rem"},breakpoints:{xs:"36em",sm:"48em",md:"62em",lg:"75em",xl:"88em"},headings:{fontFamily:"-apple-system, BlinkMacSystemFont, Segoe UI, Roboto, Helvetica, Arial, sans-serif, Apple Color Emoji, Segoe UI Emoji",fontWeight:700,sizes:{h1:{fontSize:"2.125rem",lineHeight:1.3,fontWeight:void 0},h2:{fontSize:"1.625rem",lineHeight:1.35,fontWeight:void 0},h3:{fontSize:"1.375rem",lineHeight:1.4,fontWeight:void 0},h4:{fontSize:"1.125rem",lineHeight:1.45,fontWeight:void 0},h5:{fontSize:"1rem",lineHeight:1.5,fontWeight:void 0},h6:{fontSize:"0.875rem",lineHeight:1.5,fontWeight:void 0}}},other:{},components:{},activeStyles:{transform:"translateY(0.0625rem)"},datesLocale:"en",globalStyles:void 0,focusRingStyles:{styles:e=>({outlineOffset:"0.125rem",outline:`0.125rem solid ${e.colors[e.primaryColor][e.colorScheme==="dark"?7:5]}`}),resetStyles:()=>({outline:"none"}),inputStyles:e=>({outline:"none",borderColor:e.colors[e.primaryColor][typeof e.primaryShade=="object"?e.primaryShade[e.colorScheme]:e.primaryShade]})}},te=Fe(cr);var ur=Object.defineProperty,dr=Object.defineProperties,fr=Object.getOwnPropertyDescriptors,ge=Object.getOwnPropertySymbols,pr=Object.prototype.hasOwnProperty,mr=Object.prototype.propertyIsEnumerable,be=(e,t,r)=>t in e?ur(e,t,{enumerable:!0,configurable:!0,writable:!0,value:r}):e[t]=r,gr=(e,t)=>{for(var r in t||(t={}))pr.call(t,r)&&be(e,r,t[r]);if(ge)for(var r of ge(t))mr.call(t,r)&&be(e,r,t[r]);return e},br=(e,t)=>dr(e,fr(t));function yr({theme:e}){return A.createElement(B,{styles:{"*, *::before, *::after":{boxSizing:"border-box"},html:{colorScheme:e.colorScheme==="dark"?"dark":"light"},body:br(gr({},e.fn.fontStyles()),{backgroundColor:e.colorScheme==="dark"?e.colors.dark[7]:e.white,color:e.colorScheme==="dark"?e.colors.dark[0]:e.black,lineHeight:e.lineHeight,fontSize:e.fontSizes.md,WebkitFontSmoothing:"antialiased",MozOsxFontSmoothing:"grayscale"})}})}function I(e,t,r,o=E){Object.keys(t).forEach(a=>{e[`--mantine-${r}-${a}`]=o(t[a])})}function vr({theme:e}){const t={"--mantine-color-white":e.white,"--mantine-color-black":e.black,"--mantine-transition-timing-function":e.transitionTimingFunction,"--mantine-line-height":`${e.lineHeight}`,"--mantine-font-family":e.fontFamily,"--mantine-font-family-monospace":e.fontFamilyMonospace,"--mantine-font-family-headings":e.headings.fontFamily,"--mantine-heading-font-weight":`${e.headings.fontWeight}`};I(t,e.shadows,"shadow"),I(t,e.fontSizes,"font-size"),I(t,e.radius,"radius"),I(t,e.spacing,"spacing"),I(t,e.breakpoints,"breakpoints",U),Object.keys(e.colors).forEach(o=>{e.colors[o].forEach((a,n)=>{t[`--mantine-color-${o}-${n}`]=a})});const r=e.headings.sizes;return Object.keys(r).forEach(o=>{t[`--mantine-${o}-font-size`]=r[o].fontSize,t[`--mantine-${o}-line-height`]=`${r[o].lineHeight}`}),A.createElement(B,{styles:{":root":t}})}var hr=Object.defineProperty,Sr=Object.defineProperties,xr=Object.getOwnPropertyDescriptors,ye=Object.getOwnPropertySymbols,_r=Object.prototype.hasOwnProperty,Cr=Object.prototype.propertyIsEnumerable,ve=(e,t,r)=>t in e?hr(e,t,{enumerable:!0,configurable:!0,writable:!0,value:r}):e[t]=r,_=(e,t)=>{for(var r in t||(t={}))_r.call(t,r)&&ve(e,r,t[r]);if(ye)for(var r of ye(t))Cr.call(t,r)&&ve(e,r,t[r]);return e},V=(e,t)=>Sr(e,xr(t));function kr(e,t){var r;if(!t)return e;const o=Object.keys(e).reduce((a,n)=>{if(n==="headings"&&t.headings){const s=t.headings.sizes?Object.keys(e.headings.sizes).reduce((i,l)=>(i[l]=_(_({},e.headings.sizes[l]),t.headings.sizes[l]),i),{}):e.headings.sizes;return V(_({},a),{headings:V(_(_({},e.headings),t.headings),{sizes:s})})}if(n==="breakpoints"&&t.breakpoints){const s=_(_({},e.breakpoints),t.breakpoints);return V(_({},a),{breakpoints:Object.fromEntries(Object.entries(s).sort((i,l)=>W(i[1])-W(l[1])))})}return a[n]=typeof t[n]=="object"?_(_({},e[n]),t[n]):typeof t[n]=="number"||typeof t[n]=="boolean"||typeof t[n]=="function"?t[n]:t[n]||e[n],a},{});if(t!=null&&t.fontFamily&&!((r=t==null?void 0:t.headings)!=null&&r.fontFamily)&&(o.headings.fontFamily=t.fontFamily),!(o.primaryColor in o.colors))throw new Error("MantineProvider: Invalid theme.primaryColor, it accepts only key of theme.colors, learn more – https://mantine.dev/theming/colors/#primary-color");return o}function wr(e,t){return Fe(kr(e,t))}function Pr(e){return Object.keys(e).reduce((t,r)=>(e[r]!==void 0&&(t[r]=e[r]),t),{})}const Ar={html:{fontFamily:"sans-serif",lineHeight:"1.15",textSizeAdjust:"100%"},body:{margin:0},"article, aside, footer, header, nav, section, figcaption, figure, main":{display:"block"},h1:{fontSize:"2em"},hr:{boxSizing:"content-box",height:0,overflow:"visible"},pre:{fontFamily:"monospace, monospace",fontSize:"1em"},a:{background:"transparent",textDecorationSkip:"objects"},"a:active, a:hover":{outlineWidth:0},"abbr[title]":{borderBottom:"none",textDecoration:"underline"},"b, strong":{fontWeight:"bolder"},"code, kbp, samp":{fontFamily:"monospace, monospace",fontSize:"1em"},dfn:{fontStyle:"italic"},mark:{backgroundColor:"#ff0",color:"#000"},small:{fontSize:"80%"},"sub, sup":{fontSize:"75%",lineHeight:0,position:"relative",verticalAlign:"baseline"},sup:{top:"-0.5em"},sub:{bottom:"-0.25em"},"audio, video":{display:"inline-block"},"audio:not([controls])":{display:"none",height:0},img:{borderStyle:"none",verticalAlign:"middle"},"svg:not(:root)":{overflow:"hidden"},"button, input, optgroup, select, textarea":{fontFamily:"sans-serif",fontSize:"100%",lineHeight:"1.15",margin:0},"button, input":{overflow:"visible"},"button, select":{textTransform:"none"},"button, [type=reset], [type=submit]":{WebkitAppearance:"button"},"button::-moz-focus-inner, [type=button]::-moz-focus-inner, [type=reset]::-moz-focus-inner, [type=submit]::-moz-focus-inner":{borderStyle:"none",padding:0},"button:-moz-focusring, [type=button]:-moz-focusring, [type=reset]:-moz-focusring, [type=submit]:-moz-focusring":{outline:`${E(1)} dotted ButtonText`},legend:{boxSizing:"border-box",color:"inherit",display:"table",maxWidth:"100%",padding:0,whiteSpace:"normal"},progress:{display:"inline-block",verticalAlign:"baseline"},textarea:{overflow:"auto"},"[type=checkbox], [type=radio]":{boxSizing:"border-box",padding:0},"[type=number]::-webkit-inner-spin-button, [type=number]::-webkit-outer-spin-button":{height:"auto"},"[type=search]":{appearance:"none"},"[type=search]::-webkit-search-cancel-button, [type=search]::-webkit-search-decoration":{appearance:"none"},"::-webkit-file-upload-button":{appearance:"button",font:"inherit"},"details, menu":{display:"block"},summary:{display:"list-item"},canvas:{display:"inline-block"},template:{display:"none"}};function jr(){return A.createElement(B,{styles:Ar})}var Er=Object.defineProperty,he=Object.getOwnPropertySymbols,Nr=Object.prototype.hasOwnProperty,$r=Object.prototype.propertyIsEnumerable,Se=(e,t,r)=>t in e?Er(e,t,{enumerable:!0,configurable:!0,writable:!0,value:r}):e[t]=r,O=(e,t)=>{for(var r in t||(t={}))Nr.call(t,r)&&Se(e,r,t[r]);if(he)for(var r of he(t))$r.call(t,r)&&Se(e,r,t[r]);return e};const D=p.createContext({theme:te});function He(){var e;return((e=p.useContext(D))==null?void 0:e.theme)||te}function pn(e){const t=He(),r=o=>{var a,n,s,i;return{styles:((a=t.components[o])==null?void 0:a.styles)||{},classNames:((n=t.components[o])==null?void 0:n.classNames)||{},variants:(s=t.components[o])==null?void 0:s.variants,sizes:(i=t.components[o])==null?void 0:i.sizes}};return Array.isArray(e)?e.map(r):[r(e)]}function mn(){var e;return(e=p.useContext(D))==null?void 0:e.emotionCache}function gn(e,t,r){var o;const a=He(),n=(o=a.components[e])==null?void 0:o.defaultProps,s=typeof n=="function"?n(a):n;return O(O(O({},t),s),Pr(r))}function Tr({theme:e,emotionCache:t,withNormalizeCSS:r=!1,withGlobalStyles:o=!1,withCSSVariables:a=!1,inherit:n=!1,children:s}){const i=p.useContext(D),l=wr(te,n?O(O({},i.theme),e):e);return A.createElement(Xe,{theme:l},A.createElement(D.Provider,{value:{theme:l,emotionCache:t}},r&&A.createElement(jr,null),o&&A.createElement(yr,{theme:l}),a&&A.createElement(vr,{theme:l}),typeof l.globalStyles=="function"&&A.createElement(B,{styles:l.globalStyles(l)}),s))}Tr.displayName="@mantine/core/MantineProvider";export{on as A,Yr as B,Te as C,Gr as D,at as E,Ur as F,Vr as G,Zr as H,L as I,Fr as J,Hr as K,Wr as L,Dr as M,Mr as N,nn as O,G as P,Or as Q,zr as R,Rr as S,Qe as T,sn as U,cn as V,dn as W,Tr as X,M as a,ct as b,an as c,ne as d,un as e,mn as f,He as g,pn as h,Pr as i,W as j,Le as k,gn as l,fn as m,P as n,tn as o,rn as p,Br as q,E as r,Qr as s,en as t,ln as u,qr as v,Lr as w,Xr as x,Jr as y,Kr as z}; diff --git a/invokeai/frontend/web/dist/assets/ThemeLocaleProvider-b9d3eb39.js b/invokeai/frontend/web/dist/assets/ThemeLocaleProvider-a4dc3f38.js similarity index 99% rename from invokeai/frontend/web/dist/assets/ThemeLocaleProvider-b9d3eb39.js rename to invokeai/frontend/web/dist/assets/ThemeLocaleProvider-a4dc3f38.js index d6a4b0a492a..9336be16fa9 100644 --- a/invokeai/frontend/web/dist/assets/ThemeLocaleProvider-b9d3eb39.js +++ b/invokeai/frontend/web/dist/assets/ThemeLocaleProvider-a4dc3f38.js @@ -1,4 +1,4 @@ -import{A as m,f_ as Je,z as y,a4 as Ka,f$ as Xa,af as va,aj as d,g0 as b,g1 as t,g2 as Ya,g3 as h,g4 as ua,g5 as Ja,g6 as Qa,aI as Za,g7 as et,ad as rt,g8 as at}from"./index-9bb68e3a.js";import{s as fa,n as o,t as tt,o as ha,p as ot,q as ma,v as ga,w as ya,x as it,y as Sa,z as pa,A as xr,B as nt,D as lt,E as st,F as xa,G as $a,H as ka,J as dt,K as _a,L as ct,M as bt,N as vt,O as ut,Q as wa,R as ft,S as ht,T as mt,U as gt,V as yt,W as St,e as pt,X as xt}from"./MantineProvider-ae002ae6.js";var za=String.raw,Ca=za` +import{A as m,f$ as Je,z as y,a4 as Ka,g0 as Xa,af as va,aj as d,g1 as b,g2 as t,g3 as Ya,g4 as h,g5 as ua,g6 as Ja,g7 as Qa,aI as Za,g8 as et,ad as rt,g9 as at}from"./index-18f2f740.js";import{s as fa,n as o,t as tt,o as ha,p as ot,q as ma,v as ga,w as ya,x as it,y as Sa,z as pa,A as xr,B as nt,D as lt,E as st,F as xa,G as $a,H as ka,J as dt,K as _a,L as ct,M as bt,N as vt,O as ut,Q as wa,R as ft,S as ht,T as mt,U as gt,V as yt,W as St,e as pt,X as xt}from"./MantineProvider-b20a2267.js";var za=String.raw,Ca=za` :root, :host { --chakra-vh: 100vh; diff --git a/invokeai/frontend/web/dist/assets/index-18f2f740.js b/invokeai/frontend/web/dist/assets/index-18f2f740.js new file mode 100644 index 00000000000..9b019084905 --- /dev/null +++ b/invokeai/frontend/web/dist/assets/index-18f2f740.js @@ -0,0 +1,125 @@ +function M8(e,t){for(var n=0;nr[i]})}}}return Object.freeze(Object.defineProperty(e,Symbol.toStringTag,{value:"Module"}))}(function(){const t=document.createElement("link").relList;if(t&&t.supports&&t.supports("modulepreload"))return;for(const i of document.querySelectorAll('link[rel="modulepreload"]'))r(i);new MutationObserver(i=>{for(const o of i)if(o.type==="childList")for(const s of o.addedNodes)s.tagName==="LINK"&&s.rel==="modulepreload"&&r(s)}).observe(document,{childList:!0,subtree:!0});function n(i){const o={};return i.integrity&&(o.integrity=i.integrity),i.referrerPolicy&&(o.referrerPolicy=i.referrerPolicy),i.crossOrigin==="use-credentials"?o.credentials="include":i.crossOrigin==="anonymous"?o.credentials="omit":o.credentials="same-origin",o}function r(i){if(i.ep)return;i.ep=!0;const o=n(i);fetch(i.href,o)}})();var Ee=typeof globalThis<"u"?globalThis:typeof window<"u"?window:typeof global<"u"?global:typeof self<"u"?self:{};function ll(e){return e&&e.__esModule&&Object.prototype.hasOwnProperty.call(e,"default")?e.default:e}function iF(e){if(e.__esModule)return e;var t=e.default;if(typeof t=="function"){var n=function r(){if(this instanceof r){var i=[null];i.push.apply(i,arguments);var o=Function.bind.apply(t,i);return new o}return t.apply(this,arguments)};n.prototype=t.prototype}else n={};return Object.defineProperty(n,"__esModule",{value:!0}),Object.keys(e).forEach(function(r){var i=Object.getOwnPropertyDescriptor(e,r);Object.defineProperty(n,r,i.get?i:{enumerable:!0,get:function(){return e[r]}})}),n}var I8={exports:{}},_y={},N8={exports:{}},Oe={};/** + * @license React + * react.production.min.js + * + * Copyright (c) Facebook, Inc. and its affiliates. + * + * This source code is licensed under the MIT license found in the + * LICENSE file in the root directory of this source tree. + */var Jf=Symbol.for("react.element"),oF=Symbol.for("react.portal"),sF=Symbol.for("react.fragment"),aF=Symbol.for("react.strict_mode"),lF=Symbol.for("react.profiler"),uF=Symbol.for("react.provider"),cF=Symbol.for("react.context"),dF=Symbol.for("react.forward_ref"),fF=Symbol.for("react.suspense"),hF=Symbol.for("react.memo"),pF=Symbol.for("react.lazy"),D3=Symbol.iterator;function gF(e){return e===null||typeof e!="object"?null:(e=D3&&e[D3]||e["@@iterator"],typeof e=="function"?e:null)}var D8={isMounted:function(){return!1},enqueueForceUpdate:function(){},enqueueReplaceState:function(){},enqueueSetState:function(){}},L8=Object.assign,$8={};function fc(e,t,n){this.props=e,this.context=t,this.refs=$8,this.updater=n||D8}fc.prototype.isReactComponent={};fc.prototype.setState=function(e,t){if(typeof e!="object"&&typeof e!="function"&&e!=null)throw Error("setState(...): takes an object of state variables to update or a function which returns an object of state variables.");this.updater.enqueueSetState(this,e,t,"setState")};fc.prototype.forceUpdate=function(e){this.updater.enqueueForceUpdate(this,e,"forceUpdate")};function F8(){}F8.prototype=fc.prototype;function uw(e,t,n){this.props=e,this.context=t,this.refs=$8,this.updater=n||D8}var cw=uw.prototype=new F8;cw.constructor=uw;L8(cw,fc.prototype);cw.isPureReactComponent=!0;var L3=Array.isArray,B8=Object.prototype.hasOwnProperty,dw={current:null},j8={key:!0,ref:!0,__self:!0,__source:!0};function V8(e,t,n){var r,i={},o=null,s=null;if(t!=null)for(r in t.ref!==void 0&&(s=t.ref),t.key!==void 0&&(o=""+t.key),t)B8.call(t,r)&&!j8.hasOwnProperty(r)&&(i[r]=t[r]);var a=arguments.length-2;if(a===1)i.children=n;else if(1>>1,U=O[j];if(0>>1;ji(X,L))Yi(B,X)?(O[j]=B,O[Y]=L,j=Y):(O[j]=X,O[W]=L,j=W);else if(Yi(B,L))O[j]=B,O[Y]=L,j=Y;else break e}}return D}function i(O,D){var L=O.sortIndex-D.sortIndex;return L!==0?L:O.id-D.id}if(typeof performance=="object"&&typeof performance.now=="function"){var o=performance;e.unstable_now=function(){return o.now()}}else{var s=Date,a=s.now();e.unstable_now=function(){return s.now()-a}}var l=[],u=[],c=1,d=null,f=3,h=!1,p=!1,m=!1,S=typeof setTimeout=="function"?setTimeout:null,y=typeof clearTimeout=="function"?clearTimeout:null,v=typeof setImmediate<"u"?setImmediate:null;typeof navigator<"u"&&navigator.scheduling!==void 0&&navigator.scheduling.isInputPending!==void 0&&navigator.scheduling.isInputPending.bind(navigator.scheduling);function g(O){for(var D=n(u);D!==null;){if(D.callback===null)r(u);else if(D.startTime<=O)r(u),D.sortIndex=D.expirationTime,t(l,D);else break;D=n(u)}}function b(O){if(m=!1,g(O),!p)if(n(l)!==null)p=!0,M(_);else{var D=n(u);D!==null&&N(b,D.startTime-O)}}function _(O,D){p=!1,m&&(m=!1,y(T),T=-1),h=!0;var L=f;try{for(g(D),d=n(l);d!==null&&(!(d.expirationTime>D)||O&&!A());){var j=d.callback;if(typeof j=="function"){d.callback=null,f=d.priorityLevel;var U=j(d.expirationTime<=D);D=e.unstable_now(),typeof U=="function"?d.callback=U:d===n(l)&&r(l),g(D)}else r(l);d=n(l)}if(d!==null)var G=!0;else{var W=n(u);W!==null&&N(b,W.startTime-D),G=!1}return G}finally{d=null,f=L,h=!1}}var w=!1,x=null,T=-1,P=5,E=-1;function A(){return!(e.unstable_now()-EO||125j?(O.sortIndex=L,t(u,O),n(l)===null&&O===n(u)&&(m?(y(T),T=-1):m=!0,N(b,L-j))):(O.sortIndex=U,t(l,O),p||h||(p=!0,M(_))),O},e.unstable_shouldYield=A,e.unstable_wrapCallback=function(O){var D=f;return function(){var L=f;f=D;try{return O.apply(this,arguments)}finally{f=L}}}})(H8);G8.exports=H8;var EF=G8.exports;/** + * @license React + * react-dom.production.min.js + * + * Copyright (c) Facebook, Inc. and its affiliates. + * + * This source code is licensed under the MIT license found in the + * LICENSE file in the root directory of this source tree. + */var q8=k,kr=EF;function Z(e){for(var t="https://reactjs.org/docs/error-decoder.html?invariant="+e,n=1;n"u"||typeof window.document>"u"||typeof window.document.createElement>"u"),ES=Object.prototype.hasOwnProperty,PF=/^[:A-Z_a-z\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u02FF\u0370-\u037D\u037F-\u1FFF\u200C-\u200D\u2070-\u218F\u2C00-\u2FEF\u3001-\uD7FF\uF900-\uFDCF\uFDF0-\uFFFD][:A-Z_a-z\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u02FF\u0370-\u037D\u037F-\u1FFF\u200C-\u200D\u2070-\u218F\u2C00-\u2FEF\u3001-\uD7FF\uF900-\uFDCF\uFDF0-\uFFFD\-.0-9\u00B7\u0300-\u036F\u203F-\u2040]*$/,B3={},j3={};function AF(e){return ES.call(j3,e)?!0:ES.call(B3,e)?!1:PF.test(e)?j3[e]=!0:(B3[e]=!0,!1)}function kF(e,t,n,r){if(n!==null&&n.type===0)return!1;switch(typeof t){case"function":case"symbol":return!0;case"boolean":return r?!1:n!==null?!n.acceptsBooleans:(e=e.toLowerCase().slice(0,5),e!=="data-"&&e!=="aria-");default:return!1}}function RF(e,t,n,r){if(t===null||typeof t>"u"||kF(e,t,n,r))return!0;if(r)return!1;if(n!==null)switch(n.type){case 3:return!t;case 4:return t===!1;case 5:return isNaN(t);case 6:return isNaN(t)||1>t}return!1}function rr(e,t,n,r,i,o,s){this.acceptsBooleans=t===2||t===3||t===4,this.attributeName=r,this.attributeNamespace=i,this.mustUseProperty=n,this.propertyName=e,this.type=t,this.sanitizeURL=o,this.removeEmptyString=s}var kn={};"children dangerouslySetInnerHTML defaultValue defaultChecked innerHTML suppressContentEditableWarning suppressHydrationWarning style".split(" ").forEach(function(e){kn[e]=new rr(e,0,!1,e,null,!1,!1)});[["acceptCharset","accept-charset"],["className","class"],["htmlFor","for"],["httpEquiv","http-equiv"]].forEach(function(e){var t=e[0];kn[t]=new rr(t,1,!1,e[1],null,!1,!1)});["contentEditable","draggable","spellCheck","value"].forEach(function(e){kn[e]=new rr(e,2,!1,e.toLowerCase(),null,!1,!1)});["autoReverse","externalResourcesRequired","focusable","preserveAlpha"].forEach(function(e){kn[e]=new rr(e,2,!1,e,null,!1,!1)});"allowFullScreen async autoFocus autoPlay controls default defer disabled disablePictureInPicture disableRemotePlayback formNoValidate hidden loop noModule noValidate open playsInline readOnly required reversed scoped seamless itemScope".split(" ").forEach(function(e){kn[e]=new rr(e,3,!1,e.toLowerCase(),null,!1,!1)});["checked","multiple","muted","selected"].forEach(function(e){kn[e]=new rr(e,3,!0,e,null,!1,!1)});["capture","download"].forEach(function(e){kn[e]=new rr(e,4,!1,e,null,!1,!1)});["cols","rows","size","span"].forEach(function(e){kn[e]=new rr(e,6,!1,e,null,!1,!1)});["rowSpan","start"].forEach(function(e){kn[e]=new rr(e,5,!1,e.toLowerCase(),null,!1,!1)});var hw=/[\-:]([a-z])/g;function pw(e){return e[1].toUpperCase()}"accent-height alignment-baseline arabic-form baseline-shift cap-height clip-path clip-rule color-interpolation color-interpolation-filters color-profile color-rendering dominant-baseline enable-background fill-opacity fill-rule flood-color flood-opacity font-family font-size font-size-adjust font-stretch font-style font-variant font-weight glyph-name glyph-orientation-horizontal glyph-orientation-vertical horiz-adv-x horiz-origin-x image-rendering letter-spacing lighting-color marker-end marker-mid marker-start overline-position overline-thickness paint-order panose-1 pointer-events rendering-intent shape-rendering stop-color stop-opacity strikethrough-position strikethrough-thickness stroke-dasharray stroke-dashoffset stroke-linecap stroke-linejoin stroke-miterlimit stroke-opacity stroke-width text-anchor text-decoration text-rendering underline-position underline-thickness unicode-bidi unicode-range units-per-em v-alphabetic v-hanging v-ideographic v-mathematical vector-effect vert-adv-y vert-origin-x vert-origin-y word-spacing writing-mode xmlns:xlink x-height".split(" ").forEach(function(e){var t=e.replace(hw,pw);kn[t]=new rr(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(hw,pw);kn[t]=new rr(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(hw,pw);kn[t]=new rr(t,1,!1,e,"http://www.w3.org/XML/1998/namespace",!1,!1)});["tabIndex","crossOrigin"].forEach(function(e){kn[e]=new rr(e,1,!1,e.toLowerCase(),null,!1,!1)});kn.xlinkHref=new rr("xlinkHref",1,!1,"xlink:href","http://www.w3.org/1999/xlink",!0,!1);["src","href","action","formAction"].forEach(function(e){kn[e]=new rr(e,1,!1,e.toLowerCase(),null,!0,!0)});function gw(e,t,n,r){var i=kn.hasOwnProperty(t)?kn[t]:null;(i!==null?i.type!==0:r||!(2a||i[s]!==o[a]){var l=` +`+i[s].replace(" at new "," at ");return e.displayName&&l.includes("")&&(l=l.replace("",e.displayName)),l}while(1<=s&&0<=a);break}}}finally{$1=!1,Error.prepareStackTrace=n}return(e=e?e.displayName||e.name:"")?ad(e):""}function OF(e){switch(e.tag){case 5:return ad(e.type);case 16:return ad("Lazy");case 13:return ad("Suspense");case 19:return ad("SuspenseList");case 0:case 2:case 15:return e=F1(e.type,!1),e;case 11:return e=F1(e.type.render,!1),e;case 1:return e=F1(e.type,!0),e;default:return""}}function RS(e){if(e==null)return null;if(typeof e=="function")return e.displayName||e.name||null;if(typeof e=="string")return e;switch(e){case tu:return"Fragment";case eu:return"Portal";case PS:return"Profiler";case mw:return"StrictMode";case AS:return"Suspense";case kS:return"SuspenseList"}if(typeof e=="object")switch(e.$$typeof){case X8:return(e.displayName||"Context")+".Consumer";case K8:return(e._context.displayName||"Context")+".Provider";case yw:var t=e.render;return e=e.displayName,e||(e=t.displayName||t.name||"",e=e!==""?"ForwardRef("+e+")":"ForwardRef"),e;case vw:return t=e.displayName||null,t!==null?t:RS(e.type)||"Memo";case ls:t=e._payload,e=e._init;try{return RS(e(t))}catch{}}return null}function MF(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=t.render,e=e.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 RS(t);case 8:return t===mw?"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(typeof t=="function")return t.displayName||t.name||null;if(typeof t=="string")return t}return null}function Ls(e){switch(typeof e){case"boolean":case"number":case"string":case"undefined":return e;case"object":return e;default:return""}}function Q8(e){var t=e.type;return(e=e.nodeName)&&e.toLowerCase()==="input"&&(t==="checkbox"||t==="radio")}function IF(e){var t=Q8(e)?"checked":"value",n=Object.getOwnPropertyDescriptor(e.constructor.prototype,t),r=""+e[t];if(!e.hasOwnProperty(t)&&typeof n<"u"&&typeof n.get=="function"&&typeof n.set=="function"){var i=n.get,o=n.set;return Object.defineProperty(e,t,{configurable:!0,get:function(){return i.call(this)},set:function(s){r=""+s,o.call(this,s)}}),Object.defineProperty(e,t,{enumerable:n.enumerable}),{getValue:function(){return r},setValue:function(s){r=""+s},stopTracking:function(){e._valueTracker=null,delete e[t]}}}}function Qh(e){e._valueTracker||(e._valueTracker=IF(e))}function Z8(e){if(!e)return!1;var t=e._valueTracker;if(!t)return!0;var n=t.getValue(),r="";return e&&(r=Q8(e)?e.checked?"true":"false":e.value),e=r,e!==n?(t.setValue(e),!0):!1}function Ng(e){if(e=e||(typeof document<"u"?document:void 0),typeof e>"u")return null;try{return e.activeElement||e.body}catch{return e.body}}function OS(e,t){var n=t.checked;return Rt({},t,{defaultChecked:void 0,defaultValue:void 0,value:void 0,checked:n??e._wrapperState.initialChecked})}function z3(e,t){var n=t.defaultValue==null?"":t.defaultValue,r=t.checked!=null?t.checked:t.defaultChecked;n=Ls(t.value!=null?t.value:n),e._wrapperState={initialChecked:r,initialValue:n,controlled:t.type==="checkbox"||t.type==="radio"?t.checked!=null:t.value!=null}}function J8(e,t){t=t.checked,t!=null&&gw(e,"checked",t,!1)}function MS(e,t){J8(e,t);var n=Ls(t.value),r=t.type;if(n!=null)r==="number"?(n===0&&e.value===""||e.value!=n)&&(e.value=""+n):e.value!==""+n&&(e.value=""+n);else if(r==="submit"||r==="reset"){e.removeAttribute("value");return}t.hasOwnProperty("value")?IS(e,t.type,n):t.hasOwnProperty("defaultValue")&&IS(e,t.type,Ls(t.defaultValue)),t.checked==null&&t.defaultChecked!=null&&(e.defaultChecked=!!t.defaultChecked)}function U3(e,t,n){if(t.hasOwnProperty("value")||t.hasOwnProperty("defaultValue")){var r=t.type;if(!(r!=="submit"&&r!=="reset"||t.value!==void 0&&t.value!==null))return;t=""+e._wrapperState.initialValue,n||t===e.value||(e.value=t),e.defaultValue=t}n=e.name,n!==""&&(e.name=""),e.defaultChecked=!!e._wrapperState.initialChecked,n!==""&&(e.name=n)}function IS(e,t,n){(t!=="number"||Ng(e.ownerDocument)!==e)&&(n==null?e.defaultValue=""+e._wrapperState.initialValue:e.defaultValue!==""+n&&(e.defaultValue=""+n))}var ld=Array.isArray;function vu(e,t,n,r){if(e=e.options,t){t={};for(var i=0;i"+t.valueOf().toString()+"",t=Zh.firstChild;e.firstChild;)e.removeChild(e.firstChild);for(;t.firstChild;)e.appendChild(t.firstChild)}});function Bd(e,t){if(t){var n=e.firstChild;if(n&&n===e.lastChild&&n.nodeType===3){n.nodeValue=t;return}}e.textContent=t}var yd={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},NF=["Webkit","ms","Moz","O"];Object.keys(yd).forEach(function(e){NF.forEach(function(t){t=t+e.charAt(0).toUpperCase()+e.substring(1),yd[t]=yd[e]})});function rA(e,t,n){return t==null||typeof t=="boolean"||t===""?"":n||typeof t!="number"||t===0||yd.hasOwnProperty(e)&&yd[e]?(""+t).trim():t+"px"}function iA(e,t){e=e.style;for(var n in t)if(t.hasOwnProperty(n)){var r=n.indexOf("--")===0,i=rA(n,t[n],r);n==="float"&&(n="cssFloat"),r?e.setProperty(n,i):e[n]=i}}var DF=Rt({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 LS(e,t){if(t){if(DF[e]&&(t.children!=null||t.dangerouslySetInnerHTML!=null))throw Error(Z(137,e));if(t.dangerouslySetInnerHTML!=null){if(t.children!=null)throw Error(Z(60));if(typeof t.dangerouslySetInnerHTML!="object"||!("__html"in t.dangerouslySetInnerHTML))throw Error(Z(61))}if(t.style!=null&&typeof t.style!="object")throw Error(Z(62))}}function $S(e,t){if(e.indexOf("-")===-1)return typeof t.is=="string";switch(e){case"annotation-xml":case"color-profile":case"font-face":case"font-face-src":case"font-face-uri":case"font-face-format":case"font-face-name":case"missing-glyph":return!1;default:return!0}}var FS=null;function bw(e){return e=e.target||e.srcElement||window,e.correspondingUseElement&&(e=e.correspondingUseElement),e.nodeType===3?e.parentNode:e}var BS=null,bu=null,Su=null;function q3(e){if(e=nh(e)){if(typeof BS!="function")throw Error(Z(280));var t=e.stateNode;t&&(t=Ey(t),BS(e.stateNode,e.type,t))}}function oA(e){bu?Su?Su.push(e):Su=[e]:bu=e}function sA(){if(bu){var e=bu,t=Su;if(Su=bu=null,q3(e),t)for(e=0;e>>=0,e===0?32:31-(qF(e)/WF|0)|0}var Jh=64,ep=4194304;function ud(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 e&4194240;case 4194304:case 8388608:case 16777216:case 33554432:case 67108864:return e&130023424;case 134217728:return 134217728;case 268435456:return 268435456;case 536870912:return 536870912;case 1073741824:return 1073741824;default:return e}}function Fg(e,t){var n=e.pendingLanes;if(n===0)return 0;var r=0,i=e.suspendedLanes,o=e.pingedLanes,s=n&268435455;if(s!==0){var a=s&~i;a!==0?r=ud(a):(o&=s,o!==0&&(r=ud(o)))}else s=n&~i,s!==0?r=ud(s):o!==0&&(r=ud(o));if(r===0)return 0;if(t!==0&&t!==r&&!(t&i)&&(i=r&-r,o=t&-t,i>=o||i===16&&(o&4194240)!==0))return t;if(r&4&&(r|=n&16),t=e.entangledLanes,t!==0)for(e=e.entanglements,t&=r;0n;n++)t.push(e);return t}function eh(e,t,n){e.pendingLanes|=t,t!==536870912&&(e.suspendedLanes=0,e.pingedLanes=0),e=e.eventTimes,t=31-mi(t),e[t]=n}function QF(e,t){var n=e.pendingLanes&~t;e.pendingLanes=t,e.suspendedLanes=0,e.pingedLanes=0,e.expiredLanes&=t,e.mutableReadLanes&=t,e.entangledLanes&=t,t=e.entanglements;var r=e.eventTimes;for(e=e.expirationTimes;0=bd),t5=String.fromCharCode(32),n5=!1;function EA(e,t){switch(e){case"keyup":return TB.indexOf(t.keyCode)!==-1;case"keydown":return t.keyCode!==229;case"keypress":case"mousedown":case"focusout":return!0;default:return!1}}function PA(e){return e=e.detail,typeof e=="object"&&"data"in e?e.data:null}var nu=!1;function PB(e,t){switch(e){case"compositionend":return PA(t);case"keypress":return t.which!==32?null:(n5=!0,t5);case"textInput":return e=t.data,e===t5&&n5?null:e;default:return null}}function AB(e,t){if(nu)return e==="compositionend"||!Pw&&EA(e,t)?(e=CA(),eg=Cw=vs=null,nu=!1,e):null;switch(e){case"paste":return null;case"keypress":if(!(t.ctrlKey||t.altKey||t.metaKey)||t.ctrlKey&&t.altKey){if(t.char&&1=t)return{node:n,offset:t-e};e=r}e:{for(;n;){if(n.nextSibling){n=n.nextSibling;break e}n=n.parentNode}n=void 0}n=s5(n)}}function OA(e,t){return e&&t?e===t?!0:e&&e.nodeType===3?!1:t&&t.nodeType===3?OA(e,t.parentNode):"contains"in e?e.contains(t):e.compareDocumentPosition?!!(e.compareDocumentPosition(t)&16):!1:!1}function MA(){for(var e=window,t=Ng();t instanceof e.HTMLIFrameElement;){try{var n=typeof t.contentWindow.location.href=="string"}catch{n=!1}if(n)e=t.contentWindow;else break;t=Ng(e.document)}return t}function Aw(e){var t=e&&e.nodeName&&e.nodeName.toLowerCase();return t&&(t==="input"&&(e.type==="text"||e.type==="search"||e.type==="tel"||e.type==="url"||e.type==="password")||t==="textarea"||e.contentEditable==="true")}function $B(e){var t=MA(),n=e.focusedElem,r=e.selectionRange;if(t!==n&&n&&n.ownerDocument&&OA(n.ownerDocument.documentElement,n)){if(r!==null&&Aw(n)){if(t=r.start,e=r.end,e===void 0&&(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,e.getSelection){e=e.getSelection();var i=n.textContent.length,o=Math.min(r.start,i);r=r.end===void 0?o:Math.min(r.end,i),!e.extend&&o>r&&(i=r,r=o,o=i),i=a5(n,o);var s=a5(n,r);i&&s&&(e.rangeCount!==1||e.anchorNode!==i.node||e.anchorOffset!==i.offset||e.focusNode!==s.node||e.focusOffset!==s.offset)&&(t=t.createRange(),t.setStart(i.node,i.offset),e.removeAllRanges(),o>r?(e.addRange(t),e.extend(s.node,s.offset)):(t.setEnd(s.node,s.offset),e.addRange(t)))}}for(t=[],e=n;e=e.parentNode;)e.nodeType===1&&t.push({element:e,left:e.scrollLeft,top:e.scrollTop});for(typeof n.focus=="function"&&n.focus(),n=0;n=document.documentMode,ru=null,HS=null,_d=null,qS=!1;function l5(e,t,n){var r=n.window===n?n.document:n.nodeType===9?n:n.ownerDocument;qS||ru==null||ru!==Ng(r)||(r=ru,"selectionStart"in r&&Aw(r)?r={start:r.selectionStart,end:r.selectionEnd}:(r=(r.ownerDocument&&r.ownerDocument.defaultView||window).getSelection(),r={anchorNode:r.anchorNode,anchorOffset:r.anchorOffset,focusNode:r.focusNode,focusOffset:r.focusOffset}),_d&&Hd(_d,r)||(_d=r,r=Vg(HS,"onSelect"),0su||(e.current=ZS[su],ZS[su]=null,su--)}function lt(e,t){su++,ZS[su]=e.current,e.current=t}var $s={},Bn=Qs($s),pr=Qs(!1),qa=$s;function Vu(e,t){var n=e.type.contextTypes;if(!n)return $s;var r=e.stateNode;if(r&&r.__reactInternalMemoizedUnmaskedChildContext===t)return r.__reactInternalMemoizedMaskedChildContext;var i={},o;for(o in n)i[o]=t[o];return r&&(e=e.stateNode,e.__reactInternalMemoizedUnmaskedChildContext=t,e.__reactInternalMemoizedMaskedChildContext=i),i}function gr(e){return e=e.childContextTypes,e!=null}function Ug(){ht(pr),ht(Bn)}function g5(e,t,n){if(Bn.current!==$s)throw Error(Z(168));lt(Bn,t),lt(pr,n)}function VA(e,t,n){var r=e.stateNode;if(t=t.childContextTypes,typeof r.getChildContext!="function")return n;r=r.getChildContext();for(var i in r)if(!(i in t))throw Error(Z(108,MF(e)||"Unknown",i));return Rt({},n,r)}function Gg(e){return e=(e=e.stateNode)&&e.__reactInternalMemoizedMergedChildContext||$s,qa=Bn.current,lt(Bn,e),lt(pr,pr.current),!0}function m5(e,t,n){var r=e.stateNode;if(!r)throw Error(Z(169));n?(e=VA(e,t,qa),r.__reactInternalMemoizedMergedChildContext=e,ht(pr),ht(Bn),lt(Bn,e)):ht(pr),lt(pr,n)}var _o=null,Py=!1,Z1=!1;function zA(e){_o===null?_o=[e]:_o.push(e)}function XB(e){Py=!0,zA(e)}function Zs(){if(!Z1&&_o!==null){Z1=!0;var e=0,t=Ye;try{var n=_o;for(Ye=1;e>=s,i-=s,To=1<<32-mi(t)+i|n<T?(P=x,x=null):P=x.sibling;var E=f(y,x,g[T],b);if(E===null){x===null&&(x=P);break}e&&x&&E.alternate===null&&t(y,x),v=o(E,v,T),w===null?_=E:w.sibling=E,w=E,x=P}if(T===g.length)return n(y,x),bt&&_a(y,T),_;if(x===null){for(;TT?(P=x,x=null):P=x.sibling;var A=f(y,x,E.value,b);if(A===null){x===null&&(x=P);break}e&&x&&A.alternate===null&&t(y,x),v=o(A,v,T),w===null?_=A:w.sibling=A,w=A,x=P}if(E.done)return n(y,x),bt&&_a(y,T),_;if(x===null){for(;!E.done;T++,E=g.next())E=d(y,E.value,b),E!==null&&(v=o(E,v,T),w===null?_=E:w.sibling=E,w=E);return bt&&_a(y,T),_}for(x=r(y,x);!E.done;T++,E=g.next())E=h(x,y,T,E.value,b),E!==null&&(e&&E.alternate!==null&&x.delete(E.key===null?T:E.key),v=o(E,v,T),w===null?_=E:w.sibling=E,w=E);return e&&x.forEach(function($){return t(y,$)}),bt&&_a(y,T),_}function S(y,v,g,b){if(typeof g=="object"&&g!==null&&g.type===tu&&g.key===null&&(g=g.props.children),typeof g=="object"&&g!==null){switch(g.$$typeof){case Yh:e:{for(var _=g.key,w=v;w!==null;){if(w.key===_){if(_=g.type,_===tu){if(w.tag===7){n(y,w.sibling),v=i(w,g.props.children),v.return=y,y=v;break e}}else if(w.elementType===_||typeof _=="object"&&_!==null&&_.$$typeof===ls&&x5(_)===w.type){n(y,w.sibling),v=i(w,g.props),v.ref=Fc(y,w,g),v.return=y,y=v;break e}n(y,w);break}else t(y,w);w=w.sibling}g.type===tu?(v=Fa(g.props.children,y.mode,b,g.key),v.return=y,y=v):(b=lg(g.type,g.key,g.props,null,y.mode,b),b.ref=Fc(y,v,g),b.return=y,y=b)}return s(y);case eu:e:{for(w=g.key;v!==null;){if(v.key===w)if(v.tag===4&&v.stateNode.containerInfo===g.containerInfo&&v.stateNode.implementation===g.implementation){n(y,v.sibling),v=i(v,g.children||[]),v.return=y,y=v;break e}else{n(y,v);break}else t(y,v);v=v.sibling}v=sb(g,y.mode,b),v.return=y,y=v}return s(y);case ls:return w=g._init,S(y,v,w(g._payload),b)}if(ld(g))return p(y,v,g,b);if(Ic(g))return m(y,v,g,b);ap(y,g)}return typeof g=="string"&&g!==""||typeof g=="number"?(g=""+g,v!==null&&v.tag===6?(n(y,v.sibling),v=i(v,g),v.return=y,y=v):(n(y,v),v=ob(g,y.mode,b),v.return=y,y=v),s(y)):n(y,v)}return S}var Uu=YA(!0),QA=YA(!1),rh={},Xi=Qs(rh),Xd=Qs(rh),Yd=Qs(rh);function Oa(e){if(e===rh)throw Error(Z(174));return e}function $w(e,t){switch(lt(Yd,t),lt(Xd,e),lt(Xi,rh),e=t.nodeType,e){case 9:case 11:t=(t=t.documentElement)?t.namespaceURI:DS(null,"");break;default:e=e===8?t.parentNode:t,t=e.namespaceURI||null,e=e.tagName,t=DS(t,e)}ht(Xi),lt(Xi,t)}function Gu(){ht(Xi),ht(Xd),ht(Yd)}function ZA(e){Oa(Yd.current);var t=Oa(Xi.current),n=DS(t,e.type);t!==n&&(lt(Xd,e),lt(Xi,n))}function Fw(e){Xd.current===e&&(ht(Xi),ht(Xd))}var Et=Qs(0);function Yg(e){for(var t=e;t!==null;){if(t.tag===13){var n=t.memoizedState;if(n!==null&&(n=n.dehydrated,n===null||n.data==="$?"||n.data==="$!"))return t}else if(t.tag===19&&t.memoizedProps.revealOrder!==void 0){if(t.flags&128)return t}else if(t.child!==null){t.child.return=t,t=t.child;continue}if(t===e)break;for(;t.sibling===null;){if(t.return===null||t.return===e)return null;t=t.return}t.sibling.return=t.return,t=t.sibling}return null}var J1=[];function Bw(){for(var e=0;en?n:4,e(!0);var r=eb.transition;eb.transition={};try{e(!1),t()}finally{Ye=n,eb.transition=r}}function p9(){return Qr().memoizedState}function JB(e,t,n){var r=As(e);if(n={lane:r,action:n,hasEagerState:!1,eagerState:null,next:null},g9(e))m9(t,n);else if(n=qA(e,t,n,r),n!==null){var i=Zn();yi(n,e,r,i),y9(n,t,r)}}function ej(e,t,n){var r=As(e),i={lane:r,action:n,hasEagerState:!1,eagerState:null,next:null};if(g9(e))m9(t,i);else{var o=e.alternate;if(e.lanes===0&&(o===null||o.lanes===0)&&(o=t.lastRenderedReducer,o!==null))try{var s=t.lastRenderedState,a=o(s,n);if(i.hasEagerState=!0,i.eagerState=a,wi(a,s)){var l=t.interleaved;l===null?(i.next=i,Dw(t)):(i.next=l.next,l.next=i),t.interleaved=i;return}}catch{}finally{}n=qA(e,t,i,r),n!==null&&(i=Zn(),yi(n,e,r,i),y9(n,t,r))}}function g9(e){var t=e.alternate;return e===kt||t!==null&&t===kt}function m9(e,t){wd=Qg=!0;var n=e.pending;n===null?t.next=t:(t.next=n.next,n.next=t),e.pending=t}function y9(e,t,n){if(n&4194240){var r=t.lanes;r&=e.pendingLanes,n|=r,t.lanes=n,_w(e,n)}}var Zg={readContext:Yr,useCallback:In,useContext:In,useEffect:In,useImperativeHandle:In,useInsertionEffect:In,useLayoutEffect:In,useMemo:In,useReducer:In,useRef:In,useState:In,useDebugValue:In,useDeferredValue:In,useTransition:In,useMutableSource:In,useSyncExternalStore:In,useId:In,unstable_isNewReconciler:!1},tj={readContext:Yr,useCallback:function(e,t){return Di().memoizedState=[e,t===void 0?null:t],e},useContext:Yr,useEffect:T5,useImperativeHandle:function(e,t,n){return n=n!=null?n.concat([e]):null,ig(4194308,4,u9.bind(null,t,e),n)},useLayoutEffect:function(e,t){return ig(4194308,4,e,t)},useInsertionEffect:function(e,t){return ig(4,2,e,t)},useMemo:function(e,t){var n=Di();return t=t===void 0?null:t,e=e(),n.memoizedState=[e,t],e},useReducer:function(e,t,n){var r=Di();return t=n!==void 0?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=JB.bind(null,kt,e),[r.memoizedState,e]},useRef:function(e){var t=Di();return e={current:e},t.memoizedState=e},useState:C5,useDebugValue:Gw,useDeferredValue:function(e){return Di().memoizedState=e},useTransition:function(){var e=C5(!1),t=e[0];return e=ZB.bind(null,e[1]),Di().memoizedState=e,[t,e]},useMutableSource:function(){},useSyncExternalStore:function(e,t,n){var r=kt,i=Di();if(bt){if(n===void 0)throw Error(Z(407));n=n()}else{if(n=t(),pn===null)throw Error(Z(349));Ka&30||t9(r,t,n)}i.memoizedState=n;var o={value:n,getSnapshot:t};return i.queue=o,T5(r9.bind(null,r,o,e),[e]),r.flags|=2048,Jd(9,n9.bind(null,r,o,n,t),void 0,null),n},useId:function(){var e=Di(),t=pn.identifierPrefix;if(bt){var n=Eo,r=To;n=(r&~(1<<32-mi(r)-1)).toString(32)+n,t=":"+t+"R"+n,n=Qd++,0<\/script>",e=e.removeChild(e.firstChild)):typeof r.is=="string"?e=s.createElement(n,{is:r.is}):(e=s.createElement(n),n==="select"&&(s=e,r.multiple?s.multiple=!0:r.size&&(s.size=r.size))):e=s.createElementNS(e,n),e[Vi]=t,e[Kd]=r,E9(e,t,!1,!1),t.stateNode=e;e:{switch(s=$S(n,r),n){case"dialog":ct("cancel",e),ct("close",e),i=r;break;case"iframe":case"object":case"embed":ct("load",e),i=r;break;case"video":case"audio":for(i=0;iqu&&(t.flags|=128,r=!0,Bc(o,!1),t.lanes=4194304)}else{if(!r)if(e=Yg(s),e!==null){if(t.flags|=128,r=!0,n=e.updateQueue,n!==null&&(t.updateQueue=n,t.flags|=4),Bc(o,!0),o.tail===null&&o.tailMode==="hidden"&&!s.alternate&&!bt)return Nn(t),null}else 2*Bt()-o.renderingStartTime>qu&&n!==1073741824&&(t.flags|=128,r=!0,Bc(o,!1),t.lanes=4194304);o.isBackwards?(s.sibling=t.child,t.child=s):(n=o.last,n!==null?n.sibling=s:t.child=s,o.last=s)}return o.tail!==null?(t=o.tail,o.rendering=t,o.tail=t.sibling,o.renderingStartTime=Bt(),t.sibling=null,n=Et.current,lt(Et,r?n&1|2:n&1),t):(Nn(t),null);case 22:case 23:return Yw(),r=t.memoizedState!==null,e!==null&&e.memoizedState!==null!==r&&(t.flags|=8192),r&&t.mode&1?Cr&1073741824&&(Nn(t),t.subtreeFlags&6&&(t.flags|=8192)):Nn(t),null;case 24:return null;case 25:return null}throw Error(Z(156,t.tag))}function uj(e,t){switch(Rw(t),t.tag){case 1:return gr(t.type)&&Ug(),e=t.flags,e&65536?(t.flags=e&-65537|128,t):null;case 3:return Gu(),ht(pr),ht(Bn),Bw(),e=t.flags,e&65536&&!(e&128)?(t.flags=e&-65537|128,t):null;case 5:return Fw(t),null;case 13:if(ht(Et),e=t.memoizedState,e!==null&&e.dehydrated!==null){if(t.alternate===null)throw Error(Z(340));zu()}return e=t.flags,e&65536?(t.flags=e&-65537|128,t):null;case 19:return ht(Et),null;case 4:return Gu(),null;case 10:return Nw(t.type._context),null;case 22:case 23:return Yw(),null;case 24:return null;default:return null}}var up=!1,Fn=!1,cj=typeof WeakSet=="function"?WeakSet:Set,ae=null;function cu(e,t){var n=e.ref;if(n!==null)if(typeof n=="function")try{n(null)}catch(r){It(e,t,r)}else n.current=null}function c_(e,t,n){try{n()}catch(r){It(e,t,r)}}var N5=!1;function dj(e,t){if(WS=Bg,e=MA(),Aw(e)){if("selectionStart"in e)var n={start:e.selectionStart,end:e.selectionEnd};else e:{n=(n=e.ownerDocument)&&n.defaultView||window;var r=n.getSelection&&n.getSelection();if(r&&r.rangeCount!==0){n=r.anchorNode;var i=r.anchorOffset,o=r.focusNode;r=r.focusOffset;try{n.nodeType,o.nodeType}catch{n=null;break e}var s=0,a=-1,l=-1,u=0,c=0,d=e,f=null;t:for(;;){for(var h;d!==n||i!==0&&d.nodeType!==3||(a=s+i),d!==o||r!==0&&d.nodeType!==3||(l=s+r),d.nodeType===3&&(s+=d.nodeValue.length),(h=d.firstChild)!==null;)f=d,d=h;for(;;){if(d===e)break t;if(f===n&&++u===i&&(a=s),f===o&&++c===r&&(l=s),(h=d.nextSibling)!==null)break;d=f,f=d.parentNode}d=h}n=a===-1||l===-1?null:{start:a,end:l}}else n=null}n=n||{start:0,end:0}}else n=null;for(KS={focusedElem:e,selectionRange:n},Bg=!1,ae=t;ae!==null;)if(t=ae,e=t.child,(t.subtreeFlags&1028)!==0&&e!==null)e.return=t,ae=e;else for(;ae!==null;){t=ae;try{var p=t.alternate;if(t.flags&1024)switch(t.tag){case 0:case 11:case 15:break;case 1:if(p!==null){var m=p.memoizedProps,S=p.memoizedState,y=t.stateNode,v=y.getSnapshotBeforeUpdate(t.elementType===t.type?m:ai(t.type,m),S);y.__reactInternalSnapshotBeforeUpdate=v}break;case 3:var g=t.stateNode.containerInfo;g.nodeType===1?g.textContent="":g.nodeType===9&&g.documentElement&&g.removeChild(g.documentElement);break;case 5:case 6:case 4:case 17:break;default:throw Error(Z(163))}}catch(b){It(t,t.return,b)}if(e=t.sibling,e!==null){e.return=t.return,ae=e;break}ae=t.return}return p=N5,N5=!1,p}function xd(e,t,n){var r=t.updateQueue;if(r=r!==null?r.lastEffect:null,r!==null){var i=r=r.next;do{if((i.tag&e)===e){var o=i.destroy;i.destroy=void 0,o!==void 0&&c_(t,n,o)}i=i.next}while(i!==r)}}function Ry(e,t){if(t=t.updateQueue,t=t!==null?t.lastEffect:null,t!==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 d_(e){var t=e.ref;if(t!==null){var n=e.stateNode;switch(e.tag){case 5:e=n;break;default:e=n}typeof t=="function"?t(e):t.current=e}}function k9(e){var t=e.alternate;t!==null&&(e.alternate=null,k9(t)),e.child=null,e.deletions=null,e.sibling=null,e.tag===5&&(t=e.stateNode,t!==null&&(delete t[Vi],delete t[Kd],delete t[QS],delete t[WB],delete t[KB])),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 R9(e){return e.tag===5||e.tag===3||e.tag===4}function D5(e){e:for(;;){for(;e.sibling===null;){if(e.return===null||R9(e.return))return null;e=e.return}for(e.sibling.return=e.return,e=e.sibling;e.tag!==5&&e.tag!==6&&e.tag!==18;){if(e.flags&2||e.child===null||e.tag===4)continue e;e.child.return=e,e=e.child}if(!(e.flags&2))return e.stateNode}}function f_(e,t,n){var r=e.tag;if(r===5||r===6)e=e.stateNode,t?n.nodeType===8?n.parentNode.insertBefore(e,t):n.insertBefore(e,t):(n.nodeType===8?(t=n.parentNode,t.insertBefore(e,n)):(t=n,t.appendChild(e)),n=n._reactRootContainer,n!=null||t.onclick!==null||(t.onclick=zg));else if(r!==4&&(e=e.child,e!==null))for(f_(e,t,n),e=e.sibling;e!==null;)f_(e,t,n),e=e.sibling}function h_(e,t,n){var r=e.tag;if(r===5||r===6)e=e.stateNode,t?n.insertBefore(e,t):n.appendChild(e);else if(r!==4&&(e=e.child,e!==null))for(h_(e,t,n),e=e.sibling;e!==null;)h_(e,t,n),e=e.sibling}var Cn=null,li=!1;function ts(e,t,n){for(n=n.child;n!==null;)O9(e,t,n),n=n.sibling}function O9(e,t,n){if(Ki&&typeof Ki.onCommitFiberUnmount=="function")try{Ki.onCommitFiberUnmount(wy,n)}catch{}switch(n.tag){case 5:Fn||cu(n,t);case 6:var r=Cn,i=li;Cn=null,ts(e,t,n),Cn=r,li=i,Cn!==null&&(li?(e=Cn,n=n.stateNode,e.nodeType===8?e.parentNode.removeChild(n):e.removeChild(n)):Cn.removeChild(n.stateNode));break;case 18:Cn!==null&&(li?(e=Cn,n=n.stateNode,e.nodeType===8?Q1(e.parentNode,n):e.nodeType===1&&Q1(e,n),Ud(e)):Q1(Cn,n.stateNode));break;case 4:r=Cn,i=li,Cn=n.stateNode.containerInfo,li=!0,ts(e,t,n),Cn=r,li=i;break;case 0:case 11:case 14:case 15:if(!Fn&&(r=n.updateQueue,r!==null&&(r=r.lastEffect,r!==null))){i=r=r.next;do{var o=i,s=o.destroy;o=o.tag,s!==void 0&&(o&2||o&4)&&c_(n,t,s),i=i.next}while(i!==r)}ts(e,t,n);break;case 1:if(!Fn&&(cu(n,t),r=n.stateNode,typeof r.componentWillUnmount=="function"))try{r.props=n.memoizedProps,r.state=n.memoizedState,r.componentWillUnmount()}catch(a){It(n,t,a)}ts(e,t,n);break;case 21:ts(e,t,n);break;case 22:n.mode&1?(Fn=(r=Fn)||n.memoizedState!==null,ts(e,t,n),Fn=r):ts(e,t,n);break;default:ts(e,t,n)}}function L5(e){var t=e.updateQueue;if(t!==null){e.updateQueue=null;var n=e.stateNode;n===null&&(n=e.stateNode=new cj),t.forEach(function(r){var i=Sj.bind(null,e,r);n.has(r)||(n.add(r),r.then(i,i))})}}function oi(e,t){var n=t.deletions;if(n!==null)for(var r=0;ri&&(i=s),r&=~o}if(r=i,r=Bt()-r,r=(120>r?120:480>r?480:1080>r?1080:1920>r?1920:3e3>r?3e3:4320>r?4320:1960*hj(r/1960))-r,10e?16:e,bs===null)var r=!1;else{if(e=bs,bs=null,tm=0,Fe&6)throw Error(Z(331));var i=Fe;for(Fe|=4,ae=e.current;ae!==null;){var o=ae,s=o.child;if(ae.flags&16){var a=o.deletions;if(a!==null){for(var l=0;lBt()-Kw?$a(e,0):Ww|=n),mr(e,t)}function B9(e,t){t===0&&(e.mode&1?(t=ep,ep<<=1,!(ep&130023424)&&(ep=4194304)):t=1);var n=Zn();e=Fo(e,t),e!==null&&(eh(e,t,n),mr(e,n))}function bj(e){var t=e.memoizedState,n=0;t!==null&&(n=t.retryLane),B9(e,n)}function Sj(e,t){var n=0;switch(e.tag){case 13:var r=e.stateNode,i=e.memoizedState;i!==null&&(n=i.retryLane);break;case 19:r=e.stateNode;break;default:throw Error(Z(314))}r!==null&&r.delete(t),B9(e,n)}var j9;j9=function(e,t,n){if(e!==null)if(e.memoizedProps!==t.pendingProps||pr.current)dr=!0;else{if(!(e.lanes&n)&&!(t.flags&128))return dr=!1,aj(e,t,n);dr=!!(e.flags&131072)}else dr=!1,bt&&t.flags&1048576&&UA(t,qg,t.index);switch(t.lanes=0,t.tag){case 2:var r=t.type;og(e,t),e=t.pendingProps;var i=Vu(t,Bn.current);wu(t,n),i=Vw(null,t,r,e,i,n);var o=zw();return t.flags|=1,typeof i=="object"&&i!==null&&typeof i.render=="function"&&i.$$typeof===void 0?(t.tag=1,t.memoizedState=null,t.updateQueue=null,gr(r)?(o=!0,Gg(t)):o=!1,t.memoizedState=i.state!==null&&i.state!==void 0?i.state:null,Lw(t),i.updater=Ay,t.stateNode=i,i._reactInternals=t,r_(t,r,e,n),t=s_(null,t,r,!0,o,n)):(t.tag=0,bt&&o&&kw(t),Yn(null,t,i,n),t=t.child),t;case 16:r=t.elementType;e:{switch(og(e,t),e=t.pendingProps,i=r._init,r=i(r._payload),t.type=r,i=t.tag=wj(r),e=ai(r,e),i){case 0:t=o_(null,t,r,e,n);break e;case 1:t=O5(null,t,r,e,n);break e;case 11:t=k5(null,t,r,e,n);break e;case 14:t=R5(null,t,r,ai(r.type,e),n);break e}throw Error(Z(306,r,""))}return t;case 0:return r=t.type,i=t.pendingProps,i=t.elementType===r?i:ai(r,i),o_(e,t,r,i,n);case 1:return r=t.type,i=t.pendingProps,i=t.elementType===r?i:ai(r,i),O5(e,t,r,i,n);case 3:e:{if(x9(t),e===null)throw Error(Z(387));r=t.pendingProps,o=t.memoizedState,i=o.element,WA(e,t),Xg(t,r,null,n);var s=t.memoizedState;if(r=s.element,o.isDehydrated)if(o={element:r,isDehydrated:!1,cache:s.cache,pendingSuspenseBoundaries:s.pendingSuspenseBoundaries,transitions:s.transitions},t.updateQueue.baseState=o,t.memoizedState=o,t.flags&256){i=Hu(Error(Z(423)),t),t=M5(e,t,r,n,i);break e}else if(r!==i){i=Hu(Error(Z(424)),t),t=M5(e,t,r,n,i);break e}else for(Er=Ts(t.stateNode.containerInfo.firstChild),Pr=t,bt=!0,ci=null,n=QA(t,null,r,n),t.child=n;n;)n.flags=n.flags&-3|4096,n=n.sibling;else{if(zu(),r===i){t=Bo(e,t,n);break e}Yn(e,t,r,n)}t=t.child}return t;case 5:return ZA(t),e===null&&e_(t),r=t.type,i=t.pendingProps,o=e!==null?e.memoizedProps:null,s=i.children,XS(r,i)?s=null:o!==null&&XS(r,o)&&(t.flags|=32),w9(e,t),Yn(e,t,s,n),t.child;case 6:return e===null&&e_(t),null;case 13:return C9(e,t,n);case 4:return $w(t,t.stateNode.containerInfo),r=t.pendingProps,e===null?t.child=Uu(t,null,r,n):Yn(e,t,r,n),t.child;case 11:return r=t.type,i=t.pendingProps,i=t.elementType===r?i:ai(r,i),k5(e,t,r,i,n);case 7:return Yn(e,t,t.pendingProps,n),t.child;case 8:return Yn(e,t,t.pendingProps.children,n),t.child;case 12:return Yn(e,t,t.pendingProps.children,n),t.child;case 10:e:{if(r=t.type._context,i=t.pendingProps,o=t.memoizedProps,s=i.value,lt(Wg,r._currentValue),r._currentValue=s,o!==null)if(wi(o.value,s)){if(o.children===i.children&&!pr.current){t=Bo(e,t,n);break e}}else for(o=t.child,o!==null&&(o.return=t);o!==null;){var a=o.dependencies;if(a!==null){s=o.child;for(var l=a.firstContext;l!==null;){if(l.context===r){if(o.tag===1){l=ko(-1,n&-n),l.tag=2;var u=o.updateQueue;if(u!==null){u=u.shared;var c=u.pending;c===null?l.next=l:(l.next=c.next,c.next=l),u.pending=l}}o.lanes|=n,l=o.alternate,l!==null&&(l.lanes|=n),t_(o.return,n,t),a.lanes|=n;break}l=l.next}}else if(o.tag===10)s=o.type===t.type?null:o.child;else if(o.tag===18){if(s=o.return,s===null)throw Error(Z(341));s.lanes|=n,a=s.alternate,a!==null&&(a.lanes|=n),t_(s,n,t),s=o.sibling}else s=o.child;if(s!==null)s.return=o;else for(s=o;s!==null;){if(s===t){s=null;break}if(o=s.sibling,o!==null){o.return=s.return,s=o;break}s=s.return}o=s}Yn(e,t,i.children,n),t=t.child}return t;case 9:return i=t.type,r=t.pendingProps.children,wu(t,n),i=Yr(i),r=r(i),t.flags|=1,Yn(e,t,r,n),t.child;case 14:return r=t.type,i=ai(r,t.pendingProps),i=ai(r.type,i),R5(e,t,r,i,n);case 15:return S9(e,t,t.type,t.pendingProps,n);case 17:return r=t.type,i=t.pendingProps,i=t.elementType===r?i:ai(r,i),og(e,t),t.tag=1,gr(r)?(e=!0,Gg(t)):e=!1,wu(t,n),XA(t,r,i),r_(t,r,i,n),s_(null,t,r,!0,e,n);case 19:return T9(e,t,n);case 22:return _9(e,t,n)}throw Error(Z(156,t.tag))};function V9(e,t){return hA(e,t)}function _j(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 Wr(e,t,n,r){return new _j(e,t,n,r)}function Zw(e){return e=e.prototype,!(!e||!e.isReactComponent)}function wj(e){if(typeof e=="function")return Zw(e)?1:0;if(e!=null){if(e=e.$$typeof,e===yw)return 11;if(e===vw)return 14}return 2}function ks(e,t){var n=e.alternate;return n===null?(n=Wr(e.tag,t,e.key,e.mode),n.elementType=e.elementType,n.type=e.type,n.stateNode=e.stateNode,n.alternate=e,e.alternate=n):(n.pendingProps=t,n.type=e.type,n.flags=0,n.subtreeFlags=0,n.deletions=null),n.flags=e.flags&14680064,n.childLanes=e.childLanes,n.lanes=e.lanes,n.child=e.child,n.memoizedProps=e.memoizedProps,n.memoizedState=e.memoizedState,n.updateQueue=e.updateQueue,t=e.dependencies,n.dependencies=t===null?null:{lanes:t.lanes,firstContext:t.firstContext},n.sibling=e.sibling,n.index=e.index,n.ref=e.ref,n}function lg(e,t,n,r,i,o){var s=2;if(r=e,typeof e=="function")Zw(e)&&(s=1);else if(typeof e=="string")s=5;else e:switch(e){case tu:return Fa(n.children,i,o,t);case mw:s=8,i|=8;break;case PS:return e=Wr(12,n,t,i|2),e.elementType=PS,e.lanes=o,e;case AS:return e=Wr(13,n,t,i),e.elementType=AS,e.lanes=o,e;case kS:return e=Wr(19,n,t,i),e.elementType=kS,e.lanes=o,e;case Y8:return My(n,i,o,t);default:if(typeof e=="object"&&e!==null)switch(e.$$typeof){case K8:s=10;break e;case X8:s=9;break e;case yw:s=11;break e;case vw:s=14;break e;case ls:s=16,r=null;break e}throw Error(Z(130,e==null?e:typeof e,""))}return t=Wr(s,n,t,i),t.elementType=e,t.type=r,t.lanes=o,t}function Fa(e,t,n,r){return e=Wr(7,e,r,t),e.lanes=n,e}function My(e,t,n,r){return e=Wr(22,e,r,t),e.elementType=Y8,e.lanes=n,e.stateNode={isHidden:!1},e}function ob(e,t,n){return e=Wr(6,e,null,t),e.lanes=n,e}function sb(e,t,n){return t=Wr(4,e.children!==null?e.children:[],e.key,t),t.lanes=n,t.stateNode={containerInfo:e.containerInfo,pendingChildren:null,implementation:e.implementation},t}function xj(e,t,n,r,i){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=j1(0),this.expirationTimes=j1(-1),this.entangledLanes=this.finishedLanes=this.mutableReadLanes=this.expiredLanes=this.pingedLanes=this.suspendedLanes=this.pendingLanes=0,this.entanglements=j1(0),this.identifierPrefix=r,this.onRecoverableError=i,this.mutableSourceEagerHydrationData=null}function Jw(e,t,n,r,i,o,s,a,l){return e=new xj(e,t,n,a,l),t===1?(t=1,o===!0&&(t|=8)):t=0,o=Wr(3,null,null,t),e.current=o,o.stateNode=e,o.memoizedState={element:r,isDehydrated:n,cache:null,transitions:null,pendingSuspenseBoundaries:null},Lw(o),e}function Cj(e,t,n){var r=3"u"||typeof __REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE!="function"))try{__REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE(H9)}catch(e){console.error(e)}}H9(),U8.exports=Ir;var zi=U8.exports;const ywe=ll(zi);var G5=zi;TS.createRoot=G5.createRoot,TS.hydrateRoot=G5.hydrateRoot;const kj="modulepreload",Rj=function(e,t){return new URL(e,t).href},H5={},q9=function(t,n,r){if(!n||n.length===0)return t();const i=document.getElementsByTagName("link");return Promise.all(n.map(o=>{if(o=Rj(o,r),o in H5)return;H5[o]=!0;const s=o.endsWith(".css"),a=s?'[rel="stylesheet"]':"";if(!!r)for(let c=i.length-1;c>=0;c--){const d=i[c];if(d.href===o&&(!s||d.rel==="stylesheet"))return}else if(document.querySelector(`link[href="${o}"]${a}`))return;const u=document.createElement("link");if(u.rel=s?"stylesheet":kj,s||(u.as="script",u.crossOrigin=""),u.href=o,document.head.appendChild(u),s)return new Promise((c,d)=>{u.addEventListener("load",c),u.addEventListener("error",()=>d(new Error(`Unable to preload CSS for ${o}`)))})})).then(()=>t()).catch(o=>{const s=new Event("vite:preloadError",{cancelable:!0});if(s.payload=o,window.dispatchEvent(s),!s.defaultPrevented)throw o})};var W9={exports:{}},K9={};/** + * @license React + * use-sync-external-store-shim.production.min.js + * + * Copyright (c) Facebook, Inc. and its affiliates. + * + * This source code is licensed under the MIT license found in the + * LICENSE file in the root directory of this source tree. + */var Wu=k;function Oj(e,t){return e===t&&(e!==0||1/e===1/t)||e!==e&&t!==t}var Mj=typeof Object.is=="function"?Object.is:Oj,Ij=Wu.useState,Nj=Wu.useEffect,Dj=Wu.useLayoutEffect,Lj=Wu.useDebugValue;function $j(e,t){var n=t(),r=Ij({inst:{value:n,getSnapshot:t}}),i=r[0].inst,o=r[1];return Dj(function(){i.value=n,i.getSnapshot=t,ab(i)&&o({inst:i})},[e,n,t]),Nj(function(){return ab(i)&&o({inst:i}),e(function(){ab(i)&&o({inst:i})})},[e]),Lj(n),n}function ab(e){var t=e.getSnapshot;e=e.value;try{var n=t();return!Mj(e,n)}catch{return!0}}function Fj(e,t){return t()}var Bj=typeof window>"u"||typeof window.document>"u"||typeof window.document.createElement>"u"?Fj:$j;K9.useSyncExternalStore=Wu.useSyncExternalStore!==void 0?Wu.useSyncExternalStore:Bj;W9.exports=K9;var jj=W9.exports,X9={exports:{}},Y9={};/** + * @license React + * use-sync-external-store-shim/with-selector.production.min.js + * + * Copyright (c) Facebook, Inc. and its affiliates. + * + * This source code is licensed under the MIT license found in the + * LICENSE file in the root directory of this source tree. + */var $y=k,Vj=jj;function zj(e,t){return e===t&&(e!==0||1/e===1/t)||e!==e&&t!==t}var Uj=typeof Object.is=="function"?Object.is:zj,Gj=Vj.useSyncExternalStore,Hj=$y.useRef,qj=$y.useEffect,Wj=$y.useMemo,Kj=$y.useDebugValue;Y9.useSyncExternalStoreWithSelector=function(e,t,n,r,i){var o=Hj(null);if(o.current===null){var s={hasValue:!1,value:null};o.current=s}else s=o.current;o=Wj(function(){function l(h){if(!u){if(u=!0,c=h,h=r(h),i!==void 0&&s.hasValue){var p=s.value;if(i(p,h))return d=p}return d=h}if(p=d,Uj(c,h))return p;var m=r(h);return i!==void 0&&i(p,m)?p:(c=h,d=m)}var u=!1,c,d,f=n===void 0?null:n;return[function(){return l(t())},f===null?void 0:function(){return l(f())}]},[t,n,r,i]);var a=Gj(e,o[0],o[1]);return qj(function(){s.hasValue=!0,s.value=a},[a]),Kj(a),a};X9.exports=Y9;var Q9=X9.exports;const Xj=ll(Q9);function Yj(e){e()}let Z9=Yj;const Qj=e=>Z9=e,Zj=()=>Z9,q5=Symbol.for(`react-redux-context-${k.version}`),W5=globalThis;function Jj(){let e=W5[q5];return e||(e=k.createContext(null),W5[q5]=e),e}const Fs=new Proxy({},new Proxy({},{get(e,t){const n=Jj();return(r,...i)=>Reflect[t](n,...i)}}));function rx(e=Fs){return function(){return k.useContext(e)}}const J9=rx(),eV=()=>{throw new Error("uSES not initialized!")};let ek=eV;const tV=e=>{ek=e},nV=(e,t)=>e===t;function rV(e=Fs){const t=e===Fs?J9:rx(e);return function(r,i={}){const{equalityFn:o=nV,stabilityCheck:s=void 0,noopCheck:a=void 0}=typeof i=="function"?{equalityFn:i}:i,{store:l,subscription:u,getServerState:c,stabilityCheck:d,noopCheck:f}=t();k.useRef(!0);const h=k.useCallback({[r.name](m){return r(m)}}[r.name],[r,d,s]),p=ek(u.addNestedSub,l.getState,c||l.getState,h,o);return k.useDebugValue(p),p}}const tk=rV();function im(){return im=Object.assign?Object.assign.bind():function(e){for(var t=1;t{let r=t;for(;r;)r.callback(),r=r.next})},get(){let r=[],i=t;for(;i;)r.push(i),i=i.next;return r},subscribe(r){let i=!0,o=n={callback:r,next:null,prev:n};return o.prev?o.prev.next=o:t=o,function(){!i||t===null||(i=!1,o.next?o.next.prev=o.prev:n=o.prev,o.prev?o.prev.next=o.next:t=o.next)}}}}const K5={notify(){},get:()=>[]};function gV(e,t){let n,r=K5;function i(d){return l(),r.subscribe(d)}function o(){r.notify()}function s(){c.onStateChange&&c.onStateChange()}function a(){return!!n}function l(){n||(n=t?t.addNestedSub(s):e.subscribe(s),r=pV())}function u(){n&&(n(),n=void 0,r.clear(),r=K5)}const c={addNestedSub:i,notifyNestedSubs:o,handleChangeWrapper:s,isSubscribed:a,trySubscribe:l,tryUnsubscribe:u,getListeners:()=>r};return c}const mV=typeof window<"u"&&typeof window.document<"u"&&typeof window.document.createElement<"u",yV=mV?k.useLayoutEffect:k.useEffect;function X5(e,t){return e===t?e!==0||t!==0||1/e===1/t:e!==e&&t!==t}function om(e,t){if(X5(e,t))return!0;if(typeof e!="object"||e===null||typeof t!="object"||t===null)return!1;const n=Object.keys(e),r=Object.keys(t);if(n.length!==r.length)return!1;for(let i=0;i{const u=gV(e);return{store:e,subscription:u,getServerState:r?()=>r:void 0,stabilityCheck:i,noopCheck:o}},[e,r,i,o]),a=k.useMemo(()=>e.getState(),[e]);yV(()=>{const{subscription:u}=s;return u.onStateChange=u.notifyNestedSubs,u.trySubscribe(),a!==e.getState()&&u.notifyNestedSubs(),()=>{u.tryUnsubscribe(),u.onStateChange=void 0}},[s,a]);const l=t||Fs;return Xe.createElement(l.Provider,{value:s},n)}function ak(e=Fs){const t=e===Fs?J9:rx(e);return function(){const{store:r}=t();return r}}const lk=ak();function bV(e=Fs){const t=e===Fs?lk:ak(e);return function(){return t().dispatch}}const uk=bV();tV(Q9.useSyncExternalStoreWithSelector);Qj(zi.unstable_batchedUpdates);function hn(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:i0(e)?2:o0(e)?3:0}function Rs(e,t){return Bs(e)===2?e.has(t):Object.prototype.hasOwnProperty.call(e,t)}function ug(e,t){return Bs(e)===2?e.get(t):e[t]}function ck(e,t,n){var r=Bs(e);r===2?e.set(t,n):r===3?e.add(n):e[t]=n}function dk(e,t){return e===t?e!==0||1/e==1/t:e!=e&&t!=t}function i0(e){return TV&&e instanceof Map}function o0(e){return EV&&e instanceof Set}function ln(e){return e.o||e.t}function cx(e){if(Array.isArray(e))return Array.prototype.slice.call(e);var t=hk(e);delete t[_e];for(var n=Tu(t),r=0;r1&&(e.set=e.add=e.clear=e.delete=SV),Object.freeze(e),t&&jo(e,function(n,r){return ih(r,!0)},!0)),e}function SV(){hn(2)}function dx(e){return e==null||typeof e!="object"||Object.isFrozen(e)}function Yi(e){var t=b_[e];return t||hn(18,e),t}function fx(e,t){b_[e]||(b_[e]=t)}function tf(){return rf}function lb(e,t){t&&(Yi("Patches"),e.u=[],e.s=[],e.v=t)}function sm(e){v_(e),e.p.forEach(_V),e.p=null}function v_(e){e===rf&&(rf=e.l)}function Y5(e){return rf={p:[],l:rf,h:e,m:!0,_:0}}function _V(e){var t=e[_e];t.i===0||t.i===1?t.j():t.g=!0}function ub(e,t){t._=t.p.length;var n=t.p[0],r=e!==void 0&&e!==n;return t.h.O||Yi("ES5").S(t,e,r),r?(n[_e].P&&(sm(t),hn(4)),yr(e)&&(e=am(t,e),t.l||lm(t,e)),t.u&&Yi("Patches").M(n[_e].t,e,t.u,t.s)):e=am(t,n,[]),sm(t),t.u&&t.v(t.u,t.s),e!==a0?e:void 0}function am(e,t,n){if(dx(t))return t;var r=t[_e];if(!r)return jo(t,function(a,l){return Q5(e,r,t,a,l,n)},!0),t;if(r.A!==e)return t;if(!r.P)return lm(e,r.t,!0),r.t;if(!r.I){r.I=!0,r.A._--;var i=r.i===4||r.i===5?r.o=cx(r.k):r.o,o=i,s=!1;r.i===3&&(o=new Set(i),i.clear(),s=!0),jo(o,function(a,l){return Q5(e,r,i,a,l,n,s)}),lm(e,i,!1),n&&e.u&&Yi("Patches").N(r,n,e.u,e.s)}return r.o}function Q5(e,t,n,r,i,o,s){if(er(i)){var a=am(e,i,o&&t&&t.i!==3&&!Rs(t.R,r)?o.concat(r):void 0);if(ck(n,r,a),!er(a))return;e.m=!1}else s&&n.add(i);if(yr(i)&&!dx(i)){if(!e.h.D&&e._<1)return;am(e,i),t&&t.A.l||lm(e,i)}}function lm(e,t,n){n===void 0&&(n=!1),!e.l&&e.h.D&&e.m&&ih(t,n)}function cb(e,t){var n=e[_e];return(n?ln(n):e)[t]}function Z5(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 cr(e){e.P||(e.P=!0,e.l&&cr(e.l))}function db(e){e.o||(e.o=cx(e.t))}function nf(e,t,n){var r=i0(t)?Yi("MapSet").F(t,n):o0(t)?Yi("MapSet").T(t,n):e.O?function(i,o){var s=Array.isArray(i),a={i:s?1:0,A:o?o.A:tf(),P:!1,I:!1,R:{},l:o,t:i,k:null,o:null,j:null,C:!1},l=a,u=of;s&&(l=[a],u=dd);var c=Proxy.revocable(l,u),d=c.revoke,f=c.proxy;return a.k=f,a.j=d,f}(t,n):Yi("ES5").J(t,n);return(n?n.A:tf()).p.push(r),r}function s0(e){return er(e)||hn(22,e),function t(n){if(!yr(n))return n;var r,i=n[_e],o=Bs(n);if(i){if(!i.P&&(i.i<4||!Yi("ES5").K(i)))return i.t;i.I=!0,r=J5(n,o),i.I=!1}else r=J5(n,o);return jo(r,function(s,a){i&&ug(i.t,s)===a||ck(r,s,t(a))}),o===3?new Set(r):r}(e)}function J5(e,t){switch(t){case 2:return new Map(e);case 3:return Array.from(e)}return cx(e)}function hx(){function e(o,s){var a=i[o];return a?a.enumerable=s:i[o]=a={configurable:!0,enumerable:s,get:function(){var l=this[_e];return of.get(l,o)},set:function(l){var u=this[_e];of.set(u,o,l)}},a}function t(o){for(var s=o.length-1;s>=0;s--){var a=o[s][_e];if(!a.P)switch(a.i){case 5:r(a)&&cr(a);break;case 4:n(a)&&cr(a)}}}function n(o){for(var s=o.t,a=o.k,l=Tu(a),u=l.length-1;u>=0;u--){var c=l[u];if(c!==_e){var d=s[c];if(d===void 0&&!Rs(s,c))return!0;var f=a[c],h=f&&f[_e];if(h?h.t!==d:!dk(f,d))return!0}}var p=!!s[_e];return l.length!==Tu(s).length+(p?0:1)}function r(o){var s=o.k;if(s.length!==o.t.length)return!0;var a=Object.getOwnPropertyDescriptor(s,s.length-1);if(a&&!a.get)return!0;for(var l=0;l1?y-1:0),g=1;g1?c-1:0),f=1;f=0;i--){var o=r[i];if(o.path.length===0&&o.op==="replace"){n=o.value;break}}i>-1&&(r=r.slice(i+1));var s=Yi("Patches").$;return er(n)?s(n,r):this.produce(n,function(a){return s(a,r)})},e}(),Rr=new pk,gk=Rr.produce,mx=Rr.produceWithPatches.bind(Rr),AV=Rr.setAutoFreeze.bind(Rr),kV=Rr.setUseProxies.bind(Rr),S_=Rr.applyPatches.bind(Rr),RV=Rr.createDraft.bind(Rr),OV=Rr.finishDraft.bind(Rr);const Js=gk,vwe=Object.freeze(Object.defineProperty({__proto__:null,Immer:pk,applyPatches:S_,castDraft:xV,castImmutable:CV,createDraft:RV,current:s0,default:Js,enableAllPlugins:wV,enableES5:hx,enableMapSet:fk,enablePatches:px,finishDraft:OV,freeze:ih,immerable:Cu,isDraft:er,isDraftable:yr,nothing:a0,original:ux,produce:gk,produceWithPatches:mx,setAutoFreeze:AV,setUseProxies:kV},Symbol.toStringTag,{value:"Module"}));function sf(e){"@babel/helpers - typeof";return sf=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},sf(e)}function MV(e,t){if(sf(e)!=="object"||e===null)return e;var n=e[Symbol.toPrimitive];if(n!==void 0){var r=n.call(e,t||"default");if(sf(r)!=="object")return r;throw new TypeError("@@toPrimitive must return a primitive value.")}return(t==="string"?String:Number)(e)}function IV(e){var t=MV(e,"string");return sf(t)==="symbol"?t:String(t)}function NV(e,t,n){return t=IV(t),t in e?Object.defineProperty(e,t,{value:n,enumerable:!0,configurable:!0,writable:!0}):e[t]=n,e}function n4(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable})),n.push.apply(n,r)}return n}function r4(e){for(var t=1;t"u"&&(n=t,t=void 0),typeof n<"u"){if(typeof n!="function")throw new Error(Tn(1));return n(oh)(e,t)}if(typeof e!="function")throw new Error(Tn(2));var i=e,o=t,s=[],a=s,l=!1;function u(){a===s&&(a=s.slice())}function c(){if(l)throw new Error(Tn(3));return o}function d(m){if(typeof m!="function")throw new Error(Tn(4));if(l)throw new Error(Tn(5));var S=!0;return u(),a.push(m),function(){if(S){if(l)throw new Error(Tn(6));S=!1,u();var v=a.indexOf(m);a.splice(v,1),s=null}}}function f(m){if(!DV(m))throw new Error(Tn(7));if(typeof m.type>"u")throw new Error(Tn(8));if(l)throw new Error(Tn(9));try{l=!0,o=i(o,m)}finally{l=!1}for(var S=s=a,y=0;y"u")throw new Error(Tn(12));if(typeof n(void 0,{type:Ku.PROBE_UNKNOWN_ACTION()})>"u")throw new Error(Tn(13))})}function gc(e){for(var t=Object.keys(e),n={},r=0;r"u")throw u&&u.type,new Error(Tn(14));d[h]=S,c=c||S!==m}return c=c||o.length!==Object.keys(l).length,c?d:l}}function o4(e,t){return function(){return t(e.apply(this,arguments))}}function yk(e,t){if(typeof e=="function")return o4(e,t);if(typeof e!="object"||e===null)throw new Error(Tn(16));var n={};for(var r in e){var i=e[r];typeof i=="function"&&(n[r]=o4(i,t))}return n}function Xu(){for(var e=arguments.length,t=new Array(e),n=0;n-1){var u=n[l];return l>0&&(n.splice(l,1),n.unshift(u)),u.value}return um}function i(a,l){r(a)===um&&(n.unshift({key:a,value:l}),n.length>e&&n.pop())}function o(){return n}function s(){n=[]}return{get:r,put:i,getEntries:o,clear:s}}var vk=function(t,n){return t===n};function jV(e){return function(n,r){if(n===null||r===null||n.length!==r.length)return!1;for(var i=n.length,o=0;o1?t-1:0),r=1;r0&&o[o.length-1])&&(u[0]===6||u[0]===2)){n=0;continue}if(u[0]===3&&(!o||u[1]>o[0]&&u[1]",value:e};if(typeof e!="object"||e===null||o!=null&&o.has(e))return!1;for(var a=r!=null?r(e):Object.entries(e),l=i.length>0,u=function(S,y){var v=t?t+"."+S:S;if(l){var g=i.some(function(b){return b instanceof RegExp?b.test(v):v===b});if(g)return"continue"}if(!n(y))return{value:{keyPath:v,value:y}};if(typeof y=="object"&&(s=Ek(y,v,n,r,i,o),s))return{value:s}},c=0,d=a;c-1}function nz(e){return""+e}function Ok(e){var t={},n=[],r,i={addCase:function(o,s){var a=typeof o=="string"?o:o.type;if(a in t)throw new Error("addCase cannot be called with two reducers for the same action type");return t[a]=s,i},addMatcher:function(o,s){return n.push({matcher:o,reducer:s}),i},addDefaultCase:function(o){return r=o,i}};return e(i),[t,n,r]}function rz(e){return typeof e=="function"}function Mk(e,t,n,r){n===void 0&&(n=[]);var i=typeof t=="function"?Ok(t):[t,n,r],o=i[0],s=i[1],a=i[2],l;if(rz(e))l=function(){return __(e())};else{var u=__(e);l=function(){return u}}function c(d,f){d===void 0&&(d=l());var h=js([o[f.type]],s.filter(function(p){var m=p.matcher;return m(f)}).map(function(p){var m=p.reducer;return m}));return h.filter(function(p){return!!p}).length===0&&(h=[a]),h.reduce(function(p,m){if(m)if(er(p)){var S=p,y=m(S,f);return y===void 0?p:y}else{if(yr(p))return Js(p,function(v){return m(v,f)});var y=m(p,f);if(y===void 0){if(p===null)return p;throw Error("A case reducer on a non-draftable value must not return undefined")}return y}return p},d)}return c.getInitialState=l,c}function iz(e,t){return e+"/"+t}function Pt(e){var t=e.name;if(!t)throw new Error("`name` is a required option for createSlice");typeof process<"u";var n=typeof e.initialState=="function"?e.initialState:__(e.initialState),r=e.reducers||{},i=Object.keys(r),o={},s={},a={};i.forEach(function(c){var d=r[c],f=iz(t,c),h,p;"reducer"in d?(h=d.reducer,p=d.prepare):h=d,o[c]=h,s[f]=h,a[c]=p?ue(f,p):ue(f)});function l(){var c=typeof e.extraReducers=="function"?Ok(e.extraReducers):[e.extraReducers],d=c[0],f=d===void 0?{}:d,h=c[1],p=h===void 0?[]:h,m=c[2],S=m===void 0?void 0:m,y=fr(fr({},f),s);return Mk(n,function(v){for(var g in y)v.addCase(g,y[g]);for(var b=0,_=p;b<_.length;b++){var w=_[b];v.addMatcher(w.matcher,w.reducer)}S&&v.addDefaultCase(S)})}var u;return{name:t,reducer:function(c,d){return u||(u=l()),u(c,d)},actions:a,caseReducers:o,getInitialState:function(){return u||(u=l()),u.getInitialState()}}}function oz(){return{ids:[],entities:{}}}function sz(){function e(t){return t===void 0&&(t={}),Object.assign(oz(),t)}return{getInitialState:e}}function az(){function e(t){var n=function(u){return u.ids},r=function(u){return u.entities},i=yo(n,r,function(u,c){return u.map(function(d){return c[d]})}),o=function(u,c){return c},s=function(u,c){return u[c]},a=yo(n,function(u){return u.length});if(!t)return{selectIds:n,selectEntities:r,selectAll:i,selectTotal:a,selectById:yo(r,o,s)};var l=yo(t,r);return{selectIds:yo(t,n),selectEntities:l,selectAll:yo(t,i),selectTotal:yo(t,a),selectById:yo(l,o,s)}}return{getSelectors:e}}function lz(e){var t=Lt(function(n,r){return e(r)});return function(r){return t(r,void 0)}}function Lt(e){return function(n,r){function i(s){return Rk(s)}var o=function(s){i(r)?e(r.payload,s):e(r,s)};return er(n)?(o(n),n):Js(n,o)}}function Ed(e,t){var n=t(e);return n}function Ba(e){return Array.isArray(e)||(e=Object.values(e)),e}function Ik(e,t,n){e=Ba(e);for(var r=[],i=[],o=0,s=e;o0;if(v){var g=p.filter(function(b){return u(S,b,m)}).length>0;g&&(m.ids=Object.keys(m.entities))}}function f(p,m){return h([p],m)}function h(p,m){var S=Ik(p,e,m),y=S[0],v=S[1];d(v,m),n(y,m)}return{removeAll:lz(l),addOne:Lt(t),addMany:Lt(n),setOne:Lt(r),setMany:Lt(i),setAll:Lt(o),updateOne:Lt(c),updateMany:Lt(d),upsertOne:Lt(f),upsertMany:Lt(h),removeOne:Lt(s),removeMany:Lt(a)}}function uz(e,t){var n=Nk(e),r=n.removeOne,i=n.removeMany,o=n.removeAll;function s(v,g){return a([v],g)}function a(v,g){v=Ba(v);var b=v.filter(function(_){return!(Ed(_,e)in g.entities)});b.length!==0&&S(b,g)}function l(v,g){return u([v],g)}function u(v,g){v=Ba(v),v.length!==0&&S(v,g)}function c(v,g){v=Ba(v),g.entities={},g.ids=[],a(v,g)}function d(v,g){return f([v],g)}function f(v,g){for(var b=!1,_=0,w=v;_-1;return n&&r}function lh(e){return typeof e[0]=="function"&&"pending"in e[0]&&"fulfilled"in e[0]&&"rejected"in e[0]}function c0(){for(var e=[],t=0;t0)for(var g=h.getState(),b=Array.from(n.values()),_=0,w=b;_Math.floor(e/t)*t,Ui=(e,t)=>Math.round(e/t)*t;var Pz=typeof global=="object"&&global&&global.Object===Object&&global;const Zk=Pz;var Az=typeof self=="object"&&self&&self.Object===Object&&self,kz=Zk||Az||Function("return this")();const oo=kz;var Rz=oo.Symbol;const Zr=Rz;var Jk=Object.prototype,Oz=Jk.hasOwnProperty,Mz=Jk.toString,Vc=Zr?Zr.toStringTag:void 0;function Iz(e){var t=Oz.call(e,Vc),n=e[Vc];try{e[Vc]=void 0;var r=!0}catch{}var i=Mz.call(e);return r&&(t?e[Vc]=n:delete e[Vc]),i}var Nz=Object.prototype,Dz=Nz.toString;function Lz(e){return Dz.call(e)}var $z="[object Null]",Fz="[object Undefined]",h4=Zr?Zr.toStringTag:void 0;function na(e){return e==null?e===void 0?Fz:$z:h4&&h4 in Object(e)?Iz(e):Lz(e)}function Ci(e){return e!=null&&typeof e=="object"}var Bz="[object Symbol]";function d0(e){return typeof e=="symbol"||Ci(e)&&na(e)==Bz}function eR(e,t){for(var n=-1,r=e==null?0:e.length,i=Array(r);++n0){if(++t>=yU)return arguments[0]}else t=0;return e.apply(void 0,arguments)}}function _U(e){return function(){return e}}var wU=function(){try{var e=fl(Object,"defineProperty");return e({},"",{}),e}catch{}}();const hm=wU;var xU=hm?function(e,t){return hm(e,"toString",{configurable:!0,enumerable:!1,value:_U(t),writable:!0})}:f0;const CU=xU;var TU=SU(CU);const iR=TU;function oR(e,t){for(var n=-1,r=e==null?0:e.length;++n-1}var OU=9007199254740991,MU=/^(?:0|[1-9]\d*)$/;function wx(e,t){var n=typeof e;return t=t??OU,!!t&&(n=="number"||n!="symbol"&&MU.test(e))&&e>-1&&e%1==0&&e-1&&e%1==0&&e<=DU}function yc(e){return e!=null&&Cx(e.length)&&!_x(e)}function uR(e,t,n){if(!vr(n))return!1;var r=typeof t;return(r=="number"?yc(n)&&wx(t,n.length):r=="string"&&t in n)?fh(n[t],e):!1}function cR(e){return lR(function(t,n){var r=-1,i=n.length,o=i>1?n[i-1]:void 0,s=i>2?n[2]:void 0;for(o=e.length>3&&typeof o=="function"?(i--,o):void 0,s&&uR(n[0],n[1],s)&&(o=i<3?void 0:o,i=1),t=Object(t);++r-1}function YG(e,t){var n=this.__data__,r=h0(n,e);return r<0?(++this.size,n.push([e,t])):n[r][1]=t,this}function Ho(e){var t=-1,n=e==null?0:e.length;for(this.clear();++t0&&n(a)?t>1?yR(a,t-1,n,r,i):Ox(i,a):r||(i[i.length]=a)}return i}function pH(e){var t=e==null?0:e.length;return t?yR(e,1):[]}function gH(e){return iR(aR(e,void 0,pH),e+"")}var mH=gR(Object.getPrototypeOf,Object);const Mx=mH;var yH="[object Object]",vH=Function.prototype,bH=Object.prototype,vR=vH.toString,SH=bH.hasOwnProperty,_H=vR.call(Object);function bR(e){if(!Ci(e)||na(e)!=yH)return!1;var t=Mx(e);if(t===null)return!0;var n=SH.call(t,"constructor")&&t.constructor;return typeof n=="function"&&n instanceof n&&vR.call(n)==_H}function SR(e,t,n){var r=-1,i=e.length;t<0&&(t=-t>i?0:i+t),n=n>i?i:n,n<0&&(n+=i),i=t>n?0:n-t>>>0,t>>>=0;for(var o=Array(i);++r=r?e:SR(e,t,n)}var xH="\\ud800-\\udfff",CH="\\u0300-\\u036f",TH="\\ufe20-\\ufe2f",EH="\\u20d0-\\u20ff",PH=CH+TH+EH,AH="\\ufe0e\\ufe0f",kH="\\u200d",RH=RegExp("["+kH+xH+PH+AH+"]");function Ix(e){return RH.test(e)}function OH(e){return e.split("")}var _R="\\ud800-\\udfff",MH="\\u0300-\\u036f",IH="\\ufe20-\\ufe2f",NH="\\u20d0-\\u20ff",DH=MH+IH+NH,LH="\\ufe0e\\ufe0f",$H="["+_R+"]",T_="["+DH+"]",E_="\\ud83c[\\udffb-\\udfff]",FH="(?:"+T_+"|"+E_+")",wR="[^"+_R+"]",xR="(?:\\ud83c[\\udde6-\\uddff]){2}",CR="[\\ud800-\\udbff][\\udc00-\\udfff]",BH="\\u200d",TR=FH+"?",ER="["+LH+"]?",jH="(?:"+BH+"(?:"+[wR,xR,CR].join("|")+")"+ER+TR+")*",VH=ER+TR+jH,zH="(?:"+[wR+T_+"?",T_,xR,CR,$H].join("|")+")",UH=RegExp(E_+"(?="+E_+")|"+zH+VH,"g");function GH(e){return e.match(UH)||[]}function HH(e){return Ix(e)?GH(e):OH(e)}function qH(e){return function(t){t=g0(t);var n=Ix(t)?HH(t):void 0,r=n?n[0]:t.charAt(0),i=n?wH(n,1).join(""):t.slice(1);return r[e]()+i}}var WH=qH("toUpperCase");const KH=WH;function PR(e,t,n,r){var i=-1,o=e==null?0:e.length;for(r&&o&&(n=e[++i]);++i=t?e:t)),e}function Ss(e,t,n){return n===void 0&&(n=t,t=void 0),n!==void 0&&(n=gb(n),n=n===n?n:0),t!==void 0&&(t=gb(t),t=t===t?t:0),Fq(gb(e),t,n)}function Bq(){this.__data__=new Ho,this.size=0}function jq(e){var t=this.__data__,n=t.delete(e);return this.size=t.size,n}function Vq(e){return this.__data__.get(e)}function zq(e){return this.__data__.has(e)}var Uq=200;function Gq(e,t){var n=this.__data__;if(n instanceof Ho){var r=n.__data__;if(!cf||r.lengtha))return!1;var u=o.get(e),c=o.get(t);if(u&&c)return u==t&&c==e;var d=-1,f=!0,h=n&CK?new df:void 0;for(o.set(e,t),o.set(t,e);++d1),o}),mc(e,WR(e),n),r&&(n=Ad(n,AX|kX|RX,PX));for(var i=t.length;i--;)lO(n,t[i]);return n});const w0=OX;var MX=iO("length");const IX=MX;var uO="\\ud800-\\udfff",NX="\\u0300-\\u036f",DX="\\ufe20-\\ufe2f",LX="\\u20d0-\\u20ff",$X=NX+DX+LX,FX="\\ufe0e\\ufe0f",BX="["+uO+"]",M_="["+$X+"]",I_="\\ud83c[\\udffb-\\udfff]",jX="(?:"+M_+"|"+I_+")",cO="[^"+uO+"]",dO="(?:\\ud83c[\\udde6-\\uddff]){2}",fO="[\\ud800-\\udbff][\\udc00-\\udfff]",VX="\\u200d",hO=jX+"?",pO="["+FX+"]?",zX="(?:"+VX+"(?:"+[cO,dO,fO].join("|")+")"+pO+hO+")*",UX=pO+hO+zX,GX="(?:"+[cO+M_+"?",M_,dO,fO,BX].join("|")+")",q4=RegExp(I_+"(?="+I_+")|"+GX+UX,"g");function HX(e){for(var t=q4.lastIndex=0;q4.test(e);)++t;return t}function qX(e){return Ix(e)?HX(e):IX(e)}function WX(e,t,n,r,i){return i(e,function(o,s,a){n=r?(r=!1,o):t(n,o,s,a)}),n}function $x(e,t,n){var r=gn(e)?PR:WX,i=arguments.length<3;return r(e,v0(t),n,i,b0)}var KX="[object Map]",XX="[object Set]";function gO(e){if(e==null)return 0;if(yc(e))return xX(e)?qX(e):e.length;var t=Zu(e);return t==KX||t==XX?e.size:mR(e).length}function YX(e,t){var n;return b0(e,function(r,i,o){return n=t(r,i,o),!n}),!!n}function Pa(e,t,n){var r=gn(e)?JR:YX;return n&&uR(e,t,n)&&(t=void 0),r(e,v0(t))}var QX=$q(function(e,t,n){return e+(n?" ":"")+KH(t)});const ZX=QX;var JX=1/0,eY=ku&&1/Lx(new ku([,-0]))[1]==JX?function(e){return new ku(e)}:mU;const tY=eY;var nY=200;function mO(e,t,n){var r=-1,i=RU,o=e.length,s=!0,a=[],l=a;if(n)s=!1,i=vX;else if(o>=nY){var u=t?null:tY(e);if(u)return Lx(u);s=!1,i=eO,l=new df}else l=t?[]:a;e:for(;++r{EX(e,t.payload)}}}),{configChanged:sY}=vO.actions,aY=vO.reducer,_we={"sd-1":"Stable Diffusion 1.x","sd-2":"Stable Diffusion 2.x",sdxl:"Stable Diffusion XL","sdxl-refiner":"Stable Diffusion XL Refiner"},wwe={"sd-1":"SD1","sd-2":"SD2",sdxl:"SDXL","sdxl-refiner":"SDXLR"},lY={"sd-1":{maxClip:12,markers:[0,1,2,3,4,8,12]},"sd-2":{maxClip:24,markers:[0,1,2,3,5,10,15,20,24]},sdxl:{maxClip:24,markers:[0,1,2,3,5,10,15,20,24]},"sdxl-refiner":{maxClip:24,markers:[0,1,2,3,5,10,15,20,24]}},xwe={lycoris:"LyCORIS",diffusers:"Diffusers"},Cwe=0,uY=4294967295;var Ve;(function(e){e.assertEqual=i=>i;function t(i){}e.assertIs=t;function n(i){throw new Error}e.assertNever=n,e.arrayToEnum=i=>{const o={};for(const s of i)o[s]=s;return o},e.getValidEnumValues=i=>{const o=e.objectKeys(i).filter(a=>typeof i[i[a]]!="number"),s={};for(const a of o)s[a]=i[a];return e.objectValues(s)},e.objectValues=i=>e.objectKeys(i).map(function(o){return i[o]}),e.objectKeys=typeof Object.keys=="function"?i=>Object.keys(i):i=>{const o=[];for(const s in i)Object.prototype.hasOwnProperty.call(i,s)&&o.push(s);return o},e.find=(i,o)=>{for(const s of i)if(o(s))return s},e.isInteger=typeof Number.isInteger=="function"?i=>Number.isInteger(i):i=>typeof i=="number"&&isFinite(i)&&Math.floor(i)===i;function r(i,o=" | "){return i.map(s=>typeof s=="string"?`'${s}'`:s).join(o)}e.joinValues=r,e.jsonStringifyReplacer=(i,o)=>typeof o=="bigint"?o.toString():o})(Ve||(Ve={}));var N_;(function(e){e.mergeShapes=(t,n)=>({...t,...n})})(N_||(N_={}));const re=Ve.arrayToEnum(["string","nan","number","integer","float","boolean","date","bigint","symbol","function","undefined","null","array","object","unknown","promise","void","never","map","set"]),ms=e=>{switch(typeof e){case"undefined":return re.undefined;case"string":return re.string;case"number":return isNaN(e)?re.nan:re.number;case"boolean":return re.boolean;case"function":return re.function;case"bigint":return re.bigint;case"symbol":return re.symbol;case"object":return Array.isArray(e)?re.array:e===null?re.null:e.then&&typeof e.then=="function"&&e.catch&&typeof e.catch=="function"?re.promise:typeof Map<"u"&&e instanceof Map?re.map:typeof Set<"u"&&e instanceof Set?re.set:typeof Date<"u"&&e instanceof Date?re.date:re.object;default:return re.unknown}},ee=Ve.arrayToEnum(["invalid_type","invalid_literal","custom","invalid_union","invalid_union_discriminator","invalid_enum_value","unrecognized_keys","invalid_arguments","invalid_return_type","invalid_date","invalid_string","too_small","too_big","invalid_intersection_types","not_multiple_of","not_finite"]),cY=e=>JSON.stringify(e,null,2).replace(/"([^"]+)":/g,"$1:");class bi extends Error{constructor(t){super(),this.issues=[],this.addIssue=r=>{this.issues=[...this.issues,r]},this.addIssues=(r=[])=>{this.issues=[...this.issues,...r]};const n=new.target.prototype;Object.setPrototypeOf?Object.setPrototypeOf(this,n):this.__proto__=n,this.name="ZodError",this.issues=t}get errors(){return this.issues}format(t){const n=t||function(o){return o.message},r={_errors:[]},i=o=>{for(const s of o.issues)if(s.code==="invalid_union")s.unionErrors.map(i);else if(s.code==="invalid_return_type")i(s.returnTypeError);else if(s.code==="invalid_arguments")i(s.argumentsError);else if(s.path.length===0)r._errors.push(n(s));else{let a=r,l=0;for(;ln.message){const n={},r=[];for(const i of this.issues)i.path.length>0?(n[i.path[0]]=n[i.path[0]]||[],n[i.path[0]].push(t(i))):r.push(t(i));return{formErrors:r,fieldErrors:n}}get formErrors(){return this.flatten()}}bi.create=e=>new bi(e);const ff=(e,t)=>{let n;switch(e.code){case ee.invalid_type:e.received===re.undefined?n="Required":n=`Expected ${e.expected}, received ${e.received}`;break;case ee.invalid_literal:n=`Invalid literal value, expected ${JSON.stringify(e.expected,Ve.jsonStringifyReplacer)}`;break;case ee.unrecognized_keys:n=`Unrecognized key(s) in object: ${Ve.joinValues(e.keys,", ")}`;break;case ee.invalid_union:n="Invalid input";break;case ee.invalid_union_discriminator:n=`Invalid discriminator value. Expected ${Ve.joinValues(e.options)}`;break;case ee.invalid_enum_value:n=`Invalid enum value. Expected ${Ve.joinValues(e.options)}, received '${e.received}'`;break;case ee.invalid_arguments:n="Invalid function arguments";break;case ee.invalid_return_type:n="Invalid function return type";break;case ee.invalid_date:n="Invalid date";break;case ee.invalid_string:typeof e.validation=="object"?"includes"in e.validation?(n=`Invalid input: must include "${e.validation.includes}"`,typeof e.validation.position=="number"&&(n=`${n} at one or more positions greater than or equal to ${e.validation.position}`)):"startsWith"in e.validation?n=`Invalid input: must start with "${e.validation.startsWith}"`:"endsWith"in e.validation?n=`Invalid input: must end with "${e.validation.endsWith}"`:Ve.assertNever(e.validation):e.validation!=="regex"?n=`Invalid ${e.validation}`:n="Invalid";break;case ee.too_small:e.type==="array"?n=`Array must contain ${e.exact?"exactly":e.inclusive?"at least":"more than"} ${e.minimum} element(s)`:e.type==="string"?n=`String must contain ${e.exact?"exactly":e.inclusive?"at least":"over"} ${e.minimum} character(s)`:e.type==="number"?n=`Number must be ${e.exact?"exactly equal to ":e.inclusive?"greater than or equal to ":"greater than "}${e.minimum}`:e.type==="date"?n=`Date must be ${e.exact?"exactly equal to ":e.inclusive?"greater than or equal to ":"greater than "}${new Date(Number(e.minimum))}`:n="Invalid input";break;case ee.too_big:e.type==="array"?n=`Array must contain ${e.exact?"exactly":e.inclusive?"at most":"less than"} ${e.maximum} element(s)`:e.type==="string"?n=`String must contain ${e.exact?"exactly":e.inclusive?"at most":"under"} ${e.maximum} character(s)`:e.type==="number"?n=`Number must be ${e.exact?"exactly":e.inclusive?"less than or equal to":"less than"} ${e.maximum}`:e.type==="bigint"?n=`BigInt must be ${e.exact?"exactly":e.inclusive?"less than or equal to":"less than"} ${e.maximum}`:e.type==="date"?n=`Date must be ${e.exact?"exactly":e.inclusive?"smaller than or equal to":"smaller than"} ${new Date(Number(e.maximum))}`:n="Invalid input";break;case ee.custom:n="Invalid input";break;case ee.invalid_intersection_types:n="Intersection results could not be merged";break;case ee.not_multiple_of:n=`Number must be a multiple of ${e.multipleOf}`;break;case ee.not_finite:n="Number must be finite";break;default:n=t.defaultError,Ve.assertNever(e)}return{message:n}};let bO=ff;function dY(e){bO=e}function gm(){return bO}const mm=e=>{const{data:t,path:n,errorMaps:r,issueData:i}=e,o=[...n,...i.path||[]],s={...i,path:o};let a="";const l=r.filter(u=>!!u).slice().reverse();for(const u of l)a=u(s,{data:t,defaultError:a}).message;return{...i,path:o,message:i.message||a}},fY=[];function oe(e,t){const n=mm({issueData:t,data:e.data,path:e.path,errorMaps:[e.common.contextualErrorMap,e.schemaErrorMap,gm(),ff].filter(r=>!!r)});e.common.issues.push(n)}class jn{constructor(){this.value="valid"}dirty(){this.value==="valid"&&(this.value="dirty")}abort(){this.value!=="aborted"&&(this.value="aborted")}static mergeArray(t,n){const r=[];for(const i of n){if(i.status==="aborted")return be;i.status==="dirty"&&t.dirty(),r.push(i.value)}return{status:t.value,value:r}}static async mergeObjectAsync(t,n){const r=[];for(const i of n)r.push({key:await i.key,value:await i.value});return jn.mergeObjectSync(t,r)}static mergeObjectSync(t,n){const r={};for(const i of n){const{key:o,value:s}=i;if(o.status==="aborted"||s.status==="aborted")return be;o.status==="dirty"&&t.dirty(),s.status==="dirty"&&t.dirty(),(typeof s.value<"u"||i.alwaysSet)&&(r[o.value]=s.value)}return{status:t.value,value:r}}}const be=Object.freeze({status:"aborted"}),SO=e=>({status:"dirty",value:e}),tr=e=>({status:"valid",value:e}),D_=e=>e.status==="aborted",L_=e=>e.status==="dirty",ym=e=>e.status==="valid",vm=e=>typeof Promise<"u"&&e instanceof Promise;var ge;(function(e){e.errToObj=t=>typeof t=="string"?{message:t}:t||{},e.toString=t=>typeof t=="string"?t:t==null?void 0:t.message})(ge||(ge={}));class eo{constructor(t,n,r,i){this._cachedPath=[],this.parent=t,this.data=n,this._path=r,this._key=i}get path(){return this._cachedPath.length||(this._key instanceof Array?this._cachedPath.push(...this._path,...this._key):this._cachedPath.push(...this._path,this._key)),this._cachedPath}}const W4=(e,t)=>{if(ym(t))return{success:!0,data:t.value};if(!e.common.issues.length)throw new Error("Validation failed but no issues detected.");return{success:!1,get error(){if(this._error)return this._error;const n=new bi(e.common.issues);return this._error=n,this._error}}};function we(e){if(!e)return{};const{errorMap:t,invalid_type_error:n,required_error:r,description:i}=e;if(t&&(n||r))throw new Error(`Can't use "invalid_type_error" or "required_error" in conjunction with custom error map.`);return t?{errorMap:t,description:i}:{errorMap:(s,a)=>s.code!=="invalid_type"?{message:a.defaultError}:typeof a.data>"u"?{message:r??a.defaultError}:{message:n??a.defaultError},description:i}}class Ce{constructor(t){this.spa=this.safeParseAsync,this._def=t,this.parse=this.parse.bind(this),this.safeParse=this.safeParse.bind(this),this.parseAsync=this.parseAsync.bind(this),this.safeParseAsync=this.safeParseAsync.bind(this),this.spa=this.spa.bind(this),this.refine=this.refine.bind(this),this.refinement=this.refinement.bind(this),this.superRefine=this.superRefine.bind(this),this.optional=this.optional.bind(this),this.nullable=this.nullable.bind(this),this.nullish=this.nullish.bind(this),this.array=this.array.bind(this),this.promise=this.promise.bind(this),this.or=this.or.bind(this),this.and=this.and.bind(this),this.transform=this.transform.bind(this),this.brand=this.brand.bind(this),this.default=this.default.bind(this),this.catch=this.catch.bind(this),this.describe=this.describe.bind(this),this.pipe=this.pipe.bind(this),this.isNullable=this.isNullable.bind(this),this.isOptional=this.isOptional.bind(this)}get description(){return this._def.description}_getType(t){return ms(t.data)}_getOrReturnCtx(t,n){return n||{common:t.parent.common,data:t.data,parsedType:ms(t.data),schemaErrorMap:this._def.errorMap,path:t.path,parent:t.parent}}_processInputParams(t){return{status:new jn,ctx:{common:t.parent.common,data:t.data,parsedType:ms(t.data),schemaErrorMap:this._def.errorMap,path:t.path,parent:t.parent}}}_parseSync(t){const n=this._parse(t);if(vm(n))throw new Error("Synchronous parse encountered promise.");return n}_parseAsync(t){const n=this._parse(t);return Promise.resolve(n)}parse(t,n){const r=this.safeParse(t,n);if(r.success)return r.data;throw r.error}safeParse(t,n){var r;const i={common:{issues:[],async:(r=n==null?void 0:n.async)!==null&&r!==void 0?r:!1,contextualErrorMap:n==null?void 0:n.errorMap},path:(n==null?void 0:n.path)||[],schemaErrorMap:this._def.errorMap,parent:null,data:t,parsedType:ms(t)},o=this._parseSync({data:t,path:i.path,parent:i});return W4(i,o)}async parseAsync(t,n){const r=await this.safeParseAsync(t,n);if(r.success)return r.data;throw r.error}async safeParseAsync(t,n){const r={common:{issues:[],contextualErrorMap:n==null?void 0:n.errorMap,async:!0},path:(n==null?void 0:n.path)||[],schemaErrorMap:this._def.errorMap,parent:null,data:t,parsedType:ms(t)},i=this._parse({data:t,path:r.path,parent:r}),o=await(vm(i)?i:Promise.resolve(i));return W4(r,o)}refine(t,n){const r=i=>typeof n=="string"||typeof n>"u"?{message:n}:typeof n=="function"?n(i):n;return this._refinement((i,o)=>{const s=t(i),a=()=>o.addIssue({code:ee.custom,...r(i)});return typeof Promise<"u"&&s instanceof Promise?s.then(l=>l?!0:(a(),!1)):s?!0:(a(),!1)})}refinement(t,n){return this._refinement((r,i)=>t(r)?!0:(i.addIssue(typeof n=="function"?n(r,i):n),!1))}_refinement(t){return new Ti({schema:this,typeName:ye.ZodEffects,effect:{type:"refinement",refinement:t}})}superRefine(t){return this._refinement(t)}optional(){return Ro.create(this,this._def)}nullable(){return tl.create(this,this._def)}nullish(){return this.nullable().optional()}array(){return Si.create(this,this._def)}promise(){return ec.create(this,this._def)}or(t){return mf.create([this,t],this._def)}and(t){return yf.create(this,t,this._def)}transform(t){return new Ti({...we(this._def),schema:this,typeName:ye.ZodEffects,effect:{type:"transform",transform:t}})}default(t){const n=typeof t=="function"?t:()=>t;return new wf({...we(this._def),innerType:this,defaultValue:n,typeName:ye.ZodDefault})}brand(){return new wO({typeName:ye.ZodBranded,type:this,...we(this._def)})}catch(t){const n=typeof t=="function"?t:()=>t;return new wm({...we(this._def),innerType:this,catchValue:n,typeName:ye.ZodCatch})}describe(t){const n=this.constructor;return new n({...this._def,description:t})}pipe(t){return mh.create(this,t)}isOptional(){return this.safeParse(void 0).success}isNullable(){return this.safeParse(null).success}}const hY=/^c[^\s-]{8,}$/i,pY=/^[a-z][a-z0-9]*$/,gY=/[0-9A-HJKMNP-TV-Z]{26}/,mY=/^([a-f0-9]{8}-[a-f0-9]{4}-[1-5][a-f0-9]{3}-[a-f0-9]{4}-[a-f0-9]{12}|00000000-0000-0000-0000-000000000000)$/i,yY=/^(([^<>()[\]\\.,;:\s@\"]+(\.[^<>()[\]\\.,;:\s@\"]+)*)|(\".+\"))@((\[(((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))\.){3}((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))\])|(\[IPv6:(([a-f0-9]{1,4}:){7}|::([a-f0-9]{1,4}:){0,6}|([a-f0-9]{1,4}:){1}:([a-f0-9]{1,4}:){0,5}|([a-f0-9]{1,4}:){2}:([a-f0-9]{1,4}:){0,4}|([a-f0-9]{1,4}:){3}:([a-f0-9]{1,4}:){0,3}|([a-f0-9]{1,4}:){4}:([a-f0-9]{1,4}:){0,2}|([a-f0-9]{1,4}:){5}:([a-f0-9]{1,4}:){0,1})([a-f0-9]{1,4}|(((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))\.){3}((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2})))\])|([A-Za-z0-9]([A-Za-z0-9-]*[A-Za-z0-9])*(\.[A-Za-z]{2,})+))$/,vY=/^(\p{Extended_Pictographic}|\p{Emoji_Component})+$/u,bY=/^(((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))\.){3}((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))$/,SY=/^(([a-f0-9]{1,4}:){7}|::([a-f0-9]{1,4}:){0,6}|([a-f0-9]{1,4}:){1}:([a-f0-9]{1,4}:){0,5}|([a-f0-9]{1,4}:){2}:([a-f0-9]{1,4}:){0,4}|([a-f0-9]{1,4}:){3}:([a-f0-9]{1,4}:){0,3}|([a-f0-9]{1,4}:){4}:([a-f0-9]{1,4}:){0,2}|([a-f0-9]{1,4}:){5}:([a-f0-9]{1,4}:){0,1})([a-f0-9]{1,4}|(((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))\.){3}((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2})))$/,_Y=e=>e.precision?e.offset?new RegExp(`^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}\\.\\d{${e.precision}}(([+-]\\d{2}(:?\\d{2})?)|Z)$`):new RegExp(`^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}\\.\\d{${e.precision}}Z$`):e.precision===0?e.offset?new RegExp("^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}(([+-]\\d{2}(:?\\d{2})?)|Z)$"):new RegExp("^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}Z$"):e.offset?new RegExp("^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}(\\.\\d+)?(([+-]\\d{2}(:?\\d{2})?)|Z)$"):new RegExp("^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}(\\.\\d+)?Z$");function wY(e,t){return!!((t==="v4"||!t)&&bY.test(e)||(t==="v6"||!t)&&SY.test(e))}class pi extends Ce{constructor(){super(...arguments),this._regex=(t,n,r)=>this.refinement(i=>t.test(i),{validation:n,code:ee.invalid_string,...ge.errToObj(r)}),this.nonempty=t=>this.min(1,ge.errToObj(t)),this.trim=()=>new pi({...this._def,checks:[...this._def.checks,{kind:"trim"}]}),this.toLowerCase=()=>new pi({...this._def,checks:[...this._def.checks,{kind:"toLowerCase"}]}),this.toUpperCase=()=>new pi({...this._def,checks:[...this._def.checks,{kind:"toUpperCase"}]})}_parse(t){if(this._def.coerce&&(t.data=String(t.data)),this._getType(t)!==re.string){const o=this._getOrReturnCtx(t);return oe(o,{code:ee.invalid_type,expected:re.string,received:o.parsedType}),be}const r=new jn;let i;for(const o of this._def.checks)if(o.kind==="min")t.data.lengtho.value&&(i=this._getOrReturnCtx(t,i),oe(i,{code:ee.too_big,maximum:o.value,type:"string",inclusive:!0,exact:!1,message:o.message}),r.dirty());else if(o.kind==="length"){const s=t.data.length>o.value,a=t.data.length"u"?null:t==null?void 0:t.precision,offset:(n=t==null?void 0:t.offset)!==null&&n!==void 0?n:!1,...ge.errToObj(t==null?void 0:t.message)})}regex(t,n){return this._addCheck({kind:"regex",regex:t,...ge.errToObj(n)})}includes(t,n){return this._addCheck({kind:"includes",value:t,position:n==null?void 0:n.position,...ge.errToObj(n==null?void 0:n.message)})}startsWith(t,n){return this._addCheck({kind:"startsWith",value:t,...ge.errToObj(n)})}endsWith(t,n){return this._addCheck({kind:"endsWith",value:t,...ge.errToObj(n)})}min(t,n){return this._addCheck({kind:"min",value:t,...ge.errToObj(n)})}max(t,n){return this._addCheck({kind:"max",value:t,...ge.errToObj(n)})}length(t,n){return this._addCheck({kind:"length",value:t,...ge.errToObj(n)})}get isDatetime(){return!!this._def.checks.find(t=>t.kind==="datetime")}get isEmail(){return!!this._def.checks.find(t=>t.kind==="email")}get isURL(){return!!this._def.checks.find(t=>t.kind==="url")}get isEmoji(){return!!this._def.checks.find(t=>t.kind==="emoji")}get isUUID(){return!!this._def.checks.find(t=>t.kind==="uuid")}get isCUID(){return!!this._def.checks.find(t=>t.kind==="cuid")}get isCUID2(){return!!this._def.checks.find(t=>t.kind==="cuid2")}get isULID(){return!!this._def.checks.find(t=>t.kind==="ulid")}get isIP(){return!!this._def.checks.find(t=>t.kind==="ip")}get minLength(){let t=null;for(const n of this._def.checks)n.kind==="min"&&(t===null||n.value>t)&&(t=n.value);return t}get maxLength(){let t=null;for(const n of this._def.checks)n.kind==="max"&&(t===null||n.value{var t;return new pi({checks:[],typeName:ye.ZodString,coerce:(t=e==null?void 0:e.coerce)!==null&&t!==void 0?t:!1,...we(e)})};function xY(e,t){const n=(e.toString().split(".")[1]||"").length,r=(t.toString().split(".")[1]||"").length,i=n>r?n:r,o=parseInt(e.toFixed(i).replace(".","")),s=parseInt(t.toFixed(i).replace(".",""));return o%s/Math.pow(10,i)}class zs extends Ce{constructor(){super(...arguments),this.min=this.gte,this.max=this.lte,this.step=this.multipleOf}_parse(t){if(this._def.coerce&&(t.data=Number(t.data)),this._getType(t)!==re.number){const o=this._getOrReturnCtx(t);return oe(o,{code:ee.invalid_type,expected:re.number,received:o.parsedType}),be}let r;const i=new jn;for(const o of this._def.checks)o.kind==="int"?Ve.isInteger(t.data)||(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.invalid_type,expected:"integer",received:"float",message:o.message}),i.dirty()):o.kind==="min"?(o.inclusive?t.datao.value:t.data>=o.value)&&(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.too_big,maximum:o.value,type:"number",inclusive:o.inclusive,exact:!1,message:o.message}),i.dirty()):o.kind==="multipleOf"?xY(t.data,o.value)!==0&&(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.not_multiple_of,multipleOf:o.value,message:o.message}),i.dirty()):o.kind==="finite"?Number.isFinite(t.data)||(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.not_finite,message:o.message}),i.dirty()):Ve.assertNever(o);return{status:i.value,value:t.data}}gte(t,n){return this.setLimit("min",t,!0,ge.toString(n))}gt(t,n){return this.setLimit("min",t,!1,ge.toString(n))}lte(t,n){return this.setLimit("max",t,!0,ge.toString(n))}lt(t,n){return this.setLimit("max",t,!1,ge.toString(n))}setLimit(t,n,r,i){return new zs({...this._def,checks:[...this._def.checks,{kind:t,value:n,inclusive:r,message:ge.toString(i)}]})}_addCheck(t){return new zs({...this._def,checks:[...this._def.checks,t]})}int(t){return this._addCheck({kind:"int",message:ge.toString(t)})}positive(t){return this._addCheck({kind:"min",value:0,inclusive:!1,message:ge.toString(t)})}negative(t){return this._addCheck({kind:"max",value:0,inclusive:!1,message:ge.toString(t)})}nonpositive(t){return this._addCheck({kind:"max",value:0,inclusive:!0,message:ge.toString(t)})}nonnegative(t){return this._addCheck({kind:"min",value:0,inclusive:!0,message:ge.toString(t)})}multipleOf(t,n){return this._addCheck({kind:"multipleOf",value:t,message:ge.toString(n)})}finite(t){return this._addCheck({kind:"finite",message:ge.toString(t)})}safe(t){return this._addCheck({kind:"min",inclusive:!0,value:Number.MIN_SAFE_INTEGER,message:ge.toString(t)})._addCheck({kind:"max",inclusive:!0,value:Number.MAX_SAFE_INTEGER,message:ge.toString(t)})}get minValue(){let t=null;for(const n of this._def.checks)n.kind==="min"&&(t===null||n.value>t)&&(t=n.value);return t}get maxValue(){let t=null;for(const n of this._def.checks)n.kind==="max"&&(t===null||n.valuet.kind==="int"||t.kind==="multipleOf"&&Ve.isInteger(t.value))}get isFinite(){let t=null,n=null;for(const r of this._def.checks){if(r.kind==="finite"||r.kind==="int"||r.kind==="multipleOf")return!0;r.kind==="min"?(n===null||r.value>n)&&(n=r.value):r.kind==="max"&&(t===null||r.valuenew zs({checks:[],typeName:ye.ZodNumber,coerce:(e==null?void 0:e.coerce)||!1,...we(e)});class Us extends Ce{constructor(){super(...arguments),this.min=this.gte,this.max=this.lte}_parse(t){if(this._def.coerce&&(t.data=BigInt(t.data)),this._getType(t)!==re.bigint){const o=this._getOrReturnCtx(t);return oe(o,{code:ee.invalid_type,expected:re.bigint,received:o.parsedType}),be}let r;const i=new jn;for(const o of this._def.checks)o.kind==="min"?(o.inclusive?t.datao.value:t.data>=o.value)&&(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.too_big,type:"bigint",maximum:o.value,inclusive:o.inclusive,message:o.message}),i.dirty()):o.kind==="multipleOf"?t.data%o.value!==BigInt(0)&&(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.not_multiple_of,multipleOf:o.value,message:o.message}),i.dirty()):Ve.assertNever(o);return{status:i.value,value:t.data}}gte(t,n){return this.setLimit("min",t,!0,ge.toString(n))}gt(t,n){return this.setLimit("min",t,!1,ge.toString(n))}lte(t,n){return this.setLimit("max",t,!0,ge.toString(n))}lt(t,n){return this.setLimit("max",t,!1,ge.toString(n))}setLimit(t,n,r,i){return new Us({...this._def,checks:[...this._def.checks,{kind:t,value:n,inclusive:r,message:ge.toString(i)}]})}_addCheck(t){return new Us({...this._def,checks:[...this._def.checks,t]})}positive(t){return this._addCheck({kind:"min",value:BigInt(0),inclusive:!1,message:ge.toString(t)})}negative(t){return this._addCheck({kind:"max",value:BigInt(0),inclusive:!1,message:ge.toString(t)})}nonpositive(t){return this._addCheck({kind:"max",value:BigInt(0),inclusive:!0,message:ge.toString(t)})}nonnegative(t){return this._addCheck({kind:"min",value:BigInt(0),inclusive:!0,message:ge.toString(t)})}multipleOf(t,n){return this._addCheck({kind:"multipleOf",value:t,message:ge.toString(n)})}get minValue(){let t=null;for(const n of this._def.checks)n.kind==="min"&&(t===null||n.value>t)&&(t=n.value);return t}get maxValue(){let t=null;for(const n of this._def.checks)n.kind==="max"&&(t===null||n.value{var t;return new Us({checks:[],typeName:ye.ZodBigInt,coerce:(t=e==null?void 0:e.coerce)!==null&&t!==void 0?t:!1,...we(e)})};class hf extends Ce{_parse(t){if(this._def.coerce&&(t.data=!!t.data),this._getType(t)!==re.boolean){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.boolean,received:r.parsedType}),be}return tr(t.data)}}hf.create=e=>new hf({typeName:ye.ZodBoolean,coerce:(e==null?void 0:e.coerce)||!1,...we(e)});class Ja extends Ce{_parse(t){if(this._def.coerce&&(t.data=new Date(t.data)),this._getType(t)!==re.date){const o=this._getOrReturnCtx(t);return oe(o,{code:ee.invalid_type,expected:re.date,received:o.parsedType}),be}if(isNaN(t.data.getTime())){const o=this._getOrReturnCtx(t);return oe(o,{code:ee.invalid_date}),be}const r=new jn;let i;for(const o of this._def.checks)o.kind==="min"?t.data.getTime()o.value&&(i=this._getOrReturnCtx(t,i),oe(i,{code:ee.too_big,message:o.message,inclusive:!0,exact:!1,maximum:o.value,type:"date"}),r.dirty()):Ve.assertNever(o);return{status:r.value,value:new Date(t.data.getTime())}}_addCheck(t){return new Ja({...this._def,checks:[...this._def.checks,t]})}min(t,n){return this._addCheck({kind:"min",value:t.getTime(),message:ge.toString(n)})}max(t,n){return this._addCheck({kind:"max",value:t.getTime(),message:ge.toString(n)})}get minDate(){let t=null;for(const n of this._def.checks)n.kind==="min"&&(t===null||n.value>t)&&(t=n.value);return t!=null?new Date(t):null}get maxDate(){let t=null;for(const n of this._def.checks)n.kind==="max"&&(t===null||n.valuenew Ja({checks:[],coerce:(e==null?void 0:e.coerce)||!1,typeName:ye.ZodDate,...we(e)});class bm extends Ce{_parse(t){if(this._getType(t)!==re.symbol){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.symbol,received:r.parsedType}),be}return tr(t.data)}}bm.create=e=>new bm({typeName:ye.ZodSymbol,...we(e)});class pf extends Ce{_parse(t){if(this._getType(t)!==re.undefined){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.undefined,received:r.parsedType}),be}return tr(t.data)}}pf.create=e=>new pf({typeName:ye.ZodUndefined,...we(e)});class gf extends Ce{_parse(t){if(this._getType(t)!==re.null){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.null,received:r.parsedType}),be}return tr(t.data)}}gf.create=e=>new gf({typeName:ye.ZodNull,...we(e)});class Ju extends Ce{constructor(){super(...arguments),this._any=!0}_parse(t){return tr(t.data)}}Ju.create=e=>new Ju({typeName:ye.ZodAny,...we(e)});class ja extends Ce{constructor(){super(...arguments),this._unknown=!0}_parse(t){return tr(t.data)}}ja.create=e=>new ja({typeName:ye.ZodUnknown,...we(e)});class Vo extends Ce{_parse(t){const n=this._getOrReturnCtx(t);return oe(n,{code:ee.invalid_type,expected:re.never,received:n.parsedType}),be}}Vo.create=e=>new Vo({typeName:ye.ZodNever,...we(e)});class Sm extends Ce{_parse(t){if(this._getType(t)!==re.undefined){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.void,received:r.parsedType}),be}return tr(t.data)}}Sm.create=e=>new Sm({typeName:ye.ZodVoid,...we(e)});class Si extends Ce{_parse(t){const{ctx:n,status:r}=this._processInputParams(t),i=this._def;if(n.parsedType!==re.array)return oe(n,{code:ee.invalid_type,expected:re.array,received:n.parsedType}),be;if(i.exactLength!==null){const s=n.data.length>i.exactLength.value,a=n.data.lengthi.maxLength.value&&(oe(n,{code:ee.too_big,maximum:i.maxLength.value,type:"array",inclusive:!0,exact:!1,message:i.maxLength.message}),r.dirty()),n.common.async)return Promise.all([...n.data].map((s,a)=>i.type._parseAsync(new eo(n,s,n.path,a)))).then(s=>jn.mergeArray(r,s));const o=[...n.data].map((s,a)=>i.type._parseSync(new eo(n,s,n.path,a)));return jn.mergeArray(r,o)}get element(){return this._def.type}min(t,n){return new Si({...this._def,minLength:{value:t,message:ge.toString(n)}})}max(t,n){return new Si({...this._def,maxLength:{value:t,message:ge.toString(n)}})}length(t,n){return new Si({...this._def,exactLength:{value:t,message:ge.toString(n)}})}nonempty(t){return this.min(1,t)}}Si.create=(e,t)=>new Si({type:e,minLength:null,maxLength:null,exactLength:null,typeName:ye.ZodArray,...we(t)});function Kl(e){if(e instanceof Tt){const t={};for(const n in e.shape){const r=e.shape[n];t[n]=Ro.create(Kl(r))}return new Tt({...e._def,shape:()=>t})}else return e instanceof Si?new Si({...e._def,type:Kl(e.element)}):e instanceof Ro?Ro.create(Kl(e.unwrap())):e instanceof tl?tl.create(Kl(e.unwrap())):e instanceof to?to.create(e.items.map(t=>Kl(t))):e}class Tt extends Ce{constructor(){super(...arguments),this._cached=null,this.nonstrict=this.passthrough,this.augment=this.extend}_getCached(){if(this._cached!==null)return this._cached;const t=this._def.shape(),n=Ve.objectKeys(t);return this._cached={shape:t,keys:n}}_parse(t){if(this._getType(t)!==re.object){const u=this._getOrReturnCtx(t);return oe(u,{code:ee.invalid_type,expected:re.object,received:u.parsedType}),be}const{status:r,ctx:i}=this._processInputParams(t),{shape:o,keys:s}=this._getCached(),a=[];if(!(this._def.catchall instanceof Vo&&this._def.unknownKeys==="strip"))for(const u in i.data)s.includes(u)||a.push(u);const l=[];for(const u of s){const c=o[u],d=i.data[u];l.push({key:{status:"valid",value:u},value:c._parse(new eo(i,d,i.path,u)),alwaysSet:u in i.data})}if(this._def.catchall instanceof Vo){const u=this._def.unknownKeys;if(u==="passthrough")for(const c of a)l.push({key:{status:"valid",value:c},value:{status:"valid",value:i.data[c]}});else if(u==="strict")a.length>0&&(oe(i,{code:ee.unrecognized_keys,keys:a}),r.dirty());else if(u!=="strip")throw new Error("Internal ZodObject error: invalid unknownKeys value.")}else{const u=this._def.catchall;for(const c of a){const d=i.data[c];l.push({key:{status:"valid",value:c},value:u._parse(new eo(i,d,i.path,c)),alwaysSet:c in i.data})}}return i.common.async?Promise.resolve().then(async()=>{const u=[];for(const c of l){const d=await c.key;u.push({key:d,value:await c.value,alwaysSet:c.alwaysSet})}return u}).then(u=>jn.mergeObjectSync(r,u)):jn.mergeObjectSync(r,l)}get shape(){return this._def.shape()}strict(t){return ge.errToObj,new Tt({...this._def,unknownKeys:"strict",...t!==void 0?{errorMap:(n,r)=>{var i,o,s,a;const l=(s=(o=(i=this._def).errorMap)===null||o===void 0?void 0:o.call(i,n,r).message)!==null&&s!==void 0?s:r.defaultError;return n.code==="unrecognized_keys"?{message:(a=ge.errToObj(t).message)!==null&&a!==void 0?a:l}:{message:l}}}:{}})}strip(){return new Tt({...this._def,unknownKeys:"strip"})}passthrough(){return new Tt({...this._def,unknownKeys:"passthrough"})}extend(t){return new Tt({...this._def,shape:()=>({...this._def.shape(),...t})})}merge(t){return new Tt({unknownKeys:t._def.unknownKeys,catchall:t._def.catchall,shape:()=>({...this._def.shape(),...t._def.shape()}),typeName:ye.ZodObject})}setKey(t,n){return this.augment({[t]:n})}catchall(t){return new Tt({...this._def,catchall:t})}pick(t){const n={};return Ve.objectKeys(t).forEach(r=>{t[r]&&this.shape[r]&&(n[r]=this.shape[r])}),new Tt({...this._def,shape:()=>n})}omit(t){const n={};return Ve.objectKeys(this.shape).forEach(r=>{t[r]||(n[r]=this.shape[r])}),new Tt({...this._def,shape:()=>n})}deepPartial(){return Kl(this)}partial(t){const n={};return Ve.objectKeys(this.shape).forEach(r=>{const i=this.shape[r];t&&!t[r]?n[r]=i:n[r]=i.optional()}),new Tt({...this._def,shape:()=>n})}required(t){const n={};return Ve.objectKeys(this.shape).forEach(r=>{if(t&&!t[r])n[r]=this.shape[r];else{let o=this.shape[r];for(;o instanceof Ro;)o=o._def.innerType;n[r]=o}}),new Tt({...this._def,shape:()=>n})}keyof(){return _O(Ve.objectKeys(this.shape))}}Tt.create=(e,t)=>new Tt({shape:()=>e,unknownKeys:"strip",catchall:Vo.create(),typeName:ye.ZodObject,...we(t)});Tt.strictCreate=(e,t)=>new Tt({shape:()=>e,unknownKeys:"strict",catchall:Vo.create(),typeName:ye.ZodObject,...we(t)});Tt.lazycreate=(e,t)=>new Tt({shape:e,unknownKeys:"strip",catchall:Vo.create(),typeName:ye.ZodObject,...we(t)});class mf extends Ce{_parse(t){const{ctx:n}=this._processInputParams(t),r=this._def.options;function i(o){for(const a of o)if(a.result.status==="valid")return a.result;for(const a of o)if(a.result.status==="dirty")return n.common.issues.push(...a.ctx.common.issues),a.result;const s=o.map(a=>new bi(a.ctx.common.issues));return oe(n,{code:ee.invalid_union,unionErrors:s}),be}if(n.common.async)return Promise.all(r.map(async o=>{const s={...n,common:{...n.common,issues:[]},parent:null};return{result:await o._parseAsync({data:n.data,path:n.path,parent:s}),ctx:s}})).then(i);{let o;const s=[];for(const l of r){const u={...n,common:{...n.common,issues:[]},parent:null},c=l._parseSync({data:n.data,path:n.path,parent:u});if(c.status==="valid")return c;c.status==="dirty"&&!o&&(o={result:c,ctx:u}),u.common.issues.length&&s.push(u.common.issues)}if(o)return n.common.issues.push(...o.ctx.common.issues),o.result;const a=s.map(l=>new bi(l));return oe(n,{code:ee.invalid_union,unionErrors:a}),be}}get options(){return this._def.options}}mf.create=(e,t)=>new mf({options:e,typeName:ye.ZodUnion,...we(t)});const dg=e=>e instanceof bf?dg(e.schema):e instanceof Ti?dg(e.innerType()):e instanceof Sf?[e.value]:e instanceof Gs?e.options:e instanceof _f?Object.keys(e.enum):e instanceof wf?dg(e._def.innerType):e instanceof pf?[void 0]:e instanceof gf?[null]:null;class x0 extends Ce{_parse(t){const{ctx:n}=this._processInputParams(t);if(n.parsedType!==re.object)return oe(n,{code:ee.invalid_type,expected:re.object,received:n.parsedType}),be;const r=this.discriminator,i=n.data[r],o=this.optionsMap.get(i);return o?n.common.async?o._parseAsync({data:n.data,path:n.path,parent:n}):o._parseSync({data:n.data,path:n.path,parent:n}):(oe(n,{code:ee.invalid_union_discriminator,options:Array.from(this.optionsMap.keys()),path:[r]}),be)}get discriminator(){return this._def.discriminator}get options(){return this._def.options}get optionsMap(){return this._def.optionsMap}static create(t,n,r){const i=new Map;for(const o of n){const s=dg(o.shape[t]);if(!s)throw new Error(`A discriminator value for key \`${t}\` could not be extracted from all schema options`);for(const a of s){if(i.has(a))throw new Error(`Discriminator property ${String(t)} has duplicate value ${String(a)}`);i.set(a,o)}}return new x0({typeName:ye.ZodDiscriminatedUnion,discriminator:t,options:n,optionsMap:i,...we(r)})}}function $_(e,t){const n=ms(e),r=ms(t);if(e===t)return{valid:!0,data:e};if(n===re.object&&r===re.object){const i=Ve.objectKeys(t),o=Ve.objectKeys(e).filter(a=>i.indexOf(a)!==-1),s={...e,...t};for(const a of o){const l=$_(e[a],t[a]);if(!l.valid)return{valid:!1};s[a]=l.data}return{valid:!0,data:s}}else if(n===re.array&&r===re.array){if(e.length!==t.length)return{valid:!1};const i=[];for(let o=0;o{if(D_(o)||D_(s))return be;const a=$_(o.value,s.value);return a.valid?((L_(o)||L_(s))&&n.dirty(),{status:n.value,value:a.data}):(oe(r,{code:ee.invalid_intersection_types}),be)};return r.common.async?Promise.all([this._def.left._parseAsync({data:r.data,path:r.path,parent:r}),this._def.right._parseAsync({data:r.data,path:r.path,parent:r})]).then(([o,s])=>i(o,s)):i(this._def.left._parseSync({data:r.data,path:r.path,parent:r}),this._def.right._parseSync({data:r.data,path:r.path,parent:r}))}}yf.create=(e,t,n)=>new yf({left:e,right:t,typeName:ye.ZodIntersection,...we(n)});class to extends Ce{_parse(t){const{status:n,ctx:r}=this._processInputParams(t);if(r.parsedType!==re.array)return oe(r,{code:ee.invalid_type,expected:re.array,received:r.parsedType}),be;if(r.data.lengththis._def.items.length&&(oe(r,{code:ee.too_big,maximum:this._def.items.length,inclusive:!0,exact:!1,type:"array"}),n.dirty());const o=[...r.data].map((s,a)=>{const l=this._def.items[a]||this._def.rest;return l?l._parse(new eo(r,s,r.path,a)):null}).filter(s=>!!s);return r.common.async?Promise.all(o).then(s=>jn.mergeArray(n,s)):jn.mergeArray(n,o)}get items(){return this._def.items}rest(t){return new to({...this._def,rest:t})}}to.create=(e,t)=>{if(!Array.isArray(e))throw new Error("You must pass an array of schemas to z.tuple([ ... ])");return new to({items:e,typeName:ye.ZodTuple,rest:null,...we(t)})};class vf extends Ce{get keySchema(){return this._def.keyType}get valueSchema(){return this._def.valueType}_parse(t){const{status:n,ctx:r}=this._processInputParams(t);if(r.parsedType!==re.object)return oe(r,{code:ee.invalid_type,expected:re.object,received:r.parsedType}),be;const i=[],o=this._def.keyType,s=this._def.valueType;for(const a in r.data)i.push({key:o._parse(new eo(r,a,r.path,a)),value:s._parse(new eo(r,r.data[a],r.path,a))});return r.common.async?jn.mergeObjectAsync(n,i):jn.mergeObjectSync(n,i)}get element(){return this._def.valueType}static create(t,n,r){return n instanceof Ce?new vf({keyType:t,valueType:n,typeName:ye.ZodRecord,...we(r)}):new vf({keyType:pi.create(),valueType:t,typeName:ye.ZodRecord,...we(n)})}}class _m extends Ce{_parse(t){const{status:n,ctx:r}=this._processInputParams(t);if(r.parsedType!==re.map)return oe(r,{code:ee.invalid_type,expected:re.map,received:r.parsedType}),be;const i=this._def.keyType,o=this._def.valueType,s=[...r.data.entries()].map(([a,l],u)=>({key:i._parse(new eo(r,a,r.path,[u,"key"])),value:o._parse(new eo(r,l,r.path,[u,"value"]))}));if(r.common.async){const a=new Map;return Promise.resolve().then(async()=>{for(const l of s){const u=await l.key,c=await l.value;if(u.status==="aborted"||c.status==="aborted")return be;(u.status==="dirty"||c.status==="dirty")&&n.dirty(),a.set(u.value,c.value)}return{status:n.value,value:a}})}else{const a=new Map;for(const l of s){const u=l.key,c=l.value;if(u.status==="aborted"||c.status==="aborted")return be;(u.status==="dirty"||c.status==="dirty")&&n.dirty(),a.set(u.value,c.value)}return{status:n.value,value:a}}}}_m.create=(e,t,n)=>new _m({valueType:t,keyType:e,typeName:ye.ZodMap,...we(n)});class el extends Ce{_parse(t){const{status:n,ctx:r}=this._processInputParams(t);if(r.parsedType!==re.set)return oe(r,{code:ee.invalid_type,expected:re.set,received:r.parsedType}),be;const i=this._def;i.minSize!==null&&r.data.sizei.maxSize.value&&(oe(r,{code:ee.too_big,maximum:i.maxSize.value,type:"set",inclusive:!0,exact:!1,message:i.maxSize.message}),n.dirty());const o=this._def.valueType;function s(l){const u=new Set;for(const c of l){if(c.status==="aborted")return be;c.status==="dirty"&&n.dirty(),u.add(c.value)}return{status:n.value,value:u}}const a=[...r.data.values()].map((l,u)=>o._parse(new eo(r,l,r.path,u)));return r.common.async?Promise.all(a).then(l=>s(l)):s(a)}min(t,n){return new el({...this._def,minSize:{value:t,message:ge.toString(n)}})}max(t,n){return new el({...this._def,maxSize:{value:t,message:ge.toString(n)}})}size(t,n){return this.min(t,n).max(t,n)}nonempty(t){return this.min(1,t)}}el.create=(e,t)=>new el({valueType:e,minSize:null,maxSize:null,typeName:ye.ZodSet,...we(t)});class Ru extends Ce{constructor(){super(...arguments),this.validate=this.implement}_parse(t){const{ctx:n}=this._processInputParams(t);if(n.parsedType!==re.function)return oe(n,{code:ee.invalid_type,expected:re.function,received:n.parsedType}),be;function r(a,l){return mm({data:a,path:n.path,errorMaps:[n.common.contextualErrorMap,n.schemaErrorMap,gm(),ff].filter(u=>!!u),issueData:{code:ee.invalid_arguments,argumentsError:l}})}function i(a,l){return mm({data:a,path:n.path,errorMaps:[n.common.contextualErrorMap,n.schemaErrorMap,gm(),ff].filter(u=>!!u),issueData:{code:ee.invalid_return_type,returnTypeError:l}})}const o={errorMap:n.common.contextualErrorMap},s=n.data;return this._def.returns instanceof ec?tr(async(...a)=>{const l=new bi([]),u=await this._def.args.parseAsync(a,o).catch(f=>{throw l.addIssue(r(a,f)),l}),c=await s(...u);return await this._def.returns._def.type.parseAsync(c,o).catch(f=>{throw l.addIssue(i(c,f)),l})}):tr((...a)=>{const l=this._def.args.safeParse(a,o);if(!l.success)throw new bi([r(a,l.error)]);const u=s(...l.data),c=this._def.returns.safeParse(u,o);if(!c.success)throw new bi([i(u,c.error)]);return c.data})}parameters(){return this._def.args}returnType(){return this._def.returns}args(...t){return new Ru({...this._def,args:to.create(t).rest(ja.create())})}returns(t){return new Ru({...this._def,returns:t})}implement(t){return this.parse(t)}strictImplement(t){return this.parse(t)}static create(t,n,r){return new Ru({args:t||to.create([]).rest(ja.create()),returns:n||ja.create(),typeName:ye.ZodFunction,...we(r)})}}class bf extends Ce{get schema(){return this._def.getter()}_parse(t){const{ctx:n}=this._processInputParams(t);return this._def.getter()._parse({data:n.data,path:n.path,parent:n})}}bf.create=(e,t)=>new bf({getter:e,typeName:ye.ZodLazy,...we(t)});class Sf extends Ce{_parse(t){if(t.data!==this._def.value){const n=this._getOrReturnCtx(t);return oe(n,{received:n.data,code:ee.invalid_literal,expected:this._def.value}),be}return{status:"valid",value:t.data}}get value(){return this._def.value}}Sf.create=(e,t)=>new Sf({value:e,typeName:ye.ZodLiteral,...we(t)});function _O(e,t){return new Gs({values:e,typeName:ye.ZodEnum,...we(t)})}class Gs extends Ce{_parse(t){if(typeof t.data!="string"){const n=this._getOrReturnCtx(t),r=this._def.values;return oe(n,{expected:Ve.joinValues(r),received:n.parsedType,code:ee.invalid_type}),be}if(this._def.values.indexOf(t.data)===-1){const n=this._getOrReturnCtx(t),r=this._def.values;return oe(n,{received:n.data,code:ee.invalid_enum_value,options:r}),be}return tr(t.data)}get options(){return this._def.values}get enum(){const t={};for(const n of this._def.values)t[n]=n;return t}get Values(){const t={};for(const n of this._def.values)t[n]=n;return t}get Enum(){const t={};for(const n of this._def.values)t[n]=n;return t}extract(t){return Gs.create(t)}exclude(t){return Gs.create(this.options.filter(n=>!t.includes(n)))}}Gs.create=_O;class _f extends Ce{_parse(t){const n=Ve.getValidEnumValues(this._def.values),r=this._getOrReturnCtx(t);if(r.parsedType!==re.string&&r.parsedType!==re.number){const i=Ve.objectValues(n);return oe(r,{expected:Ve.joinValues(i),received:r.parsedType,code:ee.invalid_type}),be}if(n.indexOf(t.data)===-1){const i=Ve.objectValues(n);return oe(r,{received:r.data,code:ee.invalid_enum_value,options:i}),be}return tr(t.data)}get enum(){return this._def.values}}_f.create=(e,t)=>new _f({values:e,typeName:ye.ZodNativeEnum,...we(t)});class ec extends Ce{unwrap(){return this._def.type}_parse(t){const{ctx:n}=this._processInputParams(t);if(n.parsedType!==re.promise&&n.common.async===!1)return oe(n,{code:ee.invalid_type,expected:re.promise,received:n.parsedType}),be;const r=n.parsedType===re.promise?n.data:Promise.resolve(n.data);return tr(r.then(i=>this._def.type.parseAsync(i,{path:n.path,errorMap:n.common.contextualErrorMap})))}}ec.create=(e,t)=>new ec({type:e,typeName:ye.ZodPromise,...we(t)});class Ti extends Ce{innerType(){return this._def.schema}sourceType(){return this._def.schema._def.typeName===ye.ZodEffects?this._def.schema.sourceType():this._def.schema}_parse(t){const{status:n,ctx:r}=this._processInputParams(t),i=this._def.effect||null;if(i.type==="preprocess"){const s=i.transform(r.data);return r.common.async?Promise.resolve(s).then(a=>this._def.schema._parseAsync({data:a,path:r.path,parent:r})):this._def.schema._parseSync({data:s,path:r.path,parent:r})}const o={addIssue:s=>{oe(r,s),s.fatal?n.abort():n.dirty()},get path(){return r.path}};if(o.addIssue=o.addIssue.bind(o),i.type==="refinement"){const s=a=>{const l=i.refinement(a,o);if(r.common.async)return Promise.resolve(l);if(l instanceof Promise)throw new Error("Async refinement encountered during synchronous parse operation. Use .parseAsync instead.");return a};if(r.common.async===!1){const a=this._def.schema._parseSync({data:r.data,path:r.path,parent:r});return a.status==="aborted"?be:(a.status==="dirty"&&n.dirty(),s(a.value),{status:n.value,value:a.value})}else return this._def.schema._parseAsync({data:r.data,path:r.path,parent:r}).then(a=>a.status==="aborted"?be:(a.status==="dirty"&&n.dirty(),s(a.value).then(()=>({status:n.value,value:a.value}))))}if(i.type==="transform")if(r.common.async===!1){const s=this._def.schema._parseSync({data:r.data,path:r.path,parent:r});if(!ym(s))return s;const a=i.transform(s.value,o);if(a instanceof Promise)throw new Error("Asynchronous transform encountered during synchronous parse operation. Use .parseAsync instead.");return{status:n.value,value:a}}else return this._def.schema._parseAsync({data:r.data,path:r.path,parent:r}).then(s=>ym(s)?Promise.resolve(i.transform(s.value,o)).then(a=>({status:n.value,value:a})):s);Ve.assertNever(i)}}Ti.create=(e,t,n)=>new Ti({schema:e,typeName:ye.ZodEffects,effect:t,...we(n)});Ti.createWithPreprocess=(e,t,n)=>new Ti({schema:t,effect:{type:"preprocess",transform:e},typeName:ye.ZodEffects,...we(n)});class Ro extends Ce{_parse(t){return this._getType(t)===re.undefined?tr(void 0):this._def.innerType._parse(t)}unwrap(){return this._def.innerType}}Ro.create=(e,t)=>new Ro({innerType:e,typeName:ye.ZodOptional,...we(t)});class tl extends Ce{_parse(t){return this._getType(t)===re.null?tr(null):this._def.innerType._parse(t)}unwrap(){return this._def.innerType}}tl.create=(e,t)=>new tl({innerType:e,typeName:ye.ZodNullable,...we(t)});class wf extends Ce{_parse(t){const{ctx:n}=this._processInputParams(t);let r=n.data;return n.parsedType===re.undefined&&(r=this._def.defaultValue()),this._def.innerType._parse({data:r,path:n.path,parent:n})}removeDefault(){return this._def.innerType}}wf.create=(e,t)=>new wf({innerType:e,typeName:ye.ZodDefault,defaultValue:typeof t.default=="function"?t.default:()=>t.default,...we(t)});class wm extends Ce{_parse(t){const{ctx:n}=this._processInputParams(t),r={...n,common:{...n.common,issues:[]}},i=this._def.innerType._parse({data:r.data,path:r.path,parent:{...r}});return vm(i)?i.then(o=>({status:"valid",value:o.status==="valid"?o.value:this._def.catchValue({get error(){return new bi(r.common.issues)},input:r.data})})):{status:"valid",value:i.status==="valid"?i.value:this._def.catchValue({get error(){return new bi(r.common.issues)},input:r.data})}}removeCatch(){return this._def.innerType}}wm.create=(e,t)=>new wm({innerType:e,typeName:ye.ZodCatch,catchValue:typeof t.catch=="function"?t.catch:()=>t.catch,...we(t)});class xm extends Ce{_parse(t){if(this._getType(t)!==re.nan){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.nan,received:r.parsedType}),be}return{status:"valid",value:t.data}}}xm.create=e=>new xm({typeName:ye.ZodNaN,...we(e)});const CY=Symbol("zod_brand");class wO extends Ce{_parse(t){const{ctx:n}=this._processInputParams(t),r=n.data;return this._def.type._parse({data:r,path:n.path,parent:n})}unwrap(){return this._def.type}}class mh extends Ce{_parse(t){const{status:n,ctx:r}=this._processInputParams(t);if(r.common.async)return(async()=>{const o=await this._def.in._parseAsync({data:r.data,path:r.path,parent:r});return o.status==="aborted"?be:o.status==="dirty"?(n.dirty(),SO(o.value)):this._def.out._parseAsync({data:o.value,path:r.path,parent:r})})();{const i=this._def.in._parseSync({data:r.data,path:r.path,parent:r});return i.status==="aborted"?be:i.status==="dirty"?(n.dirty(),{status:"dirty",value:i.value}):this._def.out._parseSync({data:i.value,path:r.path,parent:r})}}static create(t,n){return new mh({in:t,out:n,typeName:ye.ZodPipeline})}}const xO=(e,t={},n)=>e?Ju.create().superRefine((r,i)=>{var o,s;if(!e(r)){const a=typeof t=="function"?t(r):typeof t=="string"?{message:t}:t,l=(s=(o=a.fatal)!==null&&o!==void 0?o:n)!==null&&s!==void 0?s:!0,u=typeof a=="string"?{message:a}:a;i.addIssue({code:"custom",...u,fatal:l})}}):Ju.create(),TY={object:Tt.lazycreate};var ye;(function(e){e.ZodString="ZodString",e.ZodNumber="ZodNumber",e.ZodNaN="ZodNaN",e.ZodBigInt="ZodBigInt",e.ZodBoolean="ZodBoolean",e.ZodDate="ZodDate",e.ZodSymbol="ZodSymbol",e.ZodUndefined="ZodUndefined",e.ZodNull="ZodNull",e.ZodAny="ZodAny",e.ZodUnknown="ZodUnknown",e.ZodNever="ZodNever",e.ZodVoid="ZodVoid",e.ZodArray="ZodArray",e.ZodObject="ZodObject",e.ZodUnion="ZodUnion",e.ZodDiscriminatedUnion="ZodDiscriminatedUnion",e.ZodIntersection="ZodIntersection",e.ZodTuple="ZodTuple",e.ZodRecord="ZodRecord",e.ZodMap="ZodMap",e.ZodSet="ZodSet",e.ZodFunction="ZodFunction",e.ZodLazy="ZodLazy",e.ZodLiteral="ZodLiteral",e.ZodEnum="ZodEnum",e.ZodEffects="ZodEffects",e.ZodNativeEnum="ZodNativeEnum",e.ZodOptional="ZodOptional",e.ZodNullable="ZodNullable",e.ZodDefault="ZodDefault",e.ZodCatch="ZodCatch",e.ZodPromise="ZodPromise",e.ZodBranded="ZodBranded",e.ZodPipeline="ZodPipeline"})(ye||(ye={}));const EY=(e,t={message:`Input not instance of ${e.name}`})=>xO(n=>n instanceof e,t),CO=pi.create,TO=zs.create,PY=xm.create,AY=Us.create,EO=hf.create,kY=Ja.create,RY=bm.create,OY=pf.create,MY=gf.create,IY=Ju.create,NY=ja.create,DY=Vo.create,LY=Sm.create,$Y=Si.create,FY=Tt.create,BY=Tt.strictCreate,jY=mf.create,VY=x0.create,zY=yf.create,UY=to.create,GY=vf.create,HY=_m.create,qY=el.create,WY=Ru.create,KY=bf.create,XY=Sf.create,YY=Gs.create,QY=_f.create,ZY=ec.create,K4=Ti.create,JY=Ro.create,eQ=tl.create,tQ=Ti.createWithPreprocess,nQ=mh.create,rQ=()=>CO().optional(),iQ=()=>TO().optional(),oQ=()=>EO().optional(),sQ={string:e=>pi.create({...e,coerce:!0}),number:e=>zs.create({...e,coerce:!0}),boolean:e=>hf.create({...e,coerce:!0}),bigint:e=>Us.create({...e,coerce:!0}),date:e=>Ja.create({...e,coerce:!0})},aQ=be;var _t=Object.freeze({__proto__:null,defaultErrorMap:ff,setErrorMap:dY,getErrorMap:gm,makeIssue:mm,EMPTY_PATH:fY,addIssueToContext:oe,ParseStatus:jn,INVALID:be,DIRTY:SO,OK:tr,isAborted:D_,isDirty:L_,isValid:ym,isAsync:vm,get util(){return Ve},get objectUtil(){return N_},ZodParsedType:re,getParsedType:ms,ZodType:Ce,ZodString:pi,ZodNumber:zs,ZodBigInt:Us,ZodBoolean:hf,ZodDate:Ja,ZodSymbol:bm,ZodUndefined:pf,ZodNull:gf,ZodAny:Ju,ZodUnknown:ja,ZodNever:Vo,ZodVoid:Sm,ZodArray:Si,ZodObject:Tt,ZodUnion:mf,ZodDiscriminatedUnion:x0,ZodIntersection:yf,ZodTuple:to,ZodRecord:vf,ZodMap:_m,ZodSet:el,ZodFunction:Ru,ZodLazy:bf,ZodLiteral:Sf,ZodEnum:Gs,ZodNativeEnum:_f,ZodPromise:ec,ZodEffects:Ti,ZodTransformer:Ti,ZodOptional:Ro,ZodNullable:tl,ZodDefault:wf,ZodCatch:wm,ZodNaN:xm,BRAND:CY,ZodBranded:wO,ZodPipeline:mh,custom:xO,Schema:Ce,ZodSchema:Ce,late:TY,get ZodFirstPartyTypeKind(){return ye},coerce:sQ,any:IY,array:$Y,bigint:AY,boolean:EO,date:kY,discriminatedUnion:VY,effect:K4,enum:YY,function:WY,instanceof:EY,intersection:zY,lazy:KY,literal:XY,map:HY,nan:PY,nativeEnum:QY,never:DY,null:MY,nullable:eQ,number:TO,object:FY,oboolean:oQ,onumber:iQ,optional:JY,ostring:rQ,pipeline:nQ,preprocess:tQ,promise:ZY,record:GY,set:qY,strictObject:BY,string:CO,symbol:RY,transformer:K4,tuple:UY,undefined:OY,union:jY,unknown:NY,void:LY,NEVER:aQ,ZodIssueCode:ee,quotelessJson:cY,ZodError:bi});const lQ=_t.string(),Twe=e=>lQ.safeParse(e).success,uQ=_t.string(),Ewe=e=>uQ.safeParse(e).success,cQ=_t.string(),Pwe=e=>cQ.safeParse(e).success,dQ=_t.string(),Awe=e=>dQ.safeParse(e).success,fQ=_t.number().int().min(1),kwe=e=>fQ.safeParse(e).success,hQ=_t.number().min(1),Rwe=e=>hQ.safeParse(e).success,pQ=_t.enum(["euler","deis","ddim","ddpm","dpmpp_2s","dpmpp_2m","dpmpp_2m_sde","dpmpp_sde","heun","kdpm_2","lms","pndm","unipc","euler_k","dpmpp_2s_k","dpmpp_2m_k","dpmpp_2m_sde_k","dpmpp_sde_k","heun_k","lms_k","euler_a","kdpm_2_a"]),Owe=e=>pQ.safeParse(e).success,Mwe={euler:"Euler",deis:"DEIS",ddim:"DDIM",ddpm:"DDPM",dpmpp_sde:"DPM++ SDE",dpmpp_2s:"DPM++ 2S",dpmpp_2m:"DPM++ 2M",dpmpp_2m_sde:"DPM++ 2M SDE",heun:"Heun",kdpm_2:"KDPM 2",lms:"LMS",pndm:"PNDM",unipc:"UniPC",euler_k:"Euler Karras",dpmpp_sde_k:"DPM++ SDE Karras",dpmpp_2s_k:"DPM++ 2S Karras",dpmpp_2m_k:"DPM++ 2M Karras",dpmpp_2m_sde_k:"DPM++ 2M SDE Karras",heun_k:"Heun Karras",lms_k:"LMS Karras",euler_a:"Euler Ancestral",kdpm_2_a:"KDPM 2 Ancestral"},gQ=_t.number().int().min(0).max(uY),Iwe=e=>gQ.safeParse(e).success,mQ=_t.number().multipleOf(8).min(64),Nwe=e=>mQ.safeParse(e).success,yQ=_t.number().multipleOf(8).min(64),Dwe=e=>yQ.safeParse(e).success,vQ=_t.enum(["vae","lora","onnx","main","controlnet","embedding"]),C0=_t.enum(["sd-1","sd-2","sdxl","sdxl-refiner"]),xf=_t.object({model_name:_t.string().min(1),base_model:C0,model_type:vQ}),Lwe=e=>xf.safeParse(e).success,bQ=_t.object({model_name:_t.string().min(1),base_model:C0}),$we=_t.object({model_name:_t.string().min(1),base_model:C0}),Fwe=_t.object({model_name:_t.string().min(1),base_model:C0}),SQ=_t.number().min(0).max(1),Bwe=e=>SQ.safeParse(e).success;_t.enum(["fp16","fp32"]);const _Q=_t.number().min(1).max(10),jwe=e=>_Q.safeParse(e).success,wQ=_t.number().min(0).max(1),Vwe=e=>wQ.safeParse(e).success,Wo={cfgScale:7.5,height:512,img2imgStrength:.75,infillMethod:"patchmatch",iterations:1,perlin:0,positivePrompt:"",negativePrompt:"",scheduler:"euler",seamBlur:16,seamSize:96,seamSteps:30,seamStrength:.7,seed:0,seedWeights:"",shouldFitToWidthHeight:!0,shouldGenerateVariations:!1,shouldRandomizeSeed:!0,shouldUseNoiseSettings:!1,steps:50,threshold:0,tileSize:32,variationAmount:.1,width:512,shouldUseSymmetry:!1,horizontalSymmetrySteps:0,verticalSymmetrySteps:0,model:null,vae:null,vaePrecision:"fp32",seamlessXAxis:!1,seamlessYAxis:!1,clipSkip:0,shouldUseCpuNoise:!0,shouldShowAdvancedOptions:!1,aspectRatio:null},xQ=Wo,PO=Pt({name:"generation",initialState:xQ,reducers:{setPositivePrompt:(e,t)=>{e.positivePrompt=t.payload},setNegativePrompt:(e,t)=>{e.negativePrompt=t.payload},setIterations:(e,t)=>{e.iterations=t.payload},setSteps:(e,t)=>{e.steps=t.payload},clampSymmetrySteps:e=>{e.horizontalSymmetrySteps=Ss(e.horizontalSymmetrySteps,0,e.steps),e.verticalSymmetrySteps=Ss(e.verticalSymmetrySteps,0,e.steps)},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},toggleSize:e=>{const[t,n]=[e.width,e.height];e.width=n,e.height=t},setScheduler:(e,t)=>{e.scheduler=t.payload},setSeed:(e,t)=>{e.seed=t.payload,e.shouldRandomizeSeed=!1},setImg2imgStrength:(e,t)=>{e.img2imgStrength=t.payload},setSeamlessXAxis:(e,t)=>{e.seamlessXAxis=t.payload},setSeamlessYAxis:(e,t)=>{e.seamlessYAxis=t.payload},setShouldFitToWidthHeight:(e,t)=>{e.shouldFitToWidthHeight=t.payload},resetSeed:e=>{e.seed=-1},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},resetParametersState:e=>({...e,...Wo}),setShouldRandomizeSeed:(e,t)=>{e.shouldRandomizeSeed=t.payload},clearInitialImage:e=>{e.initialImage=void 0},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},setShouldUseSymmetry:(e,t)=>{e.shouldUseSymmetry=t.payload},setHorizontalSymmetrySteps:(e,t)=>{e.horizontalSymmetrySteps=t.payload},setVerticalSymmetrySteps:(e,t)=>{e.verticalSymmetrySteps=t.payload},setShouldUseNoiseSettings:(e,t)=>{e.shouldUseNoiseSettings=t.payload},initialImageChanged:(e,t)=>{const{image_name:n,width:r,height:i}=t.payload;e.initialImage={imageName:n,width:r,height:i}},modelChanged:(e,t)=>{if(e.model=t.payload,e.model===null)return;const{maxClip:n}=lY[e.model.base_model];e.clipSkip=Ss(e.clipSkip,0,n)},vaeSelected:(e,t)=>{e.vae=t.payload},vaePrecisionChanged:(e,t)=>{e.vaePrecision=t.payload},setClipSkip:(e,t)=>{e.clipSkip=t.payload},shouldUseCpuNoiseChanged:(e,t)=>{e.shouldUseCpuNoise=t.payload},setShouldShowAdvancedOptions:(e,t)=>{e.shouldShowAdvancedOptions=t.payload,t.payload||(e.clipSkip=0)},setAspectRatio:(e,t)=>{const n=t.payload;e.aspectRatio=n,n&&(e.height=Ui(e.width/n,8))}},extraReducers:e=>{e.addCase(sY,(t,n)=>{var i;const r=(i=n.payload.sd)==null?void 0:i.defaultModel;if(r&&!t.model){const[o,s,a]=r.split("/"),l=xf.safeParse({model_name:a,base_model:o,model_type:s});l.success&&(t.model=l.data)}}),e.addCase(TQ,(t,n)=>{n.payload||(t.clipSkip=0)})}}),{clampSymmetrySteps:zwe,clearInitialImage:AO,resetParametersState:Uwe,resetSeed:Gwe,setCfgScale:Hwe,setWidth:qwe,setHeight:Wwe,toggleSize:Kwe,setImg2imgStrength:Xwe,setInfillMethod:CQ,setIterations:Ywe,setPerlin:Qwe,setPositivePrompt:Zwe,setNegativePrompt:Jwe,setScheduler:exe,setSeamBlur:txe,setSeamSize:nxe,setSeamSteps:rxe,setSeamStrength:ixe,setSeed:oxe,setSeedWeights:sxe,setShouldFitToWidthHeight:axe,setShouldGenerateVariations:lxe,setShouldRandomizeSeed:uxe,setSteps:cxe,setThreshold:dxe,setTileSize:fxe,setVariationAmount:hxe,setShouldUseSymmetry:pxe,setHorizontalSymmetrySteps:gxe,setVerticalSymmetrySteps:mxe,initialImageChanged:T0,modelChanged:Va,vaeSelected:kO,setShouldUseNoiseSettings:yxe,setSeamlessXAxis:vxe,setSeamlessYAxis:bxe,setClipSkip:Sxe,shouldUseCpuNoiseChanged:_xe,setShouldShowAdvancedOptions:TQ,setAspectRatio:EQ,vaePrecisionChanged:wxe}=PO.actions,PQ=PO.reducer,RO=["txt2img","img2img","unifiedCanvas","nodes","modelManager","batch"],X4=(e,t)=>{typeof t=="number"?e.activeTab=t:e.activeTab=RO.indexOf(t)},OO={activeTab:0,shouldPinParametersPanel:!0,shouldShowParametersPanel:!0,shouldShowImageDetails:!1,shouldUseCanvasBetaLayout:!1,shouldShowExistingModelsInSearch:!1,shouldUseSliders:!1,shouldPinGallery:!0,shouldShowGallery:!0,shouldHidePreview:!1,shouldShowProgressInViewer:!0,shouldShowEmbeddingPicker:!1,favoriteSchedulers:[]},MO=Pt({name:"ui",initialState:OO,reducers:{setActiveTab:(e,t)=>{X4(e,t.payload)},setShouldPinParametersPanel:(e,t)=>{e.shouldPinParametersPanel=t.payload,e.shouldShowParametersPanel=!0},setShouldShowParametersPanel:(e,t)=>{e.shouldShowParametersPanel=t.payload},setShouldShowImageDetails:(e,t)=>{e.shouldShowImageDetails=t.payload},setShouldUseCanvasBetaLayout:(e,t)=>{e.shouldUseCanvasBetaLayout=t.payload},setShouldHidePreview:(e,t)=>{e.shouldHidePreview=t.payload},setShouldShowExistingModelsInSearch:(e,t)=>{e.shouldShowExistingModelsInSearch=t.payload},setShouldUseSliders:(e,t)=>{e.shouldUseSliders=t.payload},setShouldShowGallery:(e,t)=>{e.shouldShowGallery=t.payload},togglePinGalleryPanel:e=>{e.shouldPinGallery=!e.shouldPinGallery,e.shouldPinGallery||(e.shouldShowGallery=!0)},togglePinParametersPanel:e=>{e.shouldPinParametersPanel=!e.shouldPinParametersPanel,e.shouldPinParametersPanel||(e.shouldShowParametersPanel=!0)},toggleParametersPanel:e=>{e.shouldShowParametersPanel=!e.shouldShowParametersPanel},toggleGalleryPanel:e=>{e.shouldShowGallery=!e.shouldShowGallery},togglePanels:e=>{e.shouldShowGallery||e.shouldShowParametersPanel?(e.shouldShowGallery=!1,e.shouldShowParametersPanel=!1):(e.shouldShowGallery=!0,e.shouldShowParametersPanel=!0)},setShouldShowProgressInViewer:(e,t)=>{e.shouldShowProgressInViewer=t.payload},favoriteSchedulersChanged:(e,t)=>{e.favoriteSchedulers=t.payload},toggleEmbeddingPicker:e=>{e.shouldShowEmbeddingPicker=!e.shouldShowEmbeddingPicker}},extraReducers(e){e.addCase(T0,t=>{X4(t,"img2img")})}}),{setActiveTab:IO,setShouldPinParametersPanel:xxe,setShouldShowParametersPanel:Cxe,setShouldShowImageDetails:Txe,setShouldUseCanvasBetaLayout:AQ,setShouldShowExistingModelsInSearch:Exe,setShouldUseSliders:Pxe,setShouldHidePreview:Axe,setShouldShowGallery:kxe,togglePanels:Rxe,togglePinGalleryPanel:Oxe,togglePinParametersPanel:Mxe,toggleParametersPanel:Ixe,toggleGalleryPanel:Nxe,setShouldShowProgressInViewer:Dxe,favoriteSchedulersChanged:Lxe,toggleEmbeddingPicker:$xe}=MO.actions,kQ=MO.reducer;let Wn=[],E0=(e,t)=>{let n=[],r={get(){return r.lc||r.listen(()=>{})(),r.value},l:t||0,lc:0,listen(i,o){return r.lc=n.push(i,o||r.l)/2,()=>{let s=n.indexOf(i);~s&&(n.splice(s,2),r.lc--,r.lc||r.off())}},notify(i){let o=!Wn.length;for(let s=0;s(e.events=e.events||{},e.events[n+mp]||(e.events[n+mp]=r(i=>{e.events[n].reduceRight((o,s)=>(s(o),o),{shared:{},...i})})),e.events[n]=e.events[n]||[],e.events[n].push(t),()=>{let i=e.events[n],o=i.indexOf(t);i.splice(o,1),i.length||(delete e.events[n],e.events[n+mp](),delete e.events[n+mp])}),MQ=1e3,IQ=(e,t)=>OQ(e,r=>{let i=t(r);i&&e.events[gp].push(i)},RQ,r=>{let i=e.listen;e.listen=(...s)=>(!e.lc&&!e.active&&(e.active=!0,r()),i(...s));let o=e.off;return e.events[gp]=[],e.off=()=>{o(),setTimeout(()=>{if(e.active&&!e.lc){e.active=!1;for(let s of e.events[gp])s();e.events[gp]=[]}},MQ)},()=>{e.listen=i,e.off=o}}),NQ=(e,t)=>{Array.isArray(e)||(e=[e]);let n,r=()=>{let o=e.map(s=>s.get());(n===void 0||o.some((s,a)=>s!==n[a]))&&(n=o,i.set(t(...o)))},i=E0(void 0,Math.max(...e.map(o=>o.l))+1);return IQ(i,()=>{let o=e.map(s=>s.listen(r,i.l));return r(),()=>{for(let s of o)s()}}),i};const DQ={"Content-Type":"application/json"},LQ=/\/*$/;function $Q(e){const t=new URLSearchParams;if(e&&typeof e=="object")for(const[n,r]of Object.entries(e))r!=null&&t.set(n,r);return t.toString()}function FQ(e){return JSON.stringify(e)}function BQ(e,t){let n=`${t.baseUrl?t.baseUrl.replace(LQ,""):""}${e}`;if(t.params.path)for(const[r,i]of Object.entries(t.params.path))n=n.replace(`{${r}}`,encodeURIComponent(String(i)));if(t.params.query){const r=t.querySerializer(t.params.query);r&&(n+=`?${r}`)}return n}function jQ(e={}){const{fetch:t=globalThis.fetch,querySerializer:n,bodySerializer:r,...i}=e,o=new Headers({...DQ,...i.headers??{}});async function s(a,l){const{headers:u,body:c,params:d={},parseAs:f="json",querySerializer:h=n??$Q,bodySerializer:p=r??FQ,...m}=l||{},S=BQ(a,{baseUrl:i.baseUrl,params:d,querySerializer:h}),y=new Headers(o),v=new Headers(u);for(const[w,x]of v.entries())x==null?y.delete(w):y.set(w,x);const g={redirect:"follow",...i,...m,headers:y};c&&(g.body=p(c)),g.body instanceof FormData&&y.delete("Content-Type");const b=await t(S,g);if(b.status===204||b.headers.get("Content-Length")==="0")return b.ok?{data:{},response:b}:{error:{},response:b};if(b.ok){let w=b.body;if(f!=="stream"){const x=b.clone();w=typeof x[f]=="function"?await x[f]():await x.text()}return{data:w,response:b}}let _={};try{_=await b.clone().json()}catch{_=await b.clone().text()}return{error:_,response:b}}return{async get(a,l){return s(a,{...l,method:"GET"})},async put(a,l){return s(a,{...l,method:"PUT"})},async post(a,l){return s(a,{...l,method:"POST"})},async del(a,l){return s(a,{...l,method:"DELETE"})},async options(a,l){return s(a,{...l,method:"OPTIONS"})},async head(a,l){return s(a,{...l,method:"HEAD"})},async patch(a,l){return s(a,{...l,method:"PATCH"})},async trace(a,l){return s(a,{...l,method:"TRACE"})}}}const Cf=E0(),Tf=E0(),P0=NQ([Cf,Tf],(e,t)=>jQ({headers:e?{Authorization:`Bearer ${e}`}:{},baseUrl:`${t??""}`})),Rn=Vs("api/sessionCreated",async(e,{rejectWithValue:t})=>{const{graph:n}=e,{post:r}=P0.get(),{data:i,error:o,response:s}=await r("/api/v1/sessions/",{body:n});return o?t({arg:e,status:s.status,error:o}):i}),VQ=e=>vr(e)&&"status"in e,yh=Vs("api/sessionInvoked",async(e,{rejectWithValue:t})=>{const{session_id:n}=e,{put:r}=P0.get(),{data:i,error:o,response:s}=await r("/api/v1/sessions/{session_id}/invoke",{params:{query:{all:!0},path:{session_id:n}}});if(o)return VQ(o)&&o.status===403?t({arg:e,status:s.status,error:o.body.detail}):t({arg:e,status:s.status,error:o})}),hl=Vs("api/sessionCanceled",async(e,{rejectWithValue:t})=>{const{session_id:n}=e,{del:r}=P0.get(),{data:i,error:o,response:s}=await r("/api/v1/sessions/{session_id}/invoke",{params:{path:{session_id:n}}});return o?t({arg:e,error:o}):i});Vs("api/listSessions",async(e,{rejectWithValue:t})=>{const{params:n}=e,{get:r}=P0.get(),{data:i,error:o,response:s}=await r("/api/v1/sessions/",{params:n});return o?t({arg:e,error:o}):i});const NO=ei(Rn.rejected,yh.rejected),Il=(e,t,n,r,i,o,s)=>{const a=Math.floor(e/2-(n+i/2)*s),l=Math.floor(t/2-(r+o/2)*s);return{x:a,y:l}},Nl=(e,t,n,r,i=.95)=>{const o=e*i/n,s=t*i/r;return Math.min(1,Math.min(o,s))},Fxe=.999,Bxe=.1,jxe=20,zc=.95,Vxe=30,zxe=10,Y4=e=>({x:Math.floor(e.x),y:Math.floor(e.y)}),ga=e=>{const{width:t,height:n}=e,r={width:t,height:n},i=512*512,o=t/n;let s=t*n,a=448;for(;s1?(r.width=a,r.height=Ui(a/o,64)):o<1&&(r.height=a,r.width=Ui(a*o,64)),s=r.width*r.height;return r},zQ=e=>({width:Ui(e.width,64),height:Ui(e.height,64)}),Uxe=[{label:"Base",value:"base"},{label:"Mask",value:"mask"}],Gxe=[{label:"Auto",value:"auto"},{label:"Manual",value:"manual"},{label:"None",value:"none"}],DO=e=>e.kind==="line"&&e.layer==="mask",Hxe=e=>e.kind==="line"&&e.layer==="base",Q4=e=>e.kind==="image"&&e.layer==="base",qxe=e=>e.kind==="fillRect"&&e.layer==="base",Wxe=e=>e.kind==="eraseRect"&&e.layer==="base",UQ=e=>e.kind==="line",Xl={objects:[],stagingArea:{images:[],selectedImageIndex:-1}},LO={boundingBoxCoordinates:{x:0,y:0},boundingBoxDimensions:{width:512,height:512},boundingBoxPreviewFill:{r:0,g:0,b:0,a:.5},boundingBoxScaleMethod:"auto",brushColor:{r:90,g:90,b:255,a:1},brushSize:50,canvasContainerDimensions:{width:0,height:0},colorPickerColor:{r:90,g:90,b:255,a:1},cursorPosition:null,doesCanvasNeedScaling:!1,futureLayerStates:[],isCanvasInitialized:!1,isDrawing:!1,isMaskEnabled:!0,isMouseOverBoundingBox:!1,isMoveBoundingBoxKeyHeld:!1,isMoveStageKeyHeld:!1,isMovingBoundingBox:!1,isMovingStage:!1,isTransformingBoundingBox:!1,layer:"base",layerState:Xl,maskColor:{r:255,g:90,b:90,a:1},maxHistory:128,minimumStageScale:1,pastLayerStates:[],scaledBoundingBoxDimensions:{width:512,height:512},shouldAntialias:!0,shouldAutoSave:!1,shouldCropToBoundingBoxOnSave:!1,shouldDarkenOutsideBoundingBox:!1,shouldLockBoundingBox:!1,shouldPreserveMaskedArea:!1,shouldRestrictStrokesToBox:!0,shouldShowBoundingBox:!0,shouldShowBrush:!0,shouldShowBrushPreview:!1,shouldShowCanvasDebugInfo:!1,shouldShowCheckboardTransparency:!1,shouldShowGrid:!0,shouldShowIntermediates:!0,shouldShowStagingImage:!0,shouldShowStagingOutline:!0,shouldSnapToGrid:!0,stageCoordinates:{x:0,y:0},stageDimensions:{width:0,height:0},stageScale:1,tool:"brush"},$O=Pt({name:"canvas",initialState:LO,reducers:{setTool:(e,t)=>{const n=t.payload;e.tool=t.payload,n!=="move"&&(e.isTransformingBoundingBox=!1,e.isMouseOverBoundingBox=!1,e.isMovingBoundingBox=!1,e.isMovingStage=!1)},setLayer:(e,t)=>{e.layer=t.payload},toggleTool:e=>{const t=e.tool;t!=="move"&&(e.tool=t==="brush"?"eraser":"brush")},setMaskColor:(e,t)=>{e.maskColor=t.payload},setBrushColor:(e,t)=>{e.brushColor=t.payload},setBrushSize:(e,t)=>{e.brushSize=t.payload},clearMask:e=>{e.pastLayerStates.push(Ln(e.layerState)),e.layerState.objects=e.layerState.objects.filter(t=>!DO(t)),e.futureLayerStates=[],e.shouldPreserveMaskedArea=!1},toggleShouldInvertMask:e=>{e.shouldPreserveMaskedArea=!e.shouldPreserveMaskedArea},toggleShouldShowMask:e=>{e.isMaskEnabled=!e.isMaskEnabled},setShouldPreserveMaskedArea:(e,t)=>{e.shouldPreserveMaskedArea=t.payload},setIsMaskEnabled:(e,t)=>{e.isMaskEnabled=t.payload,e.layer=t.payload?"mask":"base"},setShouldShowCheckboardTransparency:(e,t)=>{e.shouldShowCheckboardTransparency=t.payload},setShouldShowBrushPreview:(e,t)=>{e.shouldShowBrushPreview=t.payload},setShouldShowBrush:(e,t)=>{e.shouldShowBrush=t.payload},setCursorPosition:(e,t)=>{e.cursorPosition=t.payload},setInitialCanvasImage:(e,t)=>{const n=t.payload,{width:r,height:i}=n,{stageDimensions:o}=e,s={width:hp(Ss(r,64,512),64),height:hp(Ss(i,64,512),64)},a={x:Ui(r/2-s.width/2,64),y:Ui(i/2-s.height/2,64)};if(e.boundingBoxScaleMethod==="auto"){const c=ga(s);e.scaledBoundingBoxDimensions=c}e.boundingBoxDimensions=s,e.boundingBoxCoordinates=a,e.pastLayerStates.push(Ln(e.layerState)),e.layerState={...Xl,objects:[{kind:"image",layer:"base",x:0,y:0,width:r,height:i,imageName:n.image_name}]},e.futureLayerStates=[],e.isCanvasInitialized=!1;const l=Nl(o.width,o.height,r,i,zc),u=Il(o.width,o.height,0,0,r,i,l);e.stageScale=l,e.stageCoordinates=u,e.doesCanvasNeedScaling=!0},setBoundingBoxDimensions:(e,t)=>{const n=zQ(t.payload);if(e.boundingBoxDimensions=n,e.boundingBoxScaleMethod==="auto"){const r=ga(n);e.scaledBoundingBoxDimensions=r}},flipBoundingBoxAxes:e=>{const[t,n]=[e.boundingBoxDimensions.width,e.boundingBoxDimensions.height];e.boundingBoxDimensions={width:n,height:t}},setBoundingBoxCoordinates:(e,t)=>{e.boundingBoxCoordinates=Y4(t.payload)},setStageCoordinates:(e,t)=>{e.stageCoordinates=t.payload},setBoundingBoxPreviewFill:(e,t)=>{e.boundingBoxPreviewFill=t.payload},setDoesCanvasNeedScaling:(e,t)=>{e.doesCanvasNeedScaling=t.payload},setStageScale:(e,t)=>{e.stageScale=t.payload},setShouldDarkenOutsideBoundingBox:(e,t)=>{e.shouldDarkenOutsideBoundingBox=t.payload},setIsDrawing:(e,t)=>{e.isDrawing=t.payload},clearCanvasHistory:e=>{e.pastLayerStates=[],e.futureLayerStates=[]},setShouldLockBoundingBox:(e,t)=>{e.shouldLockBoundingBox=t.payload},toggleShouldLockBoundingBox:e=>{e.shouldLockBoundingBox=!e.shouldLockBoundingBox},setShouldShowBoundingBox:(e,t)=>{e.shouldShowBoundingBox=t.payload},setIsTransformingBoundingBox:(e,t)=>{e.isTransformingBoundingBox=t.payload},setIsMovingBoundingBox:(e,t)=>{e.isMovingBoundingBox=t.payload},setIsMouseOverBoundingBox:(e,t)=>{e.isMouseOverBoundingBox=t.payload},setIsMoveBoundingBoxKeyHeld:(e,t)=>{e.isMoveBoundingBoxKeyHeld=t.payload},setIsMoveStageKeyHeld:(e,t)=>{e.isMoveStageKeyHeld=t.payload},canvasSessionIdChanged:(e,t)=>{e.layerState.stagingArea.sessionId=t.payload},stagingAreaInitialized:(e,t)=>{const{sessionId:n,boundingBox:r}=t.payload;e.layerState.stagingArea={boundingBox:r,sessionId:n,images:[],selectedImageIndex:-1}},addImageToStagingArea:(e,t)=>{const n=t.payload;!n||!e.layerState.stagingArea.boundingBox||(e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState.stagingArea.images.push({kind:"image",layer:"base",...e.layerState.stagingArea.boundingBox,imageName:n.image_name}),e.layerState.stagingArea.selectedImageIndex=e.layerState.stagingArea.images.length-1,e.futureLayerStates=[])},discardStagedImages:e=>{e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState.stagingArea={...Xl.stagingArea},e.futureLayerStates=[],e.shouldShowStagingOutline=!0,e.shouldShowStagingOutline=!0},addFillRect:e=>{const{boundingBoxCoordinates:t,boundingBoxDimensions:n,brushColor:r}=e;e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState.objects.push({kind:"fillRect",layer:"base",...t,...n,color:r}),e.futureLayerStates=[]},addEraseRect:e=>{const{boundingBoxCoordinates:t,boundingBoxDimensions:n}=e;e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState.objects.push({kind:"eraseRect",layer:"base",...t,...n}),e.futureLayerStates=[]},addLine:(e,t)=>{const{tool:n,layer:r,brushColor:i,brushSize:o,shouldRestrictStrokesToBox:s}=e;if(n==="move"||n==="colorPicker")return;const a=o/2,l=r==="base"&&n==="brush"?{color:i}:{};e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift();const u={kind:"line",layer:r,tool:n,strokeWidth:a,points:t.payload,...l};s&&(u.clip={...e.boundingBoxCoordinates,...e.boundingBoxDimensions}),e.layerState.objects.push(u),e.futureLayerStates=[]},addPointToCurrentLine:(e,t)=>{const n=e.layerState.objects.findLast(UQ);n&&n.points.push(...t.payload)},undo:e=>{const t=e.pastLayerStates.pop();t&&(e.futureLayerStates.unshift(Ln(e.layerState)),e.futureLayerStates.length>e.maxHistory&&e.futureLayerStates.pop(),e.layerState=t)},redo:e=>{const t=e.futureLayerStates.shift();t&&(e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState=t)},setShouldShowGrid:(e,t)=>{e.shouldShowGrid=t.payload},setIsMovingStage:(e,t)=>{e.isMovingStage=t.payload},setShouldSnapToGrid:(e,t)=>{e.shouldSnapToGrid=t.payload},setShouldAutoSave:(e,t)=>{e.shouldAutoSave=t.payload},setShouldShowIntermediates:(e,t)=>{e.shouldShowIntermediates=t.payload},resetCanvas:e=>{e.pastLayerStates.push(Ln(e.layerState)),e.layerState=Xl,e.futureLayerStates=[]},setCanvasContainerDimensions:(e,t)=>{e.canvasContainerDimensions=t.payload},resizeAndScaleCanvas:e=>{const{width:t,height:n}=e.canvasContainerDimensions,r=e.layerState.objects.find(Q4),i={width:Math.floor(t),height:Math.floor(n)};if(!r){const c=Nl(i.width,i.height,512,512,zc),d=Il(i.width,i.height,0,0,512,512,c),f={width:512,height:512};if(e.stageScale=c,e.stageCoordinates=d,e.stageDimensions=i,e.boundingBoxCoordinates={x:0,y:0},e.boundingBoxDimensions=f,e.boundingBoxScaleMethod==="auto"){const h=ga(f);e.scaledBoundingBoxDimensions=h}return}const{width:o,height:s}=r,l=Nl(t,n,o,s,.95),u=Il(i.width,i.height,0,0,o,s,l);e.minimumStageScale=l,e.stageScale=l,e.stageCoordinates=Y4(u),e.stageDimensions=i,e.isCanvasInitialized=!0},resizeCanvas:e=>{const{width:t,height:n}=e.canvasContainerDimensions,r={width:Math.floor(t),height:Math.floor(n)};if(e.stageDimensions=r,!e.layerState.objects.find(Q4)){const i=Nl(r.width,r.height,512,512,zc),o=Il(r.width,r.height,0,0,512,512,i),s={width:512,height:512};if(e.stageScale=i,e.stageCoordinates=o,e.boundingBoxCoordinates={x:0,y:0},e.boundingBoxDimensions=s,e.boundingBoxScaleMethod==="auto"){const a=ga(s);e.scaledBoundingBoxDimensions=a}}},resetCanvasView:(e,t)=>{const{contentRect:n,shouldScaleTo1:r}=t.payload,{stageDimensions:{width:i,height:o}}=e,{x:s,y:a,width:l,height:u}=n;if(l!==0&&u!==0){const c=r?1:Nl(i,o,l,u,zc),d=Il(i,o,s,a,l,u,c);e.stageScale=c,e.stageCoordinates=d}else{const c=Nl(i,o,512,512,zc),d=Il(i,o,0,0,512,512,c),f={width:512,height:512};if(e.stageScale=c,e.stageCoordinates=d,e.boundingBoxCoordinates={x:0,y:0},e.boundingBoxDimensions=f,e.boundingBoxScaleMethod==="auto"){const h=ga(f);e.scaledBoundingBoxDimensions=h}}},nextStagingAreaImage:e=>{if(!e.layerState.stagingArea.images.length)return;const t=e.layerState.stagingArea.selectedImageIndex,n=e.layerState.stagingArea.images.length;e.layerState.stagingArea.selectedImageIndex=Math.min(t+1,n-1)},prevStagingAreaImage:e=>{if(!e.layerState.stagingArea.images.length)return;const t=e.layerState.stagingArea.selectedImageIndex;e.layerState.stagingArea.selectedImageIndex=Math.max(t-1,0)},commitStagingAreaImage:(e,t)=>{if(!e.layerState.stagingArea.images.length)return;const{images:n,selectedImageIndex:r}=e.layerState.stagingArea;e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState.objects.push({...n[r]}),e.layerState.stagingArea={...Xl.stagingArea},e.futureLayerStates=[],e.shouldShowStagingOutline=!0,e.shouldShowStagingImage=!0},fitBoundingBoxToStage:e=>{const{boundingBoxDimensions:t,boundingBoxCoordinates:n,stageDimensions:r,stageScale:i}=e,o=r.width/i,s=r.height/i;if(n.x<0||n.x+t.width>o||n.y<0||n.y+t.height>s){const a={width:hp(Ss(o,64,512),64),height:hp(Ss(s,64,512),64)},l={x:Ui(o/2-a.width/2,64),y:Ui(s/2-a.height/2,64)};if(e.boundingBoxDimensions=a,e.boundingBoxCoordinates=l,e.boundingBoxScaleMethod==="auto"){const u=ga(a);e.scaledBoundingBoxDimensions=u}}},setBoundingBoxScaleMethod:(e,t)=>{if(e.boundingBoxScaleMethod=t.payload,t.payload==="auto"){const n=ga(e.boundingBoxDimensions);e.scaledBoundingBoxDimensions=n}},setScaledBoundingBoxDimensions:(e,t)=>{e.scaledBoundingBoxDimensions=t.payload},setShouldShowStagingImage:(e,t)=>{e.shouldShowStagingImage=t.payload},setShouldShowStagingOutline:(e,t)=>{e.shouldShowStagingOutline=t.payload},setShouldShowCanvasDebugInfo:(e,t)=>{e.shouldShowCanvasDebugInfo=t.payload},setShouldRestrictStrokesToBox:(e,t)=>{e.shouldRestrictStrokesToBox=t.payload},setShouldAntialias:(e,t)=>{e.shouldAntialias=t.payload},setShouldCropToBoundingBoxOnSave:(e,t)=>{e.shouldCropToBoundingBoxOnSave=t.payload},setColorPickerColor:(e,t)=>{e.colorPickerColor=t.payload},commitColorPickerColor:e=>{e.brushColor={...e.colorPickerColor,a:e.brushColor.a},e.tool="brush"},setMergedCanvas:(e,t)=>{e.pastLayerStates.push(Ln(e.layerState)),e.futureLayerStates=[],e.layerState.objects=[t.payload]},resetCanvasInteractionState:e=>{e.cursorPosition=null,e.isDrawing=!1,e.isMouseOverBoundingBox=!1,e.isMoveBoundingBoxKeyHeld=!1,e.isMoveStageKeyHeld=!1,e.isMovingBoundingBox=!1,e.isMovingStage=!1,e.isTransformingBoundingBox=!1},mouseLeftCanvas:e=>{e.cursorPosition=null,e.isDrawing=!1,e.isMouseOverBoundingBox=!1,e.isMovingBoundingBox=!1,e.isTransformingBoundingBox=!1}},extraReducers:e=>{e.addCase(hl.pending,t=>{t.layerState.stagingArea.images.length||(t.layerState.stagingArea=Xl.stagingArea)}),e.addCase(AQ,t=>{t.doesCanvasNeedScaling=!0}),e.addCase(IO,t=>{t.doesCanvasNeedScaling=!0}),e.addCase(EQ,(t,n)=>{const r=n.payload;r&&(t.boundingBoxDimensions.height=Ui(t.boundingBoxDimensions.width/r,64))})}}),{addEraseRect:Kxe,addFillRect:Xxe,addImageToStagingArea:GQ,addLine:Yxe,addPointToCurrentLine:Qxe,clearCanvasHistory:Zxe,clearMask:Jxe,commitColorPickerColor:eCe,commitStagingAreaImage:HQ,discardStagedImages:tCe,fitBoundingBoxToStage:nCe,mouseLeftCanvas:rCe,nextStagingAreaImage:iCe,prevStagingAreaImage:oCe,redo:sCe,resetCanvas:FO,resetCanvasInteractionState:aCe,resetCanvasView:lCe,resizeAndScaleCanvas:uCe,resizeCanvas:cCe,setBoundingBoxCoordinates:dCe,setBoundingBoxDimensions:fCe,setBoundingBoxPreviewFill:hCe,setBoundingBoxScaleMethod:pCe,flipBoundingBoxAxes:gCe,setBrushColor:mCe,setBrushSize:yCe,setCanvasContainerDimensions:vCe,setColorPickerColor:bCe,setCursorPosition:SCe,setDoesCanvasNeedScaling:_Ce,setInitialCanvasImage:BO,setIsDrawing:wCe,setIsMaskEnabled:xCe,setIsMouseOverBoundingBox:CCe,setIsMoveBoundingBoxKeyHeld:TCe,setIsMoveStageKeyHeld:ECe,setIsMovingBoundingBox:PCe,setIsMovingStage:ACe,setIsTransformingBoundingBox:kCe,setLayer:RCe,setMaskColor:OCe,setMergedCanvas:qQ,setShouldAutoSave:MCe,setShouldCropToBoundingBoxOnSave:ICe,setShouldDarkenOutsideBoundingBox:NCe,setShouldLockBoundingBox:DCe,setShouldPreserveMaskedArea:LCe,setShouldShowBoundingBox:$Ce,setShouldShowBrush:FCe,setShouldShowBrushPreview:BCe,setShouldShowCanvasDebugInfo:jCe,setShouldShowCheckboardTransparency:VCe,setShouldShowGrid:zCe,setShouldShowIntermediates:UCe,setShouldShowStagingImage:GCe,setShouldShowStagingOutline:HCe,setShouldSnapToGrid:qCe,setStageCoordinates:WCe,setStageScale:KCe,setTool:XCe,toggleShouldLockBoundingBox:YCe,toggleTool:QCe,undo:ZCe,setScaledBoundingBoxDimensions:JCe,setShouldRestrictStrokesToBox:e3e,stagingAreaInitialized:WQ,canvasSessionIdChanged:KQ,setShouldAntialias:t3e}=$O.actions,XQ=$O.reducer,YQ=(e,t)=>{const n=new Date(e),r=new Date(t);return n>r?1:ne==null,rZ=e=>encodeURIComponent(e).replace(/[!'()*]/g,t=>`%${t.charCodeAt(0).toString(16).toUpperCase()}`),B_=Symbol("encodeFragmentIdentifier");function iZ(e){switch(e.arrayFormat){case"index":return t=>(n,r)=>{const i=n.length;return r===void 0||e.skipNull&&r===null||e.skipEmptyString&&r===""?n:r===null?[...n,[Ht(t,e),"[",i,"]"].join("")]:[...n,[Ht(t,e),"[",Ht(i,e),"]=",Ht(r,e)].join("")]};case"bracket":return t=>(n,r)=>r===void 0||e.skipNull&&r===null||e.skipEmptyString&&r===""?n:r===null?[...n,[Ht(t,e),"[]"].join("")]:[...n,[Ht(t,e),"[]=",Ht(r,e)].join("")];case"colon-list-separator":return t=>(n,r)=>r===void 0||e.skipNull&&r===null||e.skipEmptyString&&r===""?n:r===null?[...n,[Ht(t,e),":list="].join("")]:[...n,[Ht(t,e),":list=",Ht(r,e)].join("")];case"comma":case"separator":case"bracket-separator":{const t=e.arrayFormat==="bracket-separator"?"[]=":"=";return n=>(r,i)=>i===void 0||e.skipNull&&i===null||e.skipEmptyString&&i===""?r:(i=i===null?"":i,r.length===0?[[Ht(n,e),t,Ht(i,e)].join("")]:[[r,Ht(i,e)].join(e.arrayFormatSeparator)])}default:return t=>(n,r)=>r===void 0||e.skipNull&&r===null||e.skipEmptyString&&r===""?n:r===null?[...n,Ht(t,e)]:[...n,[Ht(t,e),"=",Ht(r,e)].join("")]}}function oZ(e){let t;switch(e.arrayFormat){case"index":return(n,r,i)=>{if(t=/\[(\d*)]$/.exec(n),n=n.replace(/\[\d*]$/,""),!t){i[n]=r;return}i[n]===void 0&&(i[n]={}),i[n][t[1]]=r};case"bracket":return(n,r,i)=>{if(t=/(\[])$/.exec(n),n=n.replace(/\[]$/,""),!t){i[n]=r;return}if(i[n]===void 0){i[n]=[r];return}i[n]=[...i[n],r]};case"colon-list-separator":return(n,r,i)=>{if(t=/(:list)$/.exec(n),n=n.replace(/:list$/,""),!t){i[n]=r;return}if(i[n]===void 0){i[n]=[r];return}i[n]=[...i[n],r]};case"comma":case"separator":return(n,r,i)=>{const o=typeof r=="string"&&r.includes(e.arrayFormatSeparator),s=typeof r=="string"&&!o&&wo(r,e).includes(e.arrayFormatSeparator);r=s?wo(r,e):r;const a=o||s?r.split(e.arrayFormatSeparator).map(l=>wo(l,e)):r===null?r:wo(r,e);i[n]=a};case"bracket-separator":return(n,r,i)=>{const o=/(\[])$/.test(n);if(n=n.replace(/\[]$/,""),!o){i[n]=r&&wo(r,e);return}const s=r===null?[]:r.split(e.arrayFormatSeparator).map(a=>wo(a,e));if(i[n]===void 0){i[n]=s;return}i[n]=[...i[n],...s]};default:return(n,r,i)=>{if(i[n]===void 0){i[n]=r;return}i[n]=[...[i[n]].flat(),r]}}}function zO(e){if(typeof e!="string"||e.length!==1)throw new TypeError("arrayFormatSeparator must be single character string")}function Ht(e,t){return t.encode?t.strict?rZ(e):encodeURIComponent(e):e}function wo(e,t){return t.decode?eZ(e):e}function UO(e){return Array.isArray(e)?e.sort():typeof e=="object"?UO(Object.keys(e)).sort((t,n)=>Number(t)-Number(n)).map(t=>e[t]):e}function GO(e){const t=e.indexOf("#");return t!==-1&&(e=e.slice(0,t)),e}function sZ(e){let t="";const n=e.indexOf("#");return n!==-1&&(t=e.slice(n)),t}function eT(e,t){return t.parseNumbers&&!Number.isNaN(Number(e))&&typeof e=="string"&&e.trim()!==""?e=Number(e):t.parseBooleans&&e!==null&&(e.toLowerCase()==="true"||e.toLowerCase()==="false")&&(e=e.toLowerCase()==="true"),e}function Fx(e){e=GO(e);const t=e.indexOf("?");return t===-1?"":e.slice(t+1)}function Bx(e,t){t={decode:!0,sort:!0,arrayFormat:"none",arrayFormatSeparator:",",parseNumbers:!1,parseBooleans:!1,...t},zO(t.arrayFormatSeparator);const n=oZ(t),r=Object.create(null);if(typeof e!="string"||(e=e.trim().replace(/^[?#&]/,""),!e))return r;for(const i of e.split("&")){if(i==="")continue;const o=t.decode?i.replace(/\+/g," "):i;let[s,a]=VO(o,"=");s===void 0&&(s=o),a=a===void 0?null:["comma","separator","bracket-separator"].includes(t.arrayFormat)?a:wo(a,t),n(wo(s,t),a,r)}for(const[i,o]of Object.entries(r))if(typeof o=="object"&&o!==null)for(const[s,a]of Object.entries(o))o[s]=eT(a,t);else r[i]=eT(o,t);return t.sort===!1?r:(t.sort===!0?Object.keys(r).sort():Object.keys(r).sort(t.sort)).reduce((i,o)=>{const s=r[o];return s&&typeof s=="object"&&!Array.isArray(s)?i[o]=UO(s):i[o]=s,i},Object.create(null))}function HO(e,t){if(!e)return"";t={encode:!0,strict:!0,arrayFormat:"none",arrayFormatSeparator:",",...t},zO(t.arrayFormatSeparator);const n=s=>t.skipNull&&nZ(e[s])||t.skipEmptyString&&e[s]==="",r=iZ(t),i={};for(const[s,a]of Object.entries(e))n(s)||(i[s]=a);const o=Object.keys(i);return t.sort!==!1&&o.sort(t.sort),o.map(s=>{const a=e[s];return a===void 0?"":a===null?Ht(s,t):Array.isArray(a)?a.length===0&&t.arrayFormat==="bracket-separator"?Ht(s,t)+"[]":a.reduce(r(s),[]).join("&"):Ht(s,t)+"="+Ht(a,t)}).filter(s=>s.length>0).join("&")}function qO(e,t){var i;t={decode:!0,...t};let[n,r]=VO(e,"#");return n===void 0&&(n=e),{url:((i=n==null?void 0:n.split("?"))==null?void 0:i[0])??"",query:Bx(Fx(e),t),...t&&t.parseFragmentIdentifier&&r?{fragmentIdentifier:wo(r,t)}:{}}}function WO(e,t){t={encode:!0,strict:!0,[B_]:!0,...t};const n=GO(e.url).split("?")[0]||"",r=Fx(e.url),i={...Bx(r,{sort:!1}),...e.query};let o=HO(i,t);o&&(o=`?${o}`);let s=sZ(e.url);if(e.fragmentIdentifier){const a=new URL(n);a.hash=e.fragmentIdentifier,s=t[B_]?a.hash:`#${e.fragmentIdentifier}`}return`${n}${o}${s}`}function KO(e,t,n){n={parseFragmentIdentifier:!0,[B_]:!1,...n};const{url:r,query:i,fragmentIdentifier:o}=qO(e,n);return WO({url:r,query:tZ(i,t),fragmentIdentifier:o},n)}function aZ(e,t,n){const r=Array.isArray(t)?i=>!t.includes(i):(i,o)=>!t(i,o);return KO(e,r,n)}const fg=Object.freeze(Object.defineProperty({__proto__:null,exclude:aZ,extract:Fx,parse:Bx,parseUrl:qO,pick:KO,stringify:HO,stringifyUrl:WO},Symbol.toStringTag,{value:"Module"}));var Cm=globalThis&&globalThis.__generator||function(e,t){var n={label:0,sent:function(){if(o[0]&1)throw o[1];return o[1]},trys:[],ops:[]},r,i,o,s;return s={next:a(0),throw:a(1),return:a(2)},typeof Symbol=="function"&&(s[Symbol.iterator]=function(){return this}),s;function a(u){return function(c){return l([u,c])}}function l(u){if(r)throw new TypeError("Generator is already executing.");for(;n;)try{if(r=1,i&&(o=u[0]&2?i.return:u[0]?i.throw||((o=i.return)&&o.call(i),0):i.next)&&!(o=o.call(i,u[1])).done)return o;switch(i=0,o&&(u=[u[0]&2,o.value]),u[0]){case 0:case 1:o=u;break;case 4:return n.label++,{value:u[1],done:!1};case 5:n.label++,i=u[1],u=[0];continue;case 7:u=n.ops.pop(),n.trys.pop();continue;default:if(o=n.trys,!(o=o.length>0&&o[o.length-1])&&(u[0]===6||u[0]===2)){n=0;continue}if(u[0]===3&&(!o||u[1]>o[0]&&u[1]"u"||navigator.onLine===void 0?!0:navigator.onLine}function yZ(){return typeof document>"u"?!0:document.visibilityState!=="hidden"}var iT=xi;function QO(e,t){if(e===t||!(iT(e)&&iT(t)||Array.isArray(e)&&Array.isArray(t)))return t;for(var n=Object.keys(t),r=Object.keys(e),i=n.length===r.length,o=Array.isArray(t)?[]:{},s=0,a=n;s=200&&e.status<=299},bZ=function(e){return/ion\/(vnd\.api\+)?json/.test(e.get("content-type")||"")};function sT(e){if(!xi(e))return e;for(var t=$t({},e),n=0,r=Object.entries(t);n"u"&&a===oT&&console.warn("Warning: `fetch` is not available. Please supply a custom `fetchFn` property to use `fetchBaseQuery` on SSR environments."),function(g,b){return Pm(t,null,function(){var _,w,x,T,P,E,A,$,I,C,R,M,N,O,D,L,j,U,G,W,X,Y,B,H,Q,J,ne,te,xe,ve,ce,De,se,pt,yn,Mt;return Cm(this,function(ut){switch(ut.label){case 0:return _=b.signal,w=b.getState,x=b.extra,T=b.endpoint,P=b.forced,E=b.type,$=typeof g=="string"?{url:g}:g,I=$.url,C=$.headers,R=C===void 0?new Headers(y.headers):C,M=$.params,N=M===void 0?void 0:M,O=$.responseHandler,D=O===void 0?m??"json":O,L=$.validateStatus,j=L===void 0?S??vZ:L,U=$.timeout,G=U===void 0?p:U,W=nT($,["url","headers","params","responseHandler","validateStatus","timeout"]),X=$t(Hi($t({},y),{signal:_}),W),R=new Headers(sT(R)),Y=X,[4,o(R,{getState:w,extra:x,endpoint:T,forced:P,type:E})];case 1:Y.headers=ut.sent()||R,B=function(tt){return typeof tt=="object"&&(xi(tt)||Array.isArray(tt)||typeof tt.toJSON=="function")},!X.headers.has("content-type")&&B(X.body)&&X.headers.set("content-type",f),B(X.body)&&c(X.headers)&&(X.body=JSON.stringify(X.body,h)),N&&(H=~I.indexOf("?")?"&":"?",Q=l?l(N):new URLSearchParams(sT(N)),I+=H+Q),I=gZ(r,I),J=new Request(I,X),ne=J.clone(),A={request:ne},xe=!1,ve=G&&setTimeout(function(){xe=!0,b.abort()},G),ut.label=2;case 2:return ut.trys.push([2,4,5,6]),[4,a(J)];case 3:return te=ut.sent(),[3,6];case 4:return ce=ut.sent(),[2,{error:{status:xe?"TIMEOUT_ERROR":"FETCH_ERROR",error:String(ce)},meta:A}];case 5:return ve&&clearTimeout(ve),[7];case 6:De=te.clone(),A.response=De,pt="",ut.label=7;case 7:return ut.trys.push([7,9,,10]),[4,Promise.all([v(te,D).then(function(tt){return se=tt},function(tt){return yn=tt}),De.text().then(function(tt){return pt=tt},function(){})])];case 8:if(ut.sent(),yn)throw yn;return[3,10];case 9:return Mt=ut.sent(),[2,{error:{status:"PARSING_ERROR",originalStatus:te.status,data:pt,error:String(Mt)},meta:A}];case 10:return[2,j(te,se)?{data:se,meta:A}:{error:{status:te.status,data:se},meta:A}]}})})};function v(g,b){return Pm(this,null,function(){var _;return Cm(this,function(w){switch(w.label){case 0:return typeof b=="function"?[2,b(g)]:(b==="content-type"&&(b=c(g.headers)?"json":"text"),b!=="json"?[3,2]:[4,g.text()]);case 1:return _=w.sent(),[2,_.length?JSON.parse(_):null];case 2:return[2,g.text()]}})})}}var aT=function(){function e(t,n){n===void 0&&(n=void 0),this.value=t,this.meta=n}return e}(),jx=ue("__rtkq/focused"),ZO=ue("__rtkq/unfocused"),Vx=ue("__rtkq/online"),JO=ue("__rtkq/offline"),no;(function(e){e.query="query",e.mutation="mutation"})(no||(no={}));function e7(e){return e.type===no.query}function _Z(e){return e.type===no.mutation}function t7(e,t,n,r,i,o){return wZ(e)?e(t,n,r,i).map(j_).map(o):Array.isArray(e)?e.map(j_).map(o):[]}function wZ(e){return typeof e=="function"}function j_(e){return typeof e=="string"?{type:e}:e}function bb(e){return e!=null}var Ef=Symbol("forceQueryFn"),V_=function(e){return typeof e[Ef]=="function"};function xZ(e){var t=e.serializeQueryArgs,n=e.queryThunk,r=e.mutationThunk,i=e.api,o=e.context,s=new Map,a=new Map,l=i.internalActions,u=l.unsubscribeQueryResult,c=l.removeMutationResult,d=l.updateSubscriptionOptions;return{buildInitiateQuery:v,buildInitiateMutation:g,getRunningQueryThunk:p,getRunningMutationThunk:m,getRunningQueriesThunk:S,getRunningMutationsThunk:y,getRunningOperationPromises:h,removalWarning:f};function f(){throw new Error(`This method had to be removed due to a conceptual bug in RTK. + Please see https://github.com/reduxjs/redux-toolkit/pull/2481 for details. + See https://redux-toolkit.js.org/rtk-query/usage/server-side-rendering for new guidance on SSR.`)}function h(){typeof process<"u";var b=function(_){return Array.from(_.values()).flatMap(function(w){return w?Object.values(w):[]})};return Tm(Tm([],b(s)),b(a)).filter(bb)}function p(b,_){return function(w){var x,T=o.endpointDefinitions[b],P=t({queryArgs:_,endpointDefinition:T,endpointName:b});return(x=s.get(w))==null?void 0:x[P]}}function m(b,_){return function(w){var x;return(x=a.get(w))==null?void 0:x[_]}}function S(){return function(b){return Object.values(s.get(b)||{}).filter(bb)}}function y(){return function(b){return Object.values(a.get(b)||{}).filter(bb)}}function v(b,_){var w=function(x,T){var P=T===void 0?{}:T,E=P.subscribe,A=E===void 0?!0:E,$=P.forceRefetch,I=P.subscriptionOptions,C=Ef,R=P[C];return function(M,N){var O,D,L=t({queryArgs:x,endpointDefinition:_,endpointName:b}),j=n((O={type:"query",subscribe:A,forceRefetch:$,subscriptionOptions:I,endpointName:b,originalArgs:x,queryCacheKey:L},O[Ef]=R,O)),U=i.endpoints[b].select(x),G=M(j),W=U(N()),X=G.requestId,Y=G.abort,B=W.requestId!==X,H=(D=s.get(M))==null?void 0:D[L],Q=function(){return U(N())},J=Object.assign(R?G.then(Q):B&&!H?Promise.resolve(W):Promise.all([H,G]).then(Q),{arg:x,requestId:X,subscriptionOptions:I,queryCacheKey:L,abort:Y,unwrap:function(){return Pm(this,null,function(){var te;return Cm(this,function(xe){switch(xe.label){case 0:return[4,J];case 1:if(te=xe.sent(),te.isError)throw te.error;return[2,te.data]}})})},refetch:function(){return M(w(x,{subscribe:!1,forceRefetch:!0}))},unsubscribe:function(){A&&M(u({queryCacheKey:L,requestId:X}))},updateSubscriptionOptions:function(te){J.subscriptionOptions=te,M(d({endpointName:b,requestId:X,queryCacheKey:L,options:te}))}});if(!H&&!B&&!R){var ne=s.get(M)||{};ne[L]=J,s.set(M,ne),J.then(function(){delete ne[L],Object.keys(ne).length||s.delete(M)})}return J}};return w}function g(b){return function(_,w){var x=w===void 0?{}:w,T=x.track,P=T===void 0?!0:T,E=x.fixedCacheKey;return function(A,$){var I=r({type:"mutation",endpointName:b,originalArgs:_,track:P,fixedCacheKey:E}),C=A(I),R=C.requestId,M=C.abort,N=C.unwrap,O=C.unwrap().then(function(U){return{data:U}}).catch(function(U){return{error:U}}),D=function(){A(c({requestId:R,fixedCacheKey:E}))},L=Object.assign(O,{arg:C.arg,requestId:R,abort:M,unwrap:N,unsubscribe:D,reset:D}),j=a.get(A)||{};return a.set(A,j),j[R]=L,L.then(function(){delete j[R],Object.keys(j).length||a.delete(A)}),E&&(j[E]=L,L.then(function(){j[E]===L&&(delete j[E],Object.keys(j).length||a.delete(A))})),L}}}}function lT(e){return e}function CZ(e){var t=this,n=e.reducerPath,r=e.baseQuery,i=e.context.endpointDefinitions,o=e.serializeQueryArgs,s=e.api,a=function(g,b,_){return function(w){var x=i[g];w(s.internalActions.queryResultPatched({queryCacheKey:o({queryArgs:b,endpointDefinition:x,endpointName:g}),patches:_}))}},l=function(g,b,_){return function(w,x){var T,P,E=s.endpoints[g].select(b)(x()),A={patches:[],inversePatches:[],undo:function(){return w(s.util.patchQueryData(g,b,A.inversePatches))}};if(E.status===yt.uninitialized)return A;if("data"in E)if(yr(E.data)){var $=mx(E.data,_),I=$[1],C=$[2];(T=A.patches).push.apply(T,I),(P=A.inversePatches).push.apply(P,C)}else{var R=_(E.data);A.patches.push({op:"replace",path:[],value:R}),A.inversePatches.push({op:"replace",path:[],value:E.data})}return w(s.util.patchQueryData(g,b,A.patches)),A}},u=function(g,b,_){return function(w){var x;return w(s.endpoints[g].initiate(b,(x={subscribe:!1,forceRefetch:!0},x[Ef]=function(){return{data:_}},x)))}},c=function(g,b){return Pm(t,[g,b],function(_,w){var x,T,P,E,A,$,I,C,R,M,N,O,D,L,j,U,G,W,X=w.signal,Y=w.abort,B=w.rejectWithValue,H=w.fulfillWithValue,Q=w.dispatch,J=w.getState,ne=w.extra;return Cm(this,function(te){switch(te.label){case 0:x=i[_.endpointName],te.label=1;case 1:return te.trys.push([1,8,,13]),T=lT,P=void 0,E={signal:X,abort:Y,dispatch:Q,getState:J,extra:ne,endpoint:_.endpointName,type:_.type,forced:_.type==="query"?d(_,J()):void 0},A=_.type==="query"?_[Ef]:void 0,A?(P=A(),[3,6]):[3,2];case 2:return x.query?[4,r(x.query(_.originalArgs),E,x.extraOptions)]:[3,4];case 3:return P=te.sent(),x.transformResponse&&(T=x.transformResponse),[3,6];case 4:return[4,x.queryFn(_.originalArgs,E,x.extraOptions,function(xe){return r(xe,E,x.extraOptions)})];case 5:P=te.sent(),te.label=6;case 6:if(typeof process<"u",P.error)throw new aT(P.error,P.meta);return N=H,[4,T(P.data,P.meta,_.originalArgs)];case 7:return[2,N.apply(void 0,[te.sent(),(G={fulfilledTimeStamp:Date.now(),baseQueryMeta:P.meta},G[Ma]=!0,G)])];case 8:if(O=te.sent(),D=O,!(D instanceof aT))return[3,12];L=lT,x.query&&x.transformErrorResponse&&(L=x.transformErrorResponse),te.label=9;case 9:return te.trys.push([9,11,,12]),j=B,[4,L(D.value,D.meta,_.originalArgs)];case 10:return[2,j.apply(void 0,[te.sent(),(W={baseQueryMeta:D.meta},W[Ma]=!0,W)])];case 11:return U=te.sent(),D=U,[3,12];case 12:throw typeof process<"u",console.error(D),D;case 13:return[2]}})})};function d(g,b){var _,w,x,T,P=(w=(_=b[n])==null?void 0:_.queries)==null?void 0:w[g.queryCacheKey],E=(x=b[n])==null?void 0:x.config.refetchOnMountOrArgChange,A=P==null?void 0:P.fulfilledTimeStamp,$=(T=g.forceRefetch)!=null?T:g.subscribe&&E;return $?$===!0||(Number(new Date)-Number(A))/1e3>=$:!1}var f=Vs(n+"/executeQuery",c,{getPendingMeta:function(){var g;return g={startedTimeStamp:Date.now()},g[Ma]=!0,g},condition:function(g,b){var _=b.getState,w,x,T,P=_(),E=(x=(w=P[n])==null?void 0:w.queries)==null?void 0:x[g.queryCacheKey],A=E==null?void 0:E.fulfilledTimeStamp,$=g.originalArgs,I=E==null?void 0:E.originalArgs,C=i[g.endpointName];return V_(g)?!0:(E==null?void 0:E.status)==="pending"?!1:d(g,P)||e7(C)&&((T=C==null?void 0:C.forceRefetch)!=null&&T.call(C,{currentArg:$,previousArg:I,endpointState:E,state:P}))?!0:!A},dispatchConditionRejection:!0}),h=Vs(n+"/executeMutation",c,{getPendingMeta:function(){var g;return g={startedTimeStamp:Date.now()},g[Ma]=!0,g}}),p=function(g){return"force"in g},m=function(g){return"ifOlderThan"in g},S=function(g,b,_){return function(w,x){var T=p(_)&&_.force,P=m(_)&&_.ifOlderThan,E=function(C){return C===void 0&&(C=!0),s.endpoints[g].initiate(b,{forceRefetch:C})},A=s.endpoints[g].select(b)(x());if(T)w(E());else if(P){var $=A==null?void 0:A.fulfilledTimeStamp;if(!$){w(E());return}var I=(Number(new Date)-Number(new Date($)))/1e3>=P;I&&w(E())}else w(E(!1))}};function y(g){return function(b){var _,w;return((w=(_=b==null?void 0:b.meta)==null?void 0:_.arg)==null?void 0:w.endpointName)===g}}function v(g,b){return{matchPending:Eu(c0(g),y(b)),matchFulfilled:Eu(ta(g),y(b)),matchRejected:Eu(Yu(g),y(b))}}return{queryThunk:f,mutationThunk:h,prefetch:S,updateQueryData:l,upsertQueryData:u,patchQueryData:a,buildMatchThunkActions:v}}function n7(e,t,n,r){return t7(n[e.meta.arg.endpointName][t],ta(e)?e.payload:void 0,uh(e)?e.payload:void 0,e.meta.arg.originalArgs,"baseQueryMeta"in e.meta?e.meta.baseQueryMeta:void 0,r)}function yp(e,t,n){var r=e[t];r&&n(r)}function Pf(e){var t;return(t="arg"in e?e.arg.fixedCacheKey:e.fixedCacheKey)!=null?t:e.requestId}function uT(e,t,n){var r=e[Pf(t)];r&&n(r)}var Uc={};function TZ(e){var t=e.reducerPath,n=e.queryThunk,r=e.mutationThunk,i=e.context,o=i.endpointDefinitions,s=i.apiUid,a=i.extractRehydrationInfo,l=i.hasRehydrationInfo,u=e.assertTagType,c=e.config,d=ue(t+"/resetApiState"),f=Pt({name:t+"/queries",initialState:Uc,reducers:{removeQueryResult:{reducer:function(_,w){var x=w.payload.queryCacheKey;delete _[x]},prepare:cg()},queryResultPatched:function(_,w){var x=w.payload,T=x.queryCacheKey,P=x.patches;yp(_,T,function(E){E.data=S_(E.data,P.concat())})}},extraReducers:function(_){_.addCase(n.pending,function(w,x){var T=x.meta,P=x.meta.arg,E,A,$=V_(P);(P.subscribe||$)&&((A=w[E=P.queryCacheKey])!=null||(w[E]={status:yt.uninitialized,endpointName:P.endpointName})),yp(w,P.queryCacheKey,function(I){I.status=yt.pending,I.requestId=$&&I.requestId?I.requestId:T.requestId,P.originalArgs!==void 0&&(I.originalArgs=P.originalArgs),I.startedTimeStamp=T.startedTimeStamp})}).addCase(n.fulfilled,function(w,x){var T=x.meta,P=x.payload;yp(w,T.arg.queryCacheKey,function(E){var A;if(!(E.requestId!==T.requestId&&!V_(T.arg))){var $=o[T.arg.endpointName].merge;if(E.status=yt.fulfilled,$)if(E.data!==void 0){var I=T.fulfilledTimeStamp,C=T.arg,R=T.baseQueryMeta,M=T.requestId,N=Js(E.data,function(O){return $(O,P,{arg:C.originalArgs,baseQueryMeta:R,fulfilledTimeStamp:I,requestId:M})});E.data=N}else E.data=P;else E.data=(A=o[T.arg.endpointName].structuralSharing)==null||A?QO(er(E.data)?ux(E.data):E.data,P):P;delete E.error,E.fulfilledTimeStamp=T.fulfilledTimeStamp}})}).addCase(n.rejected,function(w,x){var T=x.meta,P=T.condition,E=T.arg,A=T.requestId,$=x.error,I=x.payload;yp(w,E.queryCacheKey,function(C){if(!P){if(C.requestId!==A)return;C.status=yt.rejected,C.error=I??$}})}).addMatcher(l,function(w,x){for(var T=a(x).queries,P=0,E=Object.entries(T);P{const r=Tf.get(),i=Cf.get();return SZ({baseUrl:`${r??""}/api/v1`,prepareHeaders:s=>(i&&s.set("Authorization",`Bearer ${i}`),s)})(e,t,n)},Hs=nJ({baseQuery:iJ,reducerPath:"api",tagTypes:rJ,endpoints:()=>({})}),xb=(e,t)=>{if(!e)return!1;const n=z_.selectAll(e);if(n.length>1){const r=new Date(t.created_at),i=new Date(n[n.length-1].created_at);return r>=i}else if([0,1].includes(n.length))return!0;return!1},Gc=e=>gi.includes(e.image_category)?gi:_s,Kn=ea({selectId:e=>e.image_name,sortComparer:(e,t)=>YQ(t.updated_at,e.updated_at)}),z_=Kn.getSelectors(),di=e=>`images/?${fg.stringify(e,{arrayFormat:"none"})}`,he=Hs.injectEndpoints({endpoints:e=>({listImages:e.query({query:t=>({url:di(t),method:"GET"}),providesTags:(t,n,{board_id:r,categories:i})=>[{type:"ImageList",id:di({board_id:r,categories:i})}],serializeQueryArgs:({queryArgs:t})=>{const{board_id:n,categories:r}=t;return di({board_id:n,categories:r})},transformResponse(t){const{total:n,items:r}=t;return Kn.addMany(Kn.getInitialState({total:n}),r)},merge:(t,n)=>{Kn.addMany(t,z_.selectAll(n)),t.total=n.total},forceRefetch({currentArg:t,previousArg:n}){return(t==null?void 0:t.offset)!==(n==null?void 0:n.offset)},async onQueryStarted(t,{dispatch:n,queryFulfilled:r}){try{const{data:i}=await r;z_.selectAll(i).forEach(o=>{n(he.util.upsertQueryData("getImageDTO",o.image_name,o))})}catch{}},keepUnusedDataFor:86400}),getIntermediatesCount:e.query({query:()=>({url:di({is_intermediate:!0})}),providesTags:["IntermediatesCount"],transformResponse:t=>t.total}),getImageDTO:e.query({query:t=>({url:`images/${t}`}),providesTags:(t,n,r)=>{const i=[{type:"Image",id:r}];return t!=null&&t.board_id&&i.push({type:"Board",id:t.board_id}),i},keepUnusedDataFor:86400}),getImageMetadata:e.query({query:t=>({url:`images/${t}/metadata`}),providesTags:(t,n,r)=>[{type:"ImageMetadata",id:r}],keepUnusedDataFor:86400}),getBoardImagesTotal:e.query({query:t=>({url:di({board_id:t??"none",categories:gi,is_intermediate:!1,limit:0,offset:0}),method:"GET"}),providesTags:(t,n,r)=>[{type:"BoardImagesTotal",id:r??"none"}],transformResponse:t=>t.total}),getBoardAssetsTotal:e.query({query:t=>({url:di({board_id:t??"none",categories:_s,is_intermediate:!1,limit:0,offset:0}),method:"GET"}),providesTags:(t,n,r)=>[{type:"BoardAssetsTotal",id:r??"none"}],transformResponse:t=>t.total}),clearIntermediates:e.mutation({query:()=>({url:"images/clear-intermediates",method:"POST"}),invalidatesTags:["IntermediatesCount"]}),deleteImage:e.mutation({query:({image_name:t})=>({url:`images/${t}`,method:"DELETE"}),invalidatesTags:(t,n,{board_id:r})=>[{type:"BoardImagesTotal",id:r??"none"},{type:"BoardAssetsTotal",id:r??"none"}],async onQueryStarted(t,{dispatch:n,queryFulfilled:r}){const{image_name:i,board_id:o}=t,s=[],a=Gc(t);s.push(n(he.util.updateQueryData("listImages",{board_id:o??"none",categories:a},l=>{const u=l.total,d=Kn.removeOne(l,i).total-u;l.total=l.total+d})));try{await r}catch{s.forEach(l=>l.undo())}}}),changeImageIsIntermediate:e.mutation({query:({imageDTO:t,is_intermediate:n})=>({url:`images/${t.image_name}`,method:"PATCH",body:{is_intermediate:n}}),invalidatesTags:(t,n,{imageDTO:r})=>[{type:"BoardImagesTotal",id:r.board_id??"none"},{type:"BoardAssetsTotal",id:r.board_id??"none"}],async onQueryStarted({imageDTO:t,is_intermediate:n},{dispatch:r,queryFulfilled:i,getState:o}){const s=[];s.push(r(he.util.updateQueryData("getImageDTO",t.image_name,l=>{Object.assign(l,{is_intermediate:n})})));const a=Gc(t);if(n)s.push(r(he.util.updateQueryData("listImages",{board_id:t.board_id??"none",categories:a},l=>{const u=l.total,d=Kn.removeOne(l,t.image_name).total-u;l.total=l.total+d})));else{console.log(t);const l={board_id:t.board_id??"none",categories:a},u=he.endpoints.listImages.select(l)(o()),c=u.data&&u.data.ids.length>=u.data.total,d=xb(u.data,t);(c||d)&&s.push(r(he.util.updateQueryData("listImages",l,f=>{const h=f.total,m=Kn.upsertOne(f,t).total-h;f.total=f.total+m})))}try{await i}catch{s.forEach(l=>l.undo())}}}),changeImageSessionId:e.mutation({query:({imageDTO:t,session_id:n})=>({url:`images/${t.image_name}`,method:"PATCH",body:{session_id:n}}),invalidatesTags:(t,n,{imageDTO:r})=>[{type:"BoardImagesTotal",id:r.board_id??"none"},{type:"BoardAssetsTotal",id:r.board_id??"none"}],async onQueryStarted({imageDTO:t,session_id:n},{dispatch:r,queryFulfilled:i,getState:o}){const s=[];s.push(r(he.util.updateQueryData("getImageDTO",t.image_name,a=>{Object.assign(a,{session_id:n})})));try{await i}catch{s.forEach(a=>a.undo())}}}),uploadImage:e.mutation({query:({file:t,image_category:n,is_intermediate:r,session_id:i,board_id:o,crop_visible:s})=>{const a=new FormData;return a.append("file",t),{url:"images/",method:"POST",body:a,params:{image_category:n,is_intermediate:r,session_id:i,board_id:o,crop_visible:s}}},async onQueryStarted({file:t,image_category:n,is_intermediate:r,postUploadAction:i,session_id:o,board_id:s},{dispatch:a,queryFulfilled:l}){try{const{data:u}=await l;if(u.is_intermediate)return;a(he.util.upsertQueryData("getImageDTO",u.image_name,u));const c=Gc(u);a(he.util.updateQueryData("listImages",{board_id:u.board_id??"none",categories:c},d=>{const f=d.total,p=Kn.addOne(d,u).total-f;d.total=d.total+p})),a(he.util.invalidateTags([{type:"BoardImagesTotal",id:u.board_id??"none"},{type:"BoardAssetsTotal",id:u.board_id??"none"}]))}catch{}}}),addImageToBoard:e.mutation({query:({board_id:t,imageDTO:n})=>{const{image_name:r}=n;return{url:"board_images/",method:"POST",body:{board_id:t,image_name:r}}},invalidatesTags:(t,n,{board_id:r,imageDTO:i})=>[{type:"Board",id:r},{type:"BoardImagesTotal",id:r},{type:"BoardImagesTotal",id:i.board_id??"none"},{type:"BoardAssetsTotal",id:r},{type:"BoardAssetsTotal",id:i.board_id??"none"}],async onQueryStarted({board_id:t,imageDTO:n},{dispatch:r,queryFulfilled:i,getState:o}){const s=[],a=Gc(n);if(s.push(r(he.util.updateQueryData("getImageDTO",n.image_name,l=>{Object.assign(l,{board_id:t})}))),!n.is_intermediate){s.push(r(he.util.updateQueryData("listImages",{board_id:n.board_id??"none",categories:a},f=>{const h=f.total,m=Kn.removeOne(f,n.image_name).total-h;f.total=f.total+m})));const l={board_id:t??"none",categories:a},u=he.endpoints.listImages.select(l)(o()),c=u.data&&u.data.ids.length>=u.data.total,d=xb(u.data,n);(c||d)&&s.push(r(he.util.updateQueryData("listImages",l,f=>{const h=f.total,m=Kn.addOne(f,n).total-h;f.total=f.total+m})))}try{await i}catch{s.forEach(l=>l.undo())}}}),removeImageFromBoard:e.mutation({query:({imageDTO:t})=>{const{board_id:n,image_name:r}=t;return{url:"board_images/",method:"DELETE",body:{board_id:n,image_name:r}}},invalidatesTags:(t,n,{imageDTO:r})=>[{type:"Board",id:r.board_id},{type:"BoardImagesTotal",id:r.board_id},{type:"BoardImagesTotal",id:"none"},{type:"BoardAssetsTotal",id:r.board_id},{type:"BoardAssetsTotal",id:"none"}],async onQueryStarted({imageDTO:t},{dispatch:n,queryFulfilled:r,getState:i}){const o=Gc(t),s=[];s.push(n(he.util.updateQueryData("getImageDTO",t.image_name,d=>{Object.assign(d,{board_id:void 0})}))),s.push(n(he.util.updateQueryData("listImages",{board_id:t.board_id??"none",categories:o},d=>{const f=d.total,p=Kn.removeOne(d,t.image_name).total-f;d.total=d.total+p})));const a={board_id:"none",categories:o},l=he.endpoints.listImages.select(a)(i()),u=l.data&&l.data.ids.length>=l.data.total,c=xb(l.data,t);(u||c)&&s.push(n(he.util.updateQueryData("listImages",a,d=>{const f=d.total,p=Kn.upsertOne(d,t).total-f;d.total=d.total+p})));try{await r}catch{s.forEach(d=>d.undo())}}})})}),{useGetIntermediatesCountQuery:r3e,useListImagesQuery:i3e,useLazyListImagesQuery:o3e,useGetImageDTOQuery:s3e,useGetImageMetadataQuery:a3e,useDeleteImageMutation:l3e,useGetBoardImagesTotalQuery:u3e,useGetBoardAssetsTotalQuery:c3e,useUploadImageMutation:d3e,useAddImageToBoardMutation:f3e,useRemoveImageFromBoardMutation:h3e,useClearIntermediatesMutation:p3e}=he,i7=ue("socket/socketConnected"),o7=ue("socket/appSocketConnected"),s7=ue("socket/socketDisconnected"),a7=ue("socket/appSocketDisconnected"),zx=ue("socket/socketSubscribed"),l7=ue("socket/appSocketSubscribed"),u7=ue("socket/socketUnsubscribed"),c7=ue("socket/appSocketUnsubscribed"),d7=ue("socket/socketInvocationStarted"),f7=ue("socket/appSocketInvocationStarted"),Ux=ue("socket/socketInvocationComplete"),h7=ue("socket/appSocketInvocationComplete"),p7=ue("socket/socketInvocationError"),Gx=ue("socket/appSocketInvocationError"),g7=ue("socket/socketGraphExecutionStateComplete"),m7=ue("socket/appSocketGraphExecutionStateComplete"),y7=ue("socket/socketGeneratorProgress"),v7=ue("socket/appSocketGeneratorProgress"),b7=ue("socket/socketModelLoadStarted"),oJ=ue("socket/appSocketModelLoadStarted"),S7=ue("socket/socketModelLoadCompleted"),sJ=ue("socket/appSocketModelLoadCompleted"),_7=ue("socket/socketSessionRetrievalError"),w7=ue("socket/appSocketSessionRetrievalError"),x7=ue("socket/socketInvocationRetrievalError"),C7=ue("socket/appSocketInvocationRetrievalError"),Hx=ue("controlNet/imageProcessed"),Yl={none:{type:"none",label:"none",description:"",default:{type:"none"}},canny_image_processor:{type:"canny_image_processor",label:"Canny",description:"",default:{id:"canny_image_processor",type:"canny_image_processor",low_threshold:100,high_threshold:200}},content_shuffle_image_processor:{type:"content_shuffle_image_processor",label:"Content Shuffle",description:"",default:{id:"content_shuffle_image_processor",type:"content_shuffle_image_processor",detect_resolution:512,image_resolution:512,h:512,w:512,f:256}},hed_image_processor:{type:"hed_image_processor",label:"HED",description:"",default:{id:"hed_image_processor",type:"hed_image_processor",detect_resolution:512,image_resolution:512,scribble:!1}},lineart_anime_image_processor:{type:"lineart_anime_image_processor",label:"Lineart Anime",description:"",default:{id:"lineart_anime_image_processor",type:"lineart_anime_image_processor",detect_resolution:512,image_resolution:512}},lineart_image_processor:{type:"lineart_image_processor",label:"Lineart",description:"",default:{id:"lineart_image_processor",type:"lineart_image_processor",detect_resolution:512,image_resolution:512,coarse:!1}},mediapipe_face_processor:{type:"mediapipe_face_processor",label:"Mediapipe Face",description:"",default:{id:"mediapipe_face_processor",type:"mediapipe_face_processor",max_faces:1,min_confidence:.5}},midas_depth_image_processor:{type:"midas_depth_image_processor",label:"Depth (Midas)",description:"",default:{id:"midas_depth_image_processor",type:"midas_depth_image_processor",a_mult:2,bg_th:.1}},mlsd_image_processor:{type:"mlsd_image_processor",label:"M-LSD",description:"",default:{id:"mlsd_image_processor",type:"mlsd_image_processor",detect_resolution:512,image_resolution:512,thr_d:.1,thr_v:.1}},normalbae_image_processor:{type:"normalbae_image_processor",label:"Normal BAE",description:"",default:{id:"normalbae_image_processor",type:"normalbae_image_processor",detect_resolution:512,image_resolution:512}},openpose_image_processor:{type:"openpose_image_processor",label:"Openpose",description:"",default:{id:"openpose_image_processor",type:"openpose_image_processor",detect_resolution:512,image_resolution:512,hand_and_face:!1}},pidi_image_processor:{type:"pidi_image_processor",label:"PIDI",description:"",default:{id:"pidi_image_processor",type:"pidi_image_processor",detect_resolution:512,image_resolution:512,scribble:!1,safe:!1}},zoe_depth_image_processor:{type:"zoe_depth_image_processor",label:"Depth (Zoe)",description:"",default:{id:"zoe_depth_image_processor",type:"zoe_depth_image_processor"}}},_p={canny:"canny_image_processor",mlsd:"mlsd_image_processor",depth:"midas_depth_image_processor",bae:"normalbae_image_processor",lineart:"lineart_image_processor",lineart_anime:"lineart_anime_image_processor",softedge:"hed_image_processor",shuffle:"content_shuffle_image_processor",openpose:"openpose_image_processor",mediapipe:"mediapipe_face_processor"},bT={isEnabled:!0,model:null,weight:1,beginStepPct:0,endStepPct:1,controlMode:"balanced",resizeMode:"just_resize",controlImage:null,processedControlImage:null,processorType:"canny_image_processor",processorNode:Yl.canny_image_processor.default,shouldAutoConfig:!0},U_={controlNets:{},isEnabled:!1,pendingControlImages:[]},T7=Pt({name:"controlNet",initialState:U_,reducers:{isControlNetEnabledToggled:e=>{e.isEnabled=!e.isEnabled},controlNetAdded:(e,t)=>{const{controlNetId:n,controlNet:r}=t.payload;e.controlNets[n]={...r??bT,controlNetId:n}},controlNetDuplicated:(e,t)=>{const{sourceControlNetId:n,newControlNetId:r}=t.payload,i=Ln(e.controlNets[n]);i.controlNetId=r,e.controlNets[r]=i},controlNetAddedFromImage:(e,t)=>{const{controlNetId:n,controlImage:r}=t.payload;e.controlNets[n]={...bT,controlNetId:n,controlImage:r}},controlNetRemoved:(e,t)=>{const{controlNetId:n}=t.payload;delete e.controlNets[n]},controlNetToggled:(e,t)=>{const{controlNetId:n}=t.payload;e.controlNets[n].isEnabled=!e.controlNets[n].isEnabled},controlNetImageChanged:(e,t)=>{const{controlNetId:n,controlImage:r}=t.payload;e.controlNets[n].controlImage=r,e.controlNets[n].processedControlImage=null,r!==null&&e.controlNets[n].processorType!=="none"&&e.pendingControlImages.push(n)},controlNetProcessedImageChanged:(e,t)=>{const{controlNetId:n,processedControlImage:r}=t.payload;e.controlNets[n].processedControlImage=r,e.pendingControlImages=e.pendingControlImages.filter(i=>i!==n)},controlNetModelChanged:(e,t)=>{const{controlNetId:n,model:r}=t.payload;if(e.controlNets[n].model=r,e.controlNets[n].processedControlImage=null,e.controlNets[n].shouldAutoConfig){let i;for(const o in _p)if(r.model_name.includes(o)){i=_p[o];break}i?(e.controlNets[n].processorType=i,e.controlNets[n].processorNode=Yl[i].default):(e.controlNets[n].processorType="none",e.controlNets[n].processorNode=Yl.none.default)}},controlNetWeightChanged:(e,t)=>{const{controlNetId:n,weight:r}=t.payload;e.controlNets[n].weight=r},controlNetBeginStepPctChanged:(e,t)=>{const{controlNetId:n,beginStepPct:r}=t.payload;e.controlNets[n].beginStepPct=r},controlNetEndStepPctChanged:(e,t)=>{const{controlNetId:n,endStepPct:r}=t.payload;e.controlNets[n].endStepPct=r},controlNetControlModeChanged:(e,t)=>{const{controlNetId:n,controlMode:r}=t.payload;e.controlNets[n].controlMode=r},controlNetResizeModeChanged:(e,t)=>{const{controlNetId:n,resizeMode:r}=t.payload;e.controlNets[n].resizeMode=r},controlNetProcessorParamsChanged:(e,t)=>{const{controlNetId:n,changes:r}=t.payload,i=e.controlNets[n].processorNode;e.controlNets[n].processorNode={...i,...r},e.controlNets[n].shouldAutoConfig=!1},controlNetProcessorTypeChanged:(e,t)=>{const{controlNetId:n,processorType:r}=t.payload;e.controlNets[n].processedControlImage=null,e.controlNets[n].processorType=r,e.controlNets[n].processorNode=Yl[r].default,e.controlNets[n].shouldAutoConfig=!1},controlNetAutoConfigToggled:(e,t)=>{var i;const{controlNetId:n}=t.payload,r=!e.controlNets[n].shouldAutoConfig;if(r){let o;for(const s in _p)if((i=e.controlNets[n].model)!=null&&i.model_name.includes(s)){o=_p[s];break}o?(e.controlNets[n].processorType=o,e.controlNets[n].processorNode=Yl[o].default):(e.controlNets[n].processorType="none",e.controlNets[n].processorNode=Yl.none.default)}e.controlNets[n].shouldAutoConfig=r},controlNetReset:()=>({...U_})},extraReducers:e=>{e.addCase(Hx,(t,n)=>{t.controlNets[n.payload.controlNetId].controlImage!==null&&t.pendingControlImages.push(n.payload.controlNetId)}),e.addCase(Gx,t=>{t.pendingControlImages=[]}),e.addMatcher(NO,t=>{t.pendingControlImages=[]}),e.addMatcher(he.endpoints.deleteImage.matchFulfilled,(t,n)=>{const{image_name:r}=n.meta.arg.originalArgs;Za(t.controlNets,i=>{i.controlImage===r&&(i.controlImage=null,i.processedControlImage=null),i.processedControlImage===r&&(i.processedControlImage=null)})})}}),{isControlNetEnabledToggled:g3e,controlNetAdded:m3e,controlNetDuplicated:y3e,controlNetAddedFromImage:v3e,controlNetRemoved:E7,controlNetImageChanged:qx,controlNetProcessedImageChanged:aJ,controlNetToggled:b3e,controlNetModelChanged:ST,controlNetWeightChanged:S3e,controlNetBeginStepPctChanged:_3e,controlNetEndStepPctChanged:w3e,controlNetControlModeChanged:x3e,controlNetResizeModeChanged:C3e,controlNetProcessorParamsChanged:lJ,controlNetProcessorTypeChanged:uJ,controlNetReset:P7,controlNetAutoConfigToggled:_T}=T7.actions,cJ=T7.reducer,A7={isEnabled:!1,maxPrompts:100,combinatorial:!0},dJ=A7,k7=Pt({name:"dynamicPrompts",initialState:dJ,reducers:{maxPromptsChanged:(e,t)=>{e.maxPrompts=t.payload},maxPromptsReset:e=>{e.maxPrompts=A7.maxPrompts},combinatorialToggled:e=>{e.combinatorial=!e.combinatorial},isEnabledToggled:e=>{e.isEnabled=!e.isEnabled}}}),{isEnabledToggled:T3e,maxPromptsChanged:E3e,maxPromptsReset:P3e,combinatorialToggled:A3e}=k7.actions,fJ=k7.reducer,hJ={updateBoardModalOpen:!1,searchText:""},R7=Pt({name:"boards",initialState:hJ,reducers:{setBoardSearchText:(e,t)=>{e.searchText=t.payload},setUpdateBoardModalOpen:(e,t)=>{e.updateBoardModalOpen=t.payload}}}),{setBoardSearchText:k3e,setUpdateBoardModalOpen:R3e}=R7.actions,pJ=R7.reducer,tc=Hs.injectEndpoints({endpoints:e=>({listBoards:e.query({query:t=>({url:"boards/",params:t}),providesTags:(t,n,r)=>{const i=[{type:"Board",id:Ie}];return t&&i.push(...t.items.map(({board_id:o})=>({type:"Board",id:o}))),i}}),listAllBoards:e.query({query:()=>({url:"boards/",params:{all:!0}}),providesTags:(t,n,r)=>{const i=[{type:"Board",id:Ie}];return t&&i.push(...t.map(({board_id:o})=>({type:"Board",id:o}))),i}}),listAllImageNamesForBoard:e.query({query:t=>({url:`boards/${t}/image_names`}),providesTags:(t,n,r)=>[{type:"ImageNameList",id:r}],keepUnusedDataFor:0}),createBoard:e.mutation({query:t=>({url:"boards/",method:"POST",params:{board_name:t}}),invalidatesTags:[{type:"Board",id:Ie}]}),updateBoard:e.mutation({query:({board_id:t,changes:n})=>({url:`boards/${t}`,method:"PATCH",body:n}),invalidatesTags:(t,n,r)=>[{type:"Board",id:r.board_id}]}),deleteBoard:e.mutation({query:t=>({url:`boards/${t}`,method:"DELETE"}),invalidatesTags:(t,n,r)=>[{type:"Board",id:Ie},{type:"ImageList",id:di({board_id:"none",categories:gi})},{type:"ImageList",id:di({board_id:"none",categories:_s})},{type:"BoardImagesTotal",id:"none"},{type:"BoardAssetsTotal",id:"none"}],async onQueryStarted(t,{dispatch:n,queryFulfilled:r,getState:i}){try{const{data:o}=await r,{deleted_board_images:s}=o;s.forEach(u=>{n(he.util.updateQueryData("getImageDTO",u,c=>{c.board_id=void 0}))});const a=[{categories:gi},{categories:_s}],l=s.map(u=>({id:u,changes:{board_id:void 0}}));a.forEach(u=>{n(he.util.updateQueryData("listImages",u,c=>{const d=c.total,h=Kn.updateMany(c,l).total-d;c.total=c.total+h}))})}catch{}}}),deleteBoardAndImages:e.mutation({query:t=>({url:`boards/${t}`,method:"DELETE",params:{include_images:!0}}),invalidatesTags:(t,n,r)=>[{type:"Board",id:Ie},{type:"ImageList",id:di({board_id:"none",categories:gi})},{type:"ImageList",id:di({board_id:"none",categories:_s})},{type:"BoardImagesTotal",id:"none"},{type:"BoardAssetsTotal",id:"none"}],async onQueryStarted(t,{dispatch:n,queryFulfilled:r,getState:i}){try{const{data:o}=await r,{deleted_images:s}=o;[{categories:gi},{categories:_s}].forEach(l=>{n(he.util.updateQueryData("listImages",l,u=>{const c=u.total,f=Kn.removeMany(u,s).total-c;u.total=u.total+f}))})}catch{}}})})}),{useListBoardsQuery:O3e,useListAllBoardsQuery:M3e,useCreateBoardMutation:I3e,useUpdateBoardMutation:N3e,useDeleteBoardMutation:D3e,useDeleteBoardAndImagesMutation:L3e,useListAllImageNamesForBoardQuery:$3e}=tc,O7={selection:[],shouldAutoSwitch:!0,autoAddBoardId:void 0,galleryImageMinimumWidth:96,selectedBoardId:void 0,galleryView:"images",batchImageNames:[],isBatchEnabled:!1},M7=Pt({name:"gallery",initialState:O7,reducers:{imageRangeEndSelected:()=>{},imageSelectionToggled:()=>{},imageSelected:(e,t)=>{e.selection=t.payload?[t.payload]:[]},shouldAutoSwitchChanged:(e,t)=>{e.shouldAutoSwitch=t.payload},setGalleryImageMinimumWidth:(e,t)=>{e.galleryImageMinimumWidth=t.payload},boardIdSelected:(e,t)=>{e.selectedBoardId=t.payload,e.galleryView="images"},isBatchEnabledChanged:(e,t)=>{e.isBatchEnabled=t.payload},imagesAddedToBatch:(e,t)=>{e.batchImageNames=rY(e.batchImageNames.concat(t.payload))},imagesRemovedFromBatch:(e,t)=>{e.batchImageNames=e.batchImageNames.filter(r=>!t.payload.includes(r));const n=e.selection.filter(r=>!t.payload.includes(r));if(n.length){e.selection=n;return}e.selection=[e.batchImageNames[0]]},batchReset:e=>{e.batchImageNames=[],e.selection=[]},autoAddBoardIdChanged:(e,t)=>{e.autoAddBoardId=t.payload},galleryViewChanged:(e,t)=>{e.galleryView=t.payload}},extraReducers:e=>{e.addMatcher(mJ,(t,n)=>{const r=n.meta.arg.originalArgs;r===t.selectedBoardId&&(t.selectedBoardId=void 0,t.galleryView="images"),r===t.autoAddBoardId&&(t.autoAddBoardId=void 0)}),e.addMatcher(tc.endpoints.listAllBoards.matchFulfilled,(t,n)=>{const r=n.payload;t.autoAddBoardId&&(r.map(i=>i.board_id).includes(t.autoAddBoardId)||(t.autoAddBoardId=void 0))})}}),{imageRangeEndSelected:F3e,imageSelectionToggled:B3e,imageSelected:Os,shouldAutoSwitchChanged:j3e,setGalleryImageMinimumWidth:V3e,boardIdSelected:G_,isBatchEnabledChanged:z3e,imagesAddedToBatch:H_,imagesRemovedFromBatch:U3e,autoAddBoardIdChanged:G3e,galleryViewChanged:km}=M7.actions,gJ=M7.reducer,mJ=ei(tc.endpoints.deleteBoard.matchFulfilled,tc.endpoints.deleteBoardAndImages.matchFulfilled),yJ={imageToDelete:null,isModalOpen:!1},I7=Pt({name:"imageDeletion",initialState:yJ,reducers:{isModalOpenChanged:(e,t)=>{e.isModalOpen=t.payload},imageToDeleteSelected:(e,t)=>{e.imageToDelete=t.payload},imageToDeleteCleared:e=>{e.imageToDelete=null,e.isModalOpen=!1}}}),{isModalOpenChanged:N7,imageToDeleteSelected:vJ,imageToDeleteCleared:H3e}=I7.actions,bJ=I7.reducer,wT={weight:.75},SJ={loras:{}},D7=Pt({name:"lora",initialState:SJ,reducers:{loraAdded:(e,t)=>{const{model_name:n,id:r,base_model:i}=t.payload;e.loras[r]={id:r,model_name:n,base_model:i,...wT}},loraRemoved:(e,t)=>{const n=t.payload;delete e.loras[n]},lorasCleared:e=>{e.loras={}},loraWeightChanged:(e,t)=>{const{id:n,weight:r}=t.payload;e.loras[n].weight=r},loraWeightReset:(e,t)=>{const n=t.payload;e.loras[n].weight=wT.weight}}}),{loraAdded:q3e,loraRemoved:L7,loraWeightChanged:W3e,loraWeightReset:K3e,lorasCleared:X3e}=D7.actions,_J=D7.reducer;function ti(e){if(typeof e=="string"||typeof e=="number")return""+e;let t="";if(Array.isArray(e))for(let n=0,r;n{let t;const n=new Set,r=(l,u)=>{const c=typeof l=="function"?l(t):l;if(!Object.is(c,t)){const d=t;t=u??typeof c!="object"?c:Object.assign({},t,c),n.forEach(f=>f(t,d))}},i=()=>t,a={setState:r,getState:i,subscribe:l=>(n.add(l),()=>n.delete(l)),destroy:()=>{n.clear()}};return t=e(r,i,a),a},wJ=e=>e?xT(e):xT,{useSyncExternalStoreWithSelector:xJ}=Xj;function CJ(e,t=e.getState,n){const r=xJ(e.subscribe,e.getState,e.getServerState||e.getState,t,n);return k.useDebugValue(r),r}function br(e,t){if(Object.is(e,t))return!0;if(typeof e!="object"||e===null||typeof t!="object"||t===null)return!1;if(e instanceof Map&&t instanceof Map){if(e.size!==t.size)return!1;for(const[r,i]of e)if(!Object.is(i,t.get(r)))return!1;return!0}if(e instanceof Set&&t instanceof Set){if(e.size!==t.size)return!1;for(const r of e)if(!t.has(r))return!1;return!0}const n=Object.keys(e);if(n.length!==Object.keys(t).length)return!1;for(let r=0;r{}};function A0(){for(var e=0,t=arguments.length,n={},r;e=0&&(r=n.slice(i+1),n=n.slice(0,i)),n&&!t.hasOwnProperty(n))throw new Error("unknown type: "+n);return{type:n,name:r}})}pg.prototype=A0.prototype={constructor:pg,on:function(e,t){var n=this._,r=EJ(e+"",n),i,o=-1,s=r.length;if(arguments.length<2){for(;++o0)for(var n=new Array(i),r=0,i,o;r=0&&(t=e.slice(0,n))!=="xmlns"&&(e=e.slice(n+1)),TT.hasOwnProperty(t)?{space:TT[t],local:e}:e}function AJ(e){return function(){var t=this.ownerDocument,n=this.namespaceURI;return n===q_&&t.documentElement.namespaceURI===q_?t.createElement(e):t.createElementNS(n,e)}}function kJ(e){return function(){return this.ownerDocument.createElementNS(e.space,e.local)}}function $7(e){var t=k0(e);return(t.local?kJ:AJ)(t)}function RJ(){}function Wx(e){return e==null?RJ:function(){return this.querySelector(e)}}function OJ(e){typeof e!="function"&&(e=Wx(e));for(var t=this._groups,n=t.length,r=new Array(n),i=0;i=g&&(g=v+1);!(_=S[g])&&++g=0;)(s=r[i])&&(o&&s.compareDocumentPosition(o)^4&&o.parentNode.insertBefore(s,o),o=s);return this}function nee(e){e||(e=ree);function t(d,f){return d&&f?e(d.__data__,f.__data__):!d-!f}for(var n=this._groups,r=n.length,i=new Array(r),o=0;ot?1:e>=t?0:NaN}function iee(){var e=arguments[0];return arguments[0]=this,e.apply(null,arguments),this}function oee(){return Array.from(this)}function see(){for(var e=this._groups,t=0,n=e.length;t1?this.each((t==null?yee:typeof t=="function"?bee:vee)(e,t,n??"")):nc(this.node(),e)}function nc(e,t){return e.style.getPropertyValue(t)||z7(e).getComputedStyle(e,null).getPropertyValue(t)}function _ee(e){return function(){delete this[e]}}function wee(e,t){return function(){this[e]=t}}function xee(e,t){return function(){var n=t.apply(this,arguments);n==null?delete this[e]:this[e]=n}}function Cee(e,t){return arguments.length>1?this.each((t==null?_ee:typeof t=="function"?xee:wee)(e,t)):this.node()[e]}function U7(e){return e.trim().split(/^|\s+/)}function Kx(e){return e.classList||new G7(e)}function G7(e){this._node=e,this._names=U7(e.getAttribute("class")||"")}G7.prototype={add:function(e){var t=this._names.indexOf(e);t<0&&(this._names.push(e),this._node.setAttribute("class",this._names.join(" ")))},remove:function(e){var t=this._names.indexOf(e);t>=0&&(this._names.splice(t,1),this._node.setAttribute("class",this._names.join(" ")))},contains:function(e){return this._names.indexOf(e)>=0}};function H7(e,t){for(var n=Kx(e),r=-1,i=t.length;++r=0&&(n=t.slice(r+1),t=t.slice(0,r)),{type:t,name:n}})}function Zee(e){return function(){var t=this.__on;if(t){for(var n=0,r=-1,i=t.length,o;n()=>e;function W_(e,{sourceEvent:t,subject:n,target:r,identifier:i,active:o,x:s,y:a,dx:l,dy:u,dispatch:c}){Object.defineProperties(this,{type:{value:e,enumerable:!0,configurable:!0},sourceEvent:{value:t,enumerable:!0,configurable:!0},subject:{value:n,enumerable:!0,configurable:!0},target:{value:r,enumerable:!0,configurable:!0},identifier:{value:i,enumerable:!0,configurable:!0},active:{value:o,enumerable:!0,configurable:!0},x:{value:s,enumerable:!0,configurable:!0},y:{value:a,enumerable:!0,configurable:!0},dx:{value:l,enumerable:!0,configurable:!0},dy:{value:u,enumerable:!0,configurable:!0},_:{value:c}})}W_.prototype.on=function(){var e=this._.on.apply(this._,arguments);return e===this._?this:e};function lte(e){return!e.ctrlKey&&!e.button}function ute(){return this.parentNode}function cte(e,t){return t??{x:e.x,y:e.y}}function dte(){return navigator.maxTouchPoints||"ontouchstart"in this}function fte(){var e=lte,t=ute,n=cte,r=dte,i={},o=A0("start","drag","end"),s=0,a,l,u,c,d=0;function f(b){b.on("mousedown.drag",h).filter(r).on("touchstart.drag",S).on("touchmove.drag",y,ate).on("touchend.drag touchcancel.drag",v).style("touch-action","none").style("-webkit-tap-highlight-color","rgba(0,0,0,0)")}function h(b,_){if(!(c||!e.call(this,b,_))){var w=g(this,t.call(this,b,_),b,_,"mouse");w&&(fi(b.view).on("mousemove.drag",p,Af).on("mouseup.drag",m,Af),X7(b.view),Cb(b),u=!1,a=b.clientX,l=b.clientY,w("start",b))}}function p(b){if(Ou(b),!u){var _=b.clientX-a,w=b.clientY-l;u=_*_+w*w>d}i.mouse("drag",b)}function m(b){fi(b.view).on("mousemove.drag mouseup.drag",null),Y7(b.view,u),Ou(b),i.mouse("end",b)}function S(b,_){if(e.call(this,b,_)){var w=b.changedTouches,x=t.call(this,b,_),T=w.length,P,E;for(P=0;P>8&15|t>>4&240,t>>4&15|t&240,(t&15)<<4|t&15,1):n===8?xp(t>>24&255,t>>16&255,t>>8&255,(t&255)/255):n===4?xp(t>>12&15|t>>8&240,t>>8&15|t>>4&240,t>>4&15|t&240,((t&15)<<4|t&15)/255):null):(t=pte.exec(e))?new hr(t[1],t[2],t[3],1):(t=gte.exec(e))?new hr(t[1]*255/100,t[2]*255/100,t[3]*255/100,1):(t=mte.exec(e))?xp(t[1],t[2],t[3],t[4]):(t=yte.exec(e))?xp(t[1]*255/100,t[2]*255/100,t[3]*255/100,t[4]):(t=vte.exec(e))?MT(t[1],t[2]/100,t[3]/100,1):(t=bte.exec(e))?MT(t[1],t[2]/100,t[3]/100,t[4]):ET.hasOwnProperty(e)?kT(ET[e]):e==="transparent"?new hr(NaN,NaN,NaN,0):null}function kT(e){return new hr(e>>16&255,e>>8&255,e&255,1)}function xp(e,t,n,r){return r<=0&&(e=t=n=NaN),new hr(e,t,n,r)}function wte(e){return e instanceof bh||(e=Of(e)),e?(e=e.rgb(),new hr(e.r,e.g,e.b,e.opacity)):new hr}function K_(e,t,n,r){return arguments.length===1?wte(e):new hr(e,t,n,r??1)}function hr(e,t,n,r){this.r=+e,this.g=+t,this.b=+n,this.opacity=+r}Xx(hr,K_,Q7(bh,{brighter(e){return e=e==null?Om:Math.pow(Om,e),new hr(this.r*e,this.g*e,this.b*e,this.opacity)},darker(e){return e=e==null?kf:Math.pow(kf,e),new hr(this.r*e,this.g*e,this.b*e,this.opacity)},rgb(){return this},clamp(){return new hr(za(this.r),za(this.g),za(this.b),Mm(this.opacity))},displayable(){return-.5<=this.r&&this.r<255.5&&-.5<=this.g&&this.g<255.5&&-.5<=this.b&&this.b<255.5&&0<=this.opacity&&this.opacity<=1},hex:RT,formatHex:RT,formatHex8:xte,formatRgb:OT,toString:OT}));function RT(){return`#${Na(this.r)}${Na(this.g)}${Na(this.b)}`}function xte(){return`#${Na(this.r)}${Na(this.g)}${Na(this.b)}${Na((isNaN(this.opacity)?1:this.opacity)*255)}`}function OT(){const e=Mm(this.opacity);return`${e===1?"rgb(":"rgba("}${za(this.r)}, ${za(this.g)}, ${za(this.b)}${e===1?")":`, ${e})`}`}function Mm(e){return isNaN(e)?1:Math.max(0,Math.min(1,e))}function za(e){return Math.max(0,Math.min(255,Math.round(e)||0))}function Na(e){return e=za(e),(e<16?"0":"")+e.toString(16)}function MT(e,t,n,r){return r<=0?e=t=n=NaN:n<=0||n>=1?e=t=NaN:t<=0&&(e=NaN),new hi(e,t,n,r)}function Z7(e){if(e instanceof hi)return new hi(e.h,e.s,e.l,e.opacity);if(e instanceof bh||(e=Of(e)),!e)return new hi;if(e instanceof hi)return e;e=e.rgb();var t=e.r/255,n=e.g/255,r=e.b/255,i=Math.min(t,n,r),o=Math.max(t,n,r),s=NaN,a=o-i,l=(o+i)/2;return a?(t===o?s=(n-r)/a+(n0&&l<1?0:s,new hi(s,a,l,e.opacity)}function Cte(e,t,n,r){return arguments.length===1?Z7(e):new hi(e,t,n,r??1)}function hi(e,t,n,r){this.h=+e,this.s=+t,this.l=+n,this.opacity=+r}Xx(hi,Cte,Q7(bh,{brighter(e){return e=e==null?Om:Math.pow(Om,e),new hi(this.h,this.s,this.l*e,this.opacity)},darker(e){return e=e==null?kf:Math.pow(kf,e),new hi(this.h,this.s,this.l*e,this.opacity)},rgb(){var e=this.h%360+(this.h<0)*360,t=isNaN(e)||isNaN(this.s)?0:this.s,n=this.l,r=n+(n<.5?n:1-n)*t,i=2*n-r;return new hr(Tb(e>=240?e-240:e+120,i,r),Tb(e,i,r),Tb(e<120?e+240:e-120,i,r),this.opacity)},clamp(){return new hi(IT(this.h),Cp(this.s),Cp(this.l),Mm(this.opacity))},displayable(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1},formatHsl(){const e=Mm(this.opacity);return`${e===1?"hsl(":"hsla("}${IT(this.h)}, ${Cp(this.s)*100}%, ${Cp(this.l)*100}%${e===1?")":`, ${e})`}`}}));function IT(e){return e=(e||0)%360,e<0?e+360:e}function Cp(e){return Math.max(0,Math.min(1,e||0))}function Tb(e,t,n){return(e<60?t+(n-t)*e/60:e<180?n:e<240?t+(n-t)*(240-e)/60:t)*255}const J7=e=>()=>e;function Tte(e,t){return function(n){return e+n*t}}function Ete(e,t,n){return e=Math.pow(e,n),t=Math.pow(t,n)-e,n=1/n,function(r){return Math.pow(e+r*t,n)}}function Pte(e){return(e=+e)==1?eM:function(t,n){return n-t?Ete(t,n,e):J7(isNaN(t)?n:t)}}function eM(e,t){var n=t-e;return n?Tte(e,n):J7(isNaN(e)?t:e)}const NT=function e(t){var n=Pte(t);function r(i,o){var s=n((i=K_(i)).r,(o=K_(o)).r),a=n(i.g,o.g),l=n(i.b,o.b),u=eM(i.opacity,o.opacity);return function(c){return i.r=s(c),i.g=a(c),i.b=l(c),i.opacity=u(c),i+""}}return r.gamma=e,r}(1);function cs(e,t){return e=+e,t=+t,function(n){return e*(1-n)+t*n}}var X_=/[-+]?(?:\d+\.?\d*|\.?\d+)(?:[eE][-+]?\d+)?/g,Eb=new RegExp(X_.source,"g");function Ate(e){return function(){return e}}function kte(e){return function(t){return e(t)+""}}function Rte(e,t){var n=X_.lastIndex=Eb.lastIndex=0,r,i,o,s=-1,a=[],l=[];for(e=e+"",t=t+"";(r=X_.exec(e))&&(i=Eb.exec(t));)(o=i.index)>n&&(o=t.slice(n,o),a[s]?a[s]+=o:a[++s]=o),(r=r[0])===(i=i[0])?a[s]?a[s]+=i:a[++s]=i:(a[++s]=null,l.push({i:s,x:cs(r,i)})),n=Eb.lastIndex;return n180?c+=360:c-u>180&&(u+=360),f.push({i:d.push(i(d)+"rotate(",null,r)-2,x:cs(u,c)})):c&&d.push(i(d)+"rotate("+c+r)}function a(u,c,d,f){u!==c?f.push({i:d.push(i(d)+"skewX(",null,r)-2,x:cs(u,c)}):c&&d.push(i(d)+"skewX("+c+r)}function l(u,c,d,f,h,p){if(u!==d||c!==f){var m=h.push(i(h)+"scale(",null,",",null,")");p.push({i:m-4,x:cs(u,d)},{i:m-2,x:cs(c,f)})}else(d!==1||f!==1)&&h.push(i(h)+"scale("+d+","+f+")")}return function(u,c){var d=[],f=[];return u=e(u),c=e(c),o(u.translateX,u.translateY,c.translateX,c.translateY,d,f),s(u.rotate,c.rotate,d,f),a(u.skewX,c.skewX,d,f),l(u.scaleX,u.scaleY,c.scaleX,c.scaleY,d,f),u=c=null,function(h){for(var p=-1,m=f.length,S;++p=0&&e._call.call(void 0,t),e=e._next;--rc}function $T(){nl=(Nm=Mf.now())+R0,rc=fd=0;try{jte()}finally{rc=0,zte(),nl=0}}function Vte(){var e=Mf.now(),t=e-Nm;t>rM&&(R0-=t,Nm=e)}function zte(){for(var e,t=Im,n,r=1/0;t;)t._call?(r>t._time&&(r=t._time),e=t,t=t._next):(n=t._next,t._next=null,t=e?e._next=n:Im=n);hd=e,Q_(r)}function Q_(e){if(!rc){fd&&(fd=clearTimeout(fd));var t=e-nl;t>24?(e<1/0&&(fd=setTimeout($T,e-Mf.now()-R0)),Hc&&(Hc=clearInterval(Hc))):(Hc||(Nm=Mf.now(),Hc=setInterval(Vte,rM)),rc=1,iM($T))}}function FT(e,t,n){var r=new Dm;return t=t==null?0:+t,r.restart(i=>{r.stop(),e(i+t)},t,n),r}var Ute=A0("start","end","cancel","interrupt"),Gte=[],sM=0,BT=1,Z_=2,gg=3,jT=4,J_=5,mg=6;function O0(e,t,n,r,i,o){var s=e.__transition;if(!s)e.__transition={};else if(n in s)return;Hte(e,n,{name:t,index:r,group:i,on:Ute,tween:Gte,time:o.time,delay:o.delay,duration:o.duration,ease:o.ease,timer:null,state:sM})}function Qx(e,t){var n=Pi(e,t);if(n.state>sM)throw new Error("too late; already scheduled");return n}function so(e,t){var n=Pi(e,t);if(n.state>gg)throw new Error("too late; already running");return n}function Pi(e,t){var n=e.__transition;if(!n||!(n=n[t]))throw new Error("transition not found");return n}function Hte(e,t,n){var r=e.__transition,i;r[t]=n,n.timer=oM(o,0,n.time);function o(u){n.state=BT,n.timer.restart(s,n.delay,n.time),n.delay<=u&&s(u-n.delay)}function s(u){var c,d,f,h;if(n.state!==BT)return l();for(c in r)if(h=r[c],h.name===n.name){if(h.state===gg)return FT(s);h.state===jT?(h.state=mg,h.timer.stop(),h.on.call("interrupt",e,e.__data__,h.index,h.group),delete r[c]):+cZ_&&r.state=0&&(t=t.slice(0,n)),!t||t==="start"})}function _ne(e,t,n){var r,i,o=Sne(t)?Qx:so;return function(){var s=o(this,e),a=s.on;a!==r&&(i=(r=a).copy()).on(t,n),s.on=i}}function wne(e,t){var n=this._id;return arguments.length<2?Pi(this.node(),n).on.on(e):this.each(_ne(n,e,t))}function xne(e){return function(){var t=this.parentNode;for(var n in this.__transition)if(+n!==e)return;t&&t.removeChild(this)}}function Cne(){return this.on("end.remove",xne(this._id))}function Tne(e){var t=this._name,n=this._id;typeof e!="function"&&(e=Wx(e));for(var r=this._groups,i=r.length,o=new Array(i),s=0;s()=>e;function Yne(e,{sourceEvent:t,target:n,transform:r,dispatch:i}){Object.defineProperties(this,{type:{value:e,enumerable:!0,configurable:!0},sourceEvent:{value:t,enumerable:!0,configurable:!0},target:{value:n,enumerable:!0,configurable:!0},transform:{value:r,enumerable:!0,configurable:!0},_:{value:i}})}function Po(e,t,n){this.k=e,this.x=t,this.y=n}Po.prototype={constructor:Po,scale:function(e){return e===1?this:new Po(this.k*e,this.x,this.y)},translate:function(e,t){return e===0&t===0?this:new Po(this.k,this.x+this.k*e,this.y+this.k*t)},apply:function(e){return[e[0]*this.k+this.x,e[1]*this.k+this.y]},applyX:function(e){return e*this.k+this.x},applyY:function(e){return e*this.k+this.y},invert:function(e){return[(e[0]-this.x)/this.k,(e[1]-this.y)/this.k]},invertX:function(e){return(e-this.x)/this.k},invertY:function(e){return(e-this.y)/this.k},rescaleX:function(e){return e.copy().domain(e.range().map(this.invertX,this).map(e.invert,e))},rescaleY:function(e){return e.copy().domain(e.range().map(this.invertY,this).map(e.invert,e))},toString:function(){return"translate("+this.x+","+this.y+") scale("+this.k+")"}};var Ms=new Po(1,0,0);Po.prototype;function Pb(e){e.stopImmediatePropagation()}function qc(e){e.preventDefault(),e.stopImmediatePropagation()}function Qne(e){return(!e.ctrlKey||e.type==="wheel")&&!e.button}function Zne(){var e=this;return e instanceof SVGElement?(e=e.ownerSVGElement||e,e.hasAttribute("viewBox")?(e=e.viewBox.baseVal,[[e.x,e.y],[e.x+e.width,e.y+e.height]]):[[0,0],[e.width.baseVal.value,e.height.baseVal.value]]):[[0,0],[e.clientWidth,e.clientHeight]]}function VT(){return this.__zoom||Ms}function Jne(e){return-e.deltaY*(e.deltaMode===1?.05:e.deltaMode?1:.002)*(e.ctrlKey?10:1)}function ere(){return navigator.maxTouchPoints||"ontouchstart"in this}function tre(e,t,n){var r=e.invertX(t[0][0])-n[0][0],i=e.invertX(t[1][0])-n[1][0],o=e.invertY(t[0][1])-n[0][1],s=e.invertY(t[1][1])-n[1][1];return e.translate(i>r?(r+i)/2:Math.min(0,r)||Math.max(0,i),s>o?(o+s)/2:Math.min(0,o)||Math.max(0,s))}function nre(){var e=Qne,t=Zne,n=tre,r=Jne,i=ere,o=[0,1/0],s=[[-1/0,-1/0],[1/0,1/0]],a=250,l=Fte,u=A0("start","zoom","end"),c,d,f,h=500,p=150,m=0,S=10;function y(C){C.property("__zoom",VT).on("wheel.zoom",T,{passive:!1}).on("mousedown.zoom",P).on("dblclick.zoom",E).filter(i).on("touchstart.zoom",A).on("touchmove.zoom",$).on("touchend.zoom touchcancel.zoom",I).style("-webkit-tap-highlight-color","rgba(0,0,0,0)")}y.transform=function(C,R,M,N){var O=C.selection?C.selection():C;O.property("__zoom",VT),C!==O?_(C,R,M,N):O.interrupt().each(function(){w(this,arguments).event(N).start().zoom(null,typeof R=="function"?R.apply(this,arguments):R).end()})},y.scaleBy=function(C,R,M,N){y.scaleTo(C,function(){var O=this.__zoom.k,D=typeof R=="function"?R.apply(this,arguments):R;return O*D},M,N)},y.scaleTo=function(C,R,M,N){y.transform(C,function(){var O=t.apply(this,arguments),D=this.__zoom,L=M==null?b(O):typeof M=="function"?M.apply(this,arguments):M,j=D.invert(L),U=typeof R=="function"?R.apply(this,arguments):R;return n(g(v(D,U),L,j),O,s)},M,N)},y.translateBy=function(C,R,M,N){y.transform(C,function(){return n(this.__zoom.translate(typeof R=="function"?R.apply(this,arguments):R,typeof M=="function"?M.apply(this,arguments):M),t.apply(this,arguments),s)},null,N)},y.translateTo=function(C,R,M,N,O){y.transform(C,function(){var D=t.apply(this,arguments),L=this.__zoom,j=N==null?b(D):typeof N=="function"?N.apply(this,arguments):N;return n(Ms.translate(j[0],j[1]).scale(L.k).translate(typeof R=="function"?-R.apply(this,arguments):-R,typeof M=="function"?-M.apply(this,arguments):-M),D,s)},N,O)};function v(C,R){return R=Math.max(o[0],Math.min(o[1],R)),R===C.k?C:new Po(R,C.x,C.y)}function g(C,R,M){var N=R[0]-M[0]*C.k,O=R[1]-M[1]*C.k;return N===C.x&&O===C.y?C:new Po(C.k,N,O)}function b(C){return[(+C[0][0]+ +C[1][0])/2,(+C[0][1]+ +C[1][1])/2]}function _(C,R,M,N){C.on("start.zoom",function(){w(this,arguments).event(N).start()}).on("interrupt.zoom end.zoom",function(){w(this,arguments).event(N).end()}).tween("zoom",function(){var O=this,D=arguments,L=w(O,D).event(N),j=t.apply(O,D),U=M==null?b(j):typeof M=="function"?M.apply(O,D):M,G=Math.max(j[1][0]-j[0][0],j[1][1]-j[0][1]),W=O.__zoom,X=typeof R=="function"?R.apply(O,D):R,Y=l(W.invert(U).concat(G/W.k),X.invert(U).concat(G/X.k));return function(B){if(B===1)B=X;else{var H=Y(B),Q=G/H[2];B=new Po(Q,U[0]-H[0]*Q,U[1]-H[1]*Q)}L.zoom(null,B)}})}function w(C,R,M){return!M&&C.__zooming||new x(C,R)}function x(C,R){this.that=C,this.args=R,this.active=0,this.sourceEvent=null,this.extent=t.apply(C,R),this.taps=0}x.prototype={event:function(C){return C&&(this.sourceEvent=C),this},start:function(){return++this.active===1&&(this.that.__zooming=this,this.emit("start")),this},zoom:function(C,R){return this.mouse&&C!=="mouse"&&(this.mouse[1]=R.invert(this.mouse[0])),this.touch0&&C!=="touch"&&(this.touch0[1]=R.invert(this.touch0[0])),this.touch1&&C!=="touch"&&(this.touch1[1]=R.invert(this.touch1[0])),this.that.__zoom=R,this.emit("zoom"),this},end:function(){return--this.active===0&&(delete this.that.__zooming,this.emit("end")),this},emit:function(C){var R=fi(this.that).datum();u.call(C,this.that,new Yne(C,{sourceEvent:this.sourceEvent,target:y,type:C,transform:this.that.__zoom,dispatch:u}),R)}};function T(C,...R){if(!e.apply(this,arguments))return;var M=w(this,R).event(C),N=this.__zoom,O=Math.max(o[0],Math.min(o[1],N.k*Math.pow(2,r.apply(this,arguments)))),D=$i(C);if(M.wheel)(M.mouse[0][0]!==D[0]||M.mouse[0][1]!==D[1])&&(M.mouse[1]=N.invert(M.mouse[0]=D)),clearTimeout(M.wheel);else{if(N.k===O)return;M.mouse=[D,N.invert(D)],yg(this),M.start()}qc(C),M.wheel=setTimeout(L,p),M.zoom("mouse",n(g(v(N,O),M.mouse[0],M.mouse[1]),M.extent,s));function L(){M.wheel=null,M.end()}}function P(C,...R){if(f||!e.apply(this,arguments))return;var M=C.currentTarget,N=w(this,R,!0).event(C),O=fi(C.view).on("mousemove.zoom",U,!0).on("mouseup.zoom",G,!0),D=$i(C,M),L=C.clientX,j=C.clientY;X7(C.view),Pb(C),N.mouse=[D,this.__zoom.invert(D)],yg(this),N.start();function U(W){if(qc(W),!N.moved){var X=W.clientX-L,Y=W.clientY-j;N.moved=X*X+Y*Y>m}N.event(W).zoom("mouse",n(g(N.that.__zoom,N.mouse[0]=$i(W,M),N.mouse[1]),N.extent,s))}function G(W){O.on("mousemove.zoom mouseup.zoom",null),Y7(W.view,N.moved),qc(W),N.event(W).end()}}function E(C,...R){if(e.apply(this,arguments)){var M=this.__zoom,N=$i(C.changedTouches?C.changedTouches[0]:C,this),O=M.invert(N),D=M.k*(C.shiftKey?.5:2),L=n(g(v(M,D),N,O),t.apply(this,R),s);qc(C),a>0?fi(this).transition().duration(a).call(_,L,N,C):fi(this).call(y.transform,L,N,C)}}function A(C,...R){if(e.apply(this,arguments)){var M=C.touches,N=M.length,O=w(this,R,C.changedTouches.length===N).event(C),D,L,j,U;for(Pb(C),L=0;L"[React Flow]: Seems like you have not used zustand provider as an ancestor. Help: https://reactflow.dev/error#001",error002:()=>"It looks like you've created a new nodeTypes or edgeTypes object. If this wasn't on purpose please define the nodeTypes/edgeTypes outside of the component or memoize them.",error003:e=>`Node type "${e}" not found. Using fallback type "default".`,error004:()=>"The React Flow parent container needs a width and a height to render the graph.",error005:()=>"Only child nodes can use a parent extent.",error006:()=>"Can't create edge. An edge needs a source and a target.",error007:e=>`The old edge with id=${e} does not exist.`,error009:e=>`Marker type "${e}" doesn't exist.`,error008:(e,t)=>`Couldn't create edge for ${e?"target":"source"} handle id: "${e?t.targetHandle:t.sourceHandle}", edge id: ${t.id}.`,error010:()=>"Handle: No node id found. Make sure to only use a Handle inside a custom Node.",error011:e=>`Edge type "${e}" not found. Using fallback type "default".`},cM=qs.error001();function jt(e,t){const n=k.useContext(M0);if(n===null)throw new Error(cM);return CJ(n,e,t)}const Vn=()=>{const e=k.useContext(M0);if(e===null)throw new Error(cM);return k.useMemo(()=>({getState:e.getState,setState:e.setState,subscribe:e.subscribe,destroy:e.destroy}),[e])},ire=e=>e.userSelectionActive?"none":"all";function ore({position:e,children:t,className:n,style:r,...i}){const o=jt(ire),s=`${e}`.split("-");return K.jsx("div",{className:ti(["react-flow__panel",n,...s]),style:{...r,pointerEvents:o},...i,children:t})}function sre({proOptions:e,position:t="bottom-right"}){return e!=null&&e.hideAttribution?null:K.jsx(ore,{position:t,className:"react-flow__attribution","data-message":"Please only hide this attribution when you are subscribed to React Flow Pro: https://pro.reactflow.dev",children:K.jsx("a",{href:"https://reactflow.dev",target:"_blank",rel:"noopener noreferrer","aria-label":"React Flow attribution",children:"React Flow"})})}const are=({x:e,y:t,label:n,labelStyle:r={},labelShowBg:i=!0,labelBgStyle:o={},labelBgPadding:s=[2,4],labelBgBorderRadius:a=2,children:l,className:u,...c})=>{const d=k.useRef(null),[f,h]=k.useState({x:0,y:0,width:0,height:0}),p=ti(["react-flow__edge-textwrapper",u]);return k.useEffect(()=>{if(d.current){const m=d.current.getBBox();h({x:m.x,y:m.y,width:m.width,height:m.height})}},[n]),typeof n>"u"||!n?null:K.jsxs("g",{transform:`translate(${e-f.width/2} ${t-f.height/2})`,className:p,visibility:f.width?"visible":"hidden",...c,children:[i&&K.jsx("rect",{width:f.width+2*s[0],x:-s[0],y:-s[1],height:f.height+2*s[1],className:"react-flow__edge-textbg",style:o,rx:a,ry:a}),K.jsx("text",{className:"react-flow__edge-text",y:f.height/2,dy:"0.3em",ref:d,style:r,children:n}),l]})};var lre=k.memo(are);const Jx=e=>({width:e.offsetWidth,height:e.offsetHeight}),ic=(e,t=0,n=1)=>Math.min(Math.max(e,t),n),eC=(e={x:0,y:0},t)=>({x:ic(e.x,t[0][0],t[1][0]),y:ic(e.y,t[0][1],t[1][1])}),zT=(e,t,n)=>en?-ic(Math.abs(e-n),1,50)/50:0,dM=(e,t)=>{const n=zT(e.x,35,t.width-35)*20,r=zT(e.y,35,t.height-35)*20;return[n,r]},fM=e=>{var t;return((t=e.getRootNode)==null?void 0:t.call(e))||(window==null?void 0:window.document)},hM=(e,t)=>({x:Math.min(e.x,t.x),y:Math.min(e.y,t.y),x2:Math.max(e.x2,t.x2),y2:Math.max(e.y2,t.y2)}),Lm=({x:e,y:t,width:n,height:r})=>({x:e,y:t,x2:e+n,y2:t+r}),pM=({x:e,y:t,x2:n,y2:r})=>({x:e,y:t,width:n-e,height:r-t}),UT=e=>({...e.positionAbsolute||{x:0,y:0},width:e.width||0,height:e.height||0}),Y3e=(e,t)=>pM(hM(Lm(e),Lm(t))),e2=(e,t)=>{const n=Math.max(0,Math.min(e.x+e.width,t.x+t.width)-Math.max(e.x,t.x)),r=Math.max(0,Math.min(e.y+e.height,t.y+t.height)-Math.max(e.y,t.y));return Math.ceil(n*r)},ure=e=>Kr(e.width)&&Kr(e.height)&&Kr(e.x)&&Kr(e.y),Kr=e=>!isNaN(e)&&isFinite(e),rn=Symbol.for("internals"),gM=["Enter"," ","Escape"],cre=(e,t)=>{},dre=e=>"nativeEvent"in e;function t2(e){var i,o;const t=dre(e)?e.nativeEvent:e,n=((o=(i=t.composedPath)==null?void 0:i.call(t))==null?void 0:o[0])||e.target;return["INPUT","SELECT","TEXTAREA"].includes(n==null?void 0:n.nodeName)||(n==null?void 0:n.hasAttribute("contenteditable"))||!!(n!=null&&n.closest(".nokey"))}const mM=e=>"clientX"in e,Is=(e,t)=>{var o,s;const n=mM(e),r=n?e.clientX:(o=e.touches)==null?void 0:o[0].clientX,i=n?e.clientY:(s=e.touches)==null?void 0:s[0].clientY;return{x:r-((t==null?void 0:t.left)??0),y:i-((t==null?void 0:t.top)??0)}},Sh=({id:e,path:t,labelX:n,labelY:r,label:i,labelStyle:o,labelShowBg:s,labelBgStyle:a,labelBgPadding:l,labelBgBorderRadius:u,style:c,markerEnd:d,markerStart:f,interactionWidth:h=20})=>K.jsxs(K.Fragment,{children:[K.jsx("path",{id:e,style:c,d:t,fill:"none",className:"react-flow__edge-path",markerEnd:d,markerStart:f}),h&&K.jsx("path",{d:t,fill:"none",strokeOpacity:0,strokeWidth:h,className:"react-flow__edge-interaction"}),i&&Kr(n)&&Kr(r)?K.jsx(lre,{x:n,y:r,label:i,labelStyle:o,labelShowBg:s,labelBgStyle:a,labelBgPadding:l,labelBgBorderRadius:u}):null]});Sh.displayName="BaseEdge";function Wc(e,t,n){return n===void 0?n:r=>{const i=t().edges.find(o=>o.id===e);i&&n(r,{...i})}}function yM({sourceX:e,sourceY:t,targetX:n,targetY:r}){const i=Math.abs(n-e)/2,o=n{const[S,y,v]=bM({sourceX:e,sourceY:t,sourcePosition:i,targetX:n,targetY:r,targetPosition:o});return K.jsx(Sh,{path:S,labelX:y,labelY:v,label:s,labelStyle:a,labelShowBg:l,labelBgStyle:u,labelBgPadding:c,labelBgBorderRadius:d,style:f,markerEnd:h,markerStart:p,interactionWidth:m})});tC.displayName="SimpleBezierEdge";const HT={[pe.Left]:{x:-1,y:0},[pe.Right]:{x:1,y:0},[pe.Top]:{x:0,y:-1},[pe.Bottom]:{x:0,y:1}},fre=({source:e,sourcePosition:t=pe.Bottom,target:n})=>t===pe.Left||t===pe.Right?e.xMath.sqrt(Math.pow(t.x-e.x,2)+Math.pow(t.y-e.y,2));function hre({source:e,sourcePosition:t=pe.Bottom,target:n,targetPosition:r=pe.Top,center:i,offset:o}){const s=HT[t],a=HT[r],l={x:e.x+s.x*o,y:e.y+s.y*o},u={x:n.x+a.x*o,y:n.y+a.y*o},c=fre({source:l,sourcePosition:t,target:u}),d=c.x!==0?"x":"y",f=c[d];let h=[],p,m;const[S,y,v,g]=yM({sourceX:e.x,sourceY:e.y,targetX:n.x,targetY:n.y});if(s[d]*a[d]===-1){p=i.x||S,m=i.y||y;const _=[{x:p,y:l.y},{x:p,y:u.y}],w=[{x:l.x,y:m},{x:u.x,y:m}];s[d]===f?h=d==="x"?_:w:h=d==="x"?w:_}else{const _=[{x:l.x,y:u.y}],w=[{x:u.x,y:l.y}];if(d==="x"?h=s.x===f?w:_:h=s.y===f?_:w,t!==r){const x=d==="x"?"y":"x",T=s[d]===a[x],P=l[x]>u[x],E=l[x]{let g="";return v>0&&v{const[y,v,g]=n2({sourceX:e,sourceY:t,sourcePosition:d,targetX:n,targetY:r,targetPosition:f,borderRadius:m==null?void 0:m.borderRadius,offset:m==null?void 0:m.offset});return K.jsx(Sh,{path:y,labelX:v,labelY:g,label:i,labelStyle:o,labelShowBg:s,labelBgStyle:a,labelBgPadding:l,labelBgBorderRadius:u,style:c,markerEnd:h,markerStart:p,interactionWidth:S})});I0.displayName="SmoothStepEdge";const nC=k.memo(e=>{var t;return K.jsx(I0,{...e,pathOptions:k.useMemo(()=>{var n;return{borderRadius:0,offset:(n=e.pathOptions)==null?void 0:n.offset}},[(t=e.pathOptions)==null?void 0:t.offset])})});nC.displayName="StepEdge";function gre({sourceX:e,sourceY:t,targetX:n,targetY:r}){const[i,o,s,a]=yM({sourceX:e,sourceY:t,targetX:n,targetY:r});return[`M ${e},${t}L ${n},${r}`,i,o,s,a]}const rC=k.memo(({sourceX:e,sourceY:t,targetX:n,targetY:r,label:i,labelStyle:o,labelShowBg:s,labelBgStyle:a,labelBgPadding:l,labelBgBorderRadius:u,style:c,markerEnd:d,markerStart:f,interactionWidth:h})=>{const[p,m,S]=gre({sourceX:e,sourceY:t,targetX:n,targetY:r});return K.jsx(Sh,{path:p,labelX:m,labelY:S,label:i,labelStyle:o,labelShowBg:s,labelBgStyle:a,labelBgPadding:l,labelBgBorderRadius:u,style:c,markerEnd:d,markerStart:f,interactionWidth:h})});rC.displayName="StraightEdge";function Pp(e,t){return e>=0?.5*e:t*25*Math.sqrt(-e)}function WT({pos:e,x1:t,y1:n,x2:r,y2:i,c:o}){switch(e){case pe.Left:return[t-Pp(t-r,o),n];case pe.Right:return[t+Pp(r-t,o),n];case pe.Top:return[t,n-Pp(n-i,o)];case pe.Bottom:return[t,n+Pp(i-n,o)]}}function SM({sourceX:e,sourceY:t,sourcePosition:n=pe.Bottom,targetX:r,targetY:i,targetPosition:o=pe.Top,curvature:s=.25}){const[a,l]=WT({pos:n,x1:e,y1:t,x2:r,y2:i,c:s}),[u,c]=WT({pos:o,x1:r,y1:i,x2:e,y2:t,c:s}),[d,f,h,p]=vM({sourceX:e,sourceY:t,targetX:r,targetY:i,sourceControlX:a,sourceControlY:l,targetControlX:u,targetControlY:c});return[`M${e},${t} C${a},${l} ${u},${c} ${r},${i}`,d,f,h,p]}const Fm=k.memo(({sourceX:e,sourceY:t,targetX:n,targetY:r,sourcePosition:i=pe.Bottom,targetPosition:o=pe.Top,label:s,labelStyle:a,labelShowBg:l,labelBgStyle:u,labelBgPadding:c,labelBgBorderRadius:d,style:f,markerEnd:h,markerStart:p,pathOptions:m,interactionWidth:S})=>{const[y,v,g]=SM({sourceX:e,sourceY:t,sourcePosition:i,targetX:n,targetY:r,targetPosition:o,curvature:m==null?void 0:m.curvature});return K.jsx(Sh,{path:y,labelX:v,labelY:g,label:s,labelStyle:a,labelShowBg:l,labelBgStyle:u,labelBgPadding:c,labelBgBorderRadius:d,style:f,markerEnd:h,markerStart:p,interactionWidth:S})});Fm.displayName="BezierEdge";const iC=k.createContext(null),mre=iC.Provider;iC.Consumer;const yre=()=>k.useContext(iC),vre=e=>"id"in e&&"source"in e&&"target"in e,bre=({source:e,sourceHandle:t,target:n,targetHandle:r})=>`reactflow__edge-${e}${t||""}-${n}${r||""}`,r2=(e,t)=>typeof e>"u"?"":typeof e=="string"?e:`${t?`${t}__`:""}${Object.keys(e).sort().map(r=>`${r}=${e[r]}`).join("&")}`,Sre=(e,t)=>t.some(n=>n.source===e.source&&n.target===e.target&&(n.sourceHandle===e.sourceHandle||!n.sourceHandle&&!e.sourceHandle)&&(n.targetHandle===e.targetHandle||!n.targetHandle&&!e.targetHandle)),_M=(e,t)=>{if(!e.source||!e.target)return t;let n;return vre(e)?n={...e}:n={...e,id:bre(e)},Sre(n,t)?t:t.concat(n)},wM=({x:e,y:t},[n,r,i],o,[s,a])=>{const l={x:(e-n)/i,y:(t-r)/i};return o?{x:s*Math.round(l.x/s),y:a*Math.round(l.y/a)}:l},_re=({x:e,y:t},[n,r,i])=>({x:e*i+n,y:t*i+r}),Nu=(e,t=[0,0])=>{if(!e)return{x:0,y:0,positionAbsolute:{x:0,y:0}};const n=(e.width??0)*t[0],r=(e.height??0)*t[1],i={x:e.position.x-n,y:e.position.y-r};return{...i,positionAbsolute:e.positionAbsolute?{x:e.positionAbsolute.x-n,y:e.positionAbsolute.y-r}:i}},xM=(e,t=[0,0])=>{if(e.length===0)return{x:0,y:0,width:0,height:0};const n=e.reduce((r,i)=>{const{x:o,y:s}=Nu(i,t).positionAbsolute;return hM(r,Lm({x:o,y:s,width:i.width||0,height:i.height||0}))},{x:1/0,y:1/0,x2:-1/0,y2:-1/0});return pM(n)},CM=(e,t,[n,r,i]=[0,0,1],o=!1,s=!1,a=[0,0])=>{const l={x:(t.x-n)/i,y:(t.y-r)/i,width:t.width/i,height:t.height/i},u=[];return e.forEach(c=>{const{width:d,height:f,selectable:h=!0,hidden:p=!1}=c;if(s&&!h||p)return!1;const{positionAbsolute:m}=Nu(c,a),S={x:m.x,y:m.y,width:d||0,height:f||0},y=e2(l,S),v=typeof d>"u"||typeof f>"u"||d===null||f===null,g=o&&y>0,b=(d||0)*(f||0);(v||g||y>=b||c.dragging)&&u.push(c)}),u},TM=(e,t)=>{const n=e.map(r=>r.id);return t.filter(r=>n.includes(r.source)||n.includes(r.target))},EM=(e,t,n,r,i,o=.1)=>{const s=t/(e.width*(1+o)),a=n/(e.height*(1+o)),l=Math.min(s,a),u=ic(l,r,i),c=e.x+e.width/2,d=e.y+e.height/2,f=t/2-c*u,h=n/2-d*u;return[f,h,u]},Ca=(e,t=0)=>e.transition().duration(t);function KT(e,t,n,r){return(t[n]||[]).reduce((i,o)=>{var s,a;return`${e.id}-${o.id}-${n}`!==r&&i.push({id:o.id||null,type:n,nodeId:e.id,x:(((s=e.positionAbsolute)==null?void 0:s.x)??0)+o.x+o.width/2,y:(((a=e.positionAbsolute)==null?void 0:a.y)??0)+o.y+o.height/2}),i},[])}function wre(e,t,n,r,i,o){const{x:s,y:a}=Is(e),u=t.elementsFromPoint(s,a).find(p=>p.classList.contains("react-flow__handle"));if(u){const p=u.getAttribute("data-nodeid");if(p){const m=oC(void 0,u),S=u.getAttribute("data-handleid"),y=o({nodeId:p,id:S,type:m});if(y)return{handle:{id:S,type:m,nodeId:p,x:n.x,y:n.y},validHandleResult:y}}}let c=[],d=1/0;if(i.forEach(p=>{const m=Math.sqrt((p.x-n.x)**2+(p.y-n.y)**2);if(m<=r){const S=o(p);m<=d&&(mp.isValid),h=c.some(({handle:p})=>p.type==="target");return c.find(({handle:p,validHandleResult:m})=>h?p.type==="target":f?m.isValid:!0)||c[0]}const xre={source:null,target:null,sourceHandle:null,targetHandle:null},PM=()=>({handleDomNode:null,isValid:!1,connection:xre,endHandle:null});function AM(e,t,n,r,i,o,s){const a=i==="target",l=s.querySelector(`.react-flow__handle[data-id="${e==null?void 0:e.nodeId}-${e==null?void 0:e.id}-${e==null?void 0:e.type}"]`),u={...PM(),handleDomNode:l};if(l){const c=oC(void 0,l),d=l.getAttribute("data-nodeid"),f=l.getAttribute("data-handleid"),h=l.classList.contains("connectable"),p=l.classList.contains("connectableend"),m={source:a?d:n,sourceHandle:a?f:r,target:a?n:d,targetHandle:a?r:f};u.connection=m,h&&p&&(t===rl.Strict?a&&c==="source"||!a&&c==="target":d!==n||f!==r)&&(u.endHandle={nodeId:d,handleId:f,type:c},u.isValid=o(m))}return u}function Cre({nodes:e,nodeId:t,handleId:n,handleType:r}){return e.reduce((i,o)=>{if(o[rn]){const{handleBounds:s}=o[rn];let a=[],l=[];s&&(a=KT(o,s,"source",`${t}-${n}-${r}`),l=KT(o,s,"target",`${t}-${n}-${r}`)),i.push(...a,...l)}return i},[])}function oC(e,t){return e||(t!=null&&t.classList.contains("target")?"target":t!=null&&t.classList.contains("source")?"source":null)}function Ab(e){e==null||e.classList.remove("valid","connecting","react-flow__handle-valid","react-flow__handle-connecting")}function Tre(e,t){let n=null;return t?n="valid":e&&!t&&(n="invalid"),n}function kM({event:e,handleId:t,nodeId:n,onConnect:r,isTarget:i,getState:o,setState:s,isValidConnection:a,edgeUpdaterType:l,onEdgeUpdateEnd:u}){const c=fM(e.target),{connectionMode:d,domNode:f,autoPanOnConnect:h,connectionRadius:p,onConnectStart:m,panBy:S,getNodes:y,cancelConnection:v}=o();let g=0,b;const{x:_,y:w}=Is(e),x=c==null?void 0:c.elementFromPoint(_,w),T=oC(l,x),P=f==null?void 0:f.getBoundingClientRect();if(!P||!T)return;let E,A=Is(e,P),$=!1,I=null,C=!1,R=null;const M=Cre({nodes:y(),nodeId:n,handleId:t,handleType:T}),N=()=>{if(!h)return;const[L,j]=dM(A,P);S({x:L,y:j}),g=requestAnimationFrame(N)};s({connectionPosition:A,connectionStatus:null,connectionNodeId:n,connectionHandleId:t,connectionHandleType:T,connectionStartHandle:{nodeId:n,handleId:t,type:T},connectionEndHandle:null}),m==null||m(e,{nodeId:n,handleId:t,handleType:T});function O(L){const{transform:j}=o();A=Is(L,P);const{handle:U,validHandleResult:G}=wre(L,c,wM(A,j,!1,[1,1]),p,M,W=>AM(W,d,n,t,i?"target":"source",a,c));if(b=U,$||(N(),$=!0),R=G.handleDomNode,I=G.connection,C=G.isValid,s({connectionPosition:b&&C?_re({x:b.x,y:b.y},j):A,connectionStatus:Tre(!!b,C),connectionEndHandle:G.endHandle}),!b&&!C&&!R)return Ab(E);I.source!==I.target&&R&&(Ab(E),E=R,R.classList.add("connecting","react-flow__handle-connecting"),R.classList.toggle("valid",C),R.classList.toggle("react-flow__handle-valid",C))}function D(L){var j,U;(b||R)&&I&&C&&(r==null||r(I)),(U=(j=o()).onConnectEnd)==null||U.call(j,L),l&&(u==null||u(L)),Ab(E),v(),cancelAnimationFrame(g),$=!1,C=!1,I=null,R=null,c.removeEventListener("mousemove",O),c.removeEventListener("mouseup",D),c.removeEventListener("touchmove",O),c.removeEventListener("touchend",D)}c.addEventListener("mousemove",O),c.addEventListener("mouseup",D),c.addEventListener("touchmove",O),c.addEventListener("touchend",D)}const XT=()=>!0,Ere=e=>({connectionStartHandle:e.connectionStartHandle,connectOnClick:e.connectOnClick,noPanClassName:e.noPanClassName}),Pre=(e,t,n)=>r=>{const{connectionStartHandle:i,connectionEndHandle:o,connectionClickStartHandle:s}=r;return{connecting:(i==null?void 0:i.nodeId)===e&&(i==null?void 0:i.handleId)===t&&(i==null?void 0:i.type)===n||(o==null?void 0:o.nodeId)===e&&(o==null?void 0:o.handleId)===t&&(o==null?void 0:o.type)===n,clickConnecting:(s==null?void 0:s.nodeId)===e&&(s==null?void 0:s.handleId)===t&&(s==null?void 0:s.type)===n}},RM=k.forwardRef(({type:e="source",position:t=pe.Top,isValidConnection:n,isConnectable:r=!0,isConnectableStart:i=!0,isConnectableEnd:o=!0,id:s,onConnect:a,children:l,className:u,onMouseDown:c,onTouchStart:d,...f},h)=>{var P,E;const p=s||null,m=e==="target",S=Vn(),y=yre(),{connectOnClick:v,noPanClassName:g}=jt(Ere,br),{connecting:b,clickConnecting:_}=jt(Pre(y,p,e),br);y||(E=(P=S.getState()).onError)==null||E.call(P,"010",qs.error010());const w=A=>{const{defaultEdgeOptions:$,onConnect:I,hasDefaultEdges:C}=S.getState(),R={...$,...A};if(C){const{edges:M,setEdges:N}=S.getState();N(_M(R,M))}I==null||I(R),a==null||a(R)},x=A=>{if(!y)return;const $=mM(A);i&&($&&A.button===0||!$)&&kM({event:A,handleId:p,nodeId:y,onConnect:w,isTarget:m,getState:S.getState,setState:S.setState,isValidConnection:n||S.getState().isValidConnection||XT}),$?c==null||c(A):d==null||d(A)},T=A=>{const{onClickConnectStart:$,onClickConnectEnd:I,connectionClickStartHandle:C,connectionMode:R,isValidConnection:M}=S.getState();if(!y||!C&&!i)return;if(!C){$==null||$(A,{nodeId:y,handleId:p,handleType:e}),S.setState({connectionClickStartHandle:{nodeId:y,type:e,handleId:p}});return}const N=fM(A.target),O=n||M||XT,{connection:D,isValid:L}=AM({nodeId:y,id:p,type:e},R,C.nodeId,C.handleId||null,C.type,O,N);L&&w(D),I==null||I(A),S.setState({connectionClickStartHandle:null})};return K.jsx("div",{"data-handleid":p,"data-nodeid":y,"data-handlepos":t,"data-id":`${y}-${p}-${e}`,className:ti(["react-flow__handle",`react-flow__handle-${t}`,"nodrag",g,u,{source:!m,target:m,connectable:r,connectablestart:i,connectableend:o,connecting:_,connectionindicator:r&&(i&&!b||o&&b)}]),onMouseDown:x,onTouchStart:x,onClick:v?T:void 0,ref:h,...f,children:l})});RM.displayName="Handle";var Bm=k.memo(RM);const OM=({data:e,isConnectable:t,targetPosition:n=pe.Top,sourcePosition:r=pe.Bottom})=>K.jsxs(K.Fragment,{children:[K.jsx(Bm,{type:"target",position:n,isConnectable:t}),e==null?void 0:e.label,K.jsx(Bm,{type:"source",position:r,isConnectable:t})]});OM.displayName="DefaultNode";var i2=k.memo(OM);const MM=({data:e,isConnectable:t,sourcePosition:n=pe.Bottom})=>K.jsxs(K.Fragment,{children:[e==null?void 0:e.label,K.jsx(Bm,{type:"source",position:n,isConnectable:t})]});MM.displayName="InputNode";var IM=k.memo(MM);const NM=({data:e,isConnectable:t,targetPosition:n=pe.Top})=>K.jsxs(K.Fragment,{children:[K.jsx(Bm,{type:"target",position:n,isConnectable:t}),e==null?void 0:e.label]});NM.displayName="OutputNode";var DM=k.memo(NM);const sC=()=>null;sC.displayName="GroupNode";const Are=e=>({selectedNodes:e.getNodes().filter(t=>t.selected),selectedEdges:e.edges.filter(t=>t.selected)}),Ap=e=>e.id;function kre(e,t){return br(e.selectedNodes.map(Ap),t.selectedNodes.map(Ap))&&br(e.selectedEdges.map(Ap),t.selectedEdges.map(Ap))}const LM=k.memo(({onSelectionChange:e})=>{const t=Vn(),{selectedNodes:n,selectedEdges:r}=jt(Are,kre);return k.useEffect(()=>{var o,s;const i={nodes:n,edges:r};e==null||e(i),(s=(o=t.getState()).onSelectionChange)==null||s.call(o,i)},[n,r,e]),null});LM.displayName="SelectionListener";const Rre=e=>!!e.onSelectionChange;function Ore({onSelectionChange:e}){const t=jt(Rre);return e||t?K.jsx(LM,{onSelectionChange:e}):null}const Mre=e=>({setNodes:e.setNodes,setEdges:e.setEdges,setDefaultNodesAndEdges:e.setDefaultNodesAndEdges,setMinZoom:e.setMinZoom,setMaxZoom:e.setMaxZoom,setTranslateExtent:e.setTranslateExtent,setNodeExtent:e.setNodeExtent,reset:e.reset});function Dl(e,t){k.useEffect(()=>{typeof e<"u"&&t(e)},[e])}function Ae(e,t,n){k.useEffect(()=>{typeof t<"u"&&n({[e]:t})},[t])}const Ire=({nodes:e,edges:t,defaultNodes:n,defaultEdges:r,onConnect:i,onConnectStart:o,onConnectEnd:s,onClickConnectStart:a,onClickConnectEnd:l,nodesDraggable:u,nodesConnectable:c,nodesFocusable:d,edgesFocusable:f,edgesUpdatable:h,elevateNodesOnSelect:p,minZoom:m,maxZoom:S,nodeExtent:y,onNodesChange:v,onEdgesChange:g,elementsSelectable:b,connectionMode:_,snapGrid:w,snapToGrid:x,translateExtent:T,connectOnClick:P,defaultEdgeOptions:E,fitView:A,fitViewOptions:$,onNodesDelete:I,onEdgesDelete:C,onNodeDrag:R,onNodeDragStart:M,onNodeDragStop:N,onSelectionDrag:O,onSelectionDragStart:D,onSelectionDragStop:L,noPanClassName:j,nodeOrigin:U,rfId:G,autoPanOnConnect:W,autoPanOnNodeDrag:X,onError:Y,connectionRadius:B,isValidConnection:H})=>{const{setNodes:Q,setEdges:J,setDefaultNodesAndEdges:ne,setMinZoom:te,setMaxZoom:xe,setTranslateExtent:ve,setNodeExtent:ce,reset:De}=jt(Mre,br),se=Vn();return k.useEffect(()=>{const pt=r==null?void 0:r.map(yn=>({...yn,...E}));return ne(n,pt),()=>{De()}},[]),Ae("defaultEdgeOptions",E,se.setState),Ae("connectionMode",_,se.setState),Ae("onConnect",i,se.setState),Ae("onConnectStart",o,se.setState),Ae("onConnectEnd",s,se.setState),Ae("onClickConnectStart",a,se.setState),Ae("onClickConnectEnd",l,se.setState),Ae("nodesDraggable",u,se.setState),Ae("nodesConnectable",c,se.setState),Ae("nodesFocusable",d,se.setState),Ae("edgesFocusable",f,se.setState),Ae("edgesUpdatable",h,se.setState),Ae("elementsSelectable",b,se.setState),Ae("elevateNodesOnSelect",p,se.setState),Ae("snapToGrid",x,se.setState),Ae("snapGrid",w,se.setState),Ae("onNodesChange",v,se.setState),Ae("onEdgesChange",g,se.setState),Ae("connectOnClick",P,se.setState),Ae("fitViewOnInit",A,se.setState),Ae("fitViewOnInitOptions",$,se.setState),Ae("onNodesDelete",I,se.setState),Ae("onEdgesDelete",C,se.setState),Ae("onNodeDrag",R,se.setState),Ae("onNodeDragStart",M,se.setState),Ae("onNodeDragStop",N,se.setState),Ae("onSelectionDrag",O,se.setState),Ae("onSelectionDragStart",D,se.setState),Ae("onSelectionDragStop",L,se.setState),Ae("noPanClassName",j,se.setState),Ae("nodeOrigin",U,se.setState),Ae("rfId",G,se.setState),Ae("autoPanOnConnect",W,se.setState),Ae("autoPanOnNodeDrag",X,se.setState),Ae("onError",Y,se.setState),Ae("connectionRadius",B,se.setState),Ae("isValidConnection",H,se.setState),Dl(e,Q),Dl(t,J),Dl(m,te),Dl(S,xe),Dl(T,ve),Dl(y,ce),null},YT={display:"none"},Nre={position:"absolute",width:1,height:1,margin:-1,border:0,padding:0,overflow:"hidden",clip:"rect(0px, 0px, 0px, 0px)",clipPath:"inset(100%)"},$M="react-flow__node-desc",FM="react-flow__edge-desc",Dre="react-flow__aria-live",Lre=e=>e.ariaLiveMessage;function $re({rfId:e}){const t=jt(Lre);return K.jsx("div",{id:`${Dre}-${e}`,"aria-live":"assertive","aria-atomic":"true",style:Nre,children:t})}function Fre({rfId:e,disableKeyboardA11y:t}){return K.jsxs(K.Fragment,{children:[K.jsxs("div",{id:`${$M}-${e}`,style:YT,children:["Press enter or space to select a node.",!t&&"You can then use the arrow keys to move the node around."," Press delete to remove it and escape to cancel."," "]}),K.jsx("div",{id:`${FM}-${e}`,style:YT,children:"Press enter or space to select an edge. You can then press delete to remove it or escape to cancel."}),!t&&K.jsx($re,{rfId:e})]})}const Bre=(e,t,n)=>n===pe.Left?e-t:n===pe.Right?e+t:e,jre=(e,t,n)=>n===pe.Top?e-t:n===pe.Bottom?e+t:e,QT="react-flow__edgeupdater",ZT=({position:e,centerX:t,centerY:n,radius:r=10,onMouseDown:i,onMouseEnter:o,onMouseOut:s,type:a})=>K.jsx("circle",{onMouseDown:i,onMouseEnter:o,onMouseOut:s,className:ti([QT,`${QT}-${a}`]),cx:Bre(t,r,e),cy:jre(n,r,e),r,stroke:"transparent",fill:"transparent"}),Vre=()=>!0;var Ll=e=>{const t=({id:n,className:r,type:i,data:o,onClick:s,onEdgeDoubleClick:a,selected:l,animated:u,label:c,labelStyle:d,labelShowBg:f,labelBgStyle:h,labelBgPadding:p,labelBgBorderRadius:m,style:S,source:y,target:v,sourceX:g,sourceY:b,targetX:_,targetY:w,sourcePosition:x,targetPosition:T,elementsSelectable:P,hidden:E,sourceHandleId:A,targetHandleId:$,onContextMenu:I,onMouseEnter:C,onMouseMove:R,onMouseLeave:M,edgeUpdaterRadius:N,onEdgeUpdate:O,onEdgeUpdateStart:D,onEdgeUpdateEnd:L,markerEnd:j,markerStart:U,rfId:G,ariaLabel:W,isFocusable:X,isUpdatable:Y,pathOptions:B,interactionWidth:H})=>{const Q=k.useRef(null),[J,ne]=k.useState(!1),[te,xe]=k.useState(!1),ve=Vn(),ce=k.useMemo(()=>`url(#${r2(U,G)})`,[U,G]),De=k.useMemo(()=>`url(#${r2(j,G)})`,[j,G]);if(E)return null;const se=Gt=>{const{edges:xt,addSelectedEdges:wr}=ve.getState();if(P&&(ve.setState({nodesSelectionActive:!1}),wr([n])),s){const $r=xt.find(ri=>ri.id===n);s(Gt,$r)}},pt=Wc(n,ve.getState,a),yn=Wc(n,ve.getState,I),Mt=Wc(n,ve.getState,C),ut=Wc(n,ve.getState,R),tt=Wc(n,ve.getState,M),Ut=(Gt,xt)=>{if(Gt.button!==0)return;const{edges:wr,isValidConnection:$r}=ve.getState(),ri=xt?v:y,uo=(xt?$:A)||null,bn=xt?"target":"source",ii=$r||Vre,da=xt,ki=wr.find(nt=>nt.id===n);xe(!0),D==null||D(Gt,ki,bn);const fa=nt=>{xe(!1),L==null||L(nt,ki,bn)};kM({event:Gt,handleId:uo,nodeId:ri,onConnect:nt=>O==null?void 0:O(ki,nt),isTarget:da,getState:ve.getState,setState:ve.setState,isValidConnection:ii,edgeUpdaterType:bn,onEdgeUpdateEnd:fa})},sr=Gt=>Ut(Gt,!0),ni=Gt=>Ut(Gt,!1),Lr=()=>ne(!0),On=()=>ne(!1),vn=!P&&!s,Un=Gt=>{var xt;if(gM.includes(Gt.key)&&P){const{unselectNodesAndEdges:wr,addSelectedEdges:$r,edges:ri}=ve.getState();Gt.key==="Escape"?((xt=Q.current)==null||xt.blur(),wr({edges:[ri.find(bn=>bn.id===n)]})):$r([n])}};return K.jsxs("g",{className:ti(["react-flow__edge",`react-flow__edge-${i}`,r,{selected:l,animated:u,inactive:vn,updating:J}]),onClick:se,onDoubleClick:pt,onContextMenu:yn,onMouseEnter:Mt,onMouseMove:ut,onMouseLeave:tt,onKeyDown:X?Un:void 0,tabIndex:X?0:void 0,role:X?"button":void 0,"data-testid":`rf__edge-${n}`,"aria-label":W===null?void 0:W||`Edge from ${y} to ${v}`,"aria-describedby":X?`${FM}-${G}`:void 0,ref:Q,children:[!te&&K.jsx(e,{id:n,source:y,target:v,selected:l,animated:u,label:c,labelStyle:d,labelShowBg:f,labelBgStyle:h,labelBgPadding:p,labelBgBorderRadius:m,data:o,style:S,sourceX:g,sourceY:b,targetX:_,targetY:w,sourcePosition:x,targetPosition:T,sourceHandleId:A,targetHandleId:$,markerStart:ce,markerEnd:De,pathOptions:B,interactionWidth:H}),Y&&K.jsxs(K.Fragment,{children:[(Y==="source"||Y===!0)&&K.jsx(ZT,{position:x,centerX:g,centerY:b,radius:N,onMouseDown:sr,onMouseEnter:Lr,onMouseOut:On,type:"source"}),(Y==="target"||Y===!0)&&K.jsx(ZT,{position:T,centerX:_,centerY:w,radius:N,onMouseDown:ni,onMouseEnter:Lr,onMouseOut:On,type:"target"})]})]})};return t.displayName="EdgeWrapper",k.memo(t)};function zre(e){const t={default:Ll(e.default||Fm),straight:Ll(e.bezier||rC),step:Ll(e.step||nC),smoothstep:Ll(e.step||I0),simplebezier:Ll(e.simplebezier||tC)},n={},r=Object.keys(e).filter(i=>!["default","bezier"].includes(i)).reduce((i,o)=>(i[o]=Ll(e[o]||Fm),i),n);return{...t,...r}}function JT(e,t,n=null){const r=((n==null?void 0:n.x)||0)+t.x,i=((n==null?void 0:n.y)||0)+t.y,o=(n==null?void 0:n.width)||t.width,s=(n==null?void 0:n.height)||t.height;switch(e){case pe.Top:return{x:r+o/2,y:i};case pe.Right:return{x:r+o,y:i+s/2};case pe.Bottom:return{x:r+o/2,y:i+s};case pe.Left:return{x:r,y:i+s/2}}}function eE(e,t){return e?e.length===1||!t?e[0]:t&&e.find(n=>n.id===t)||null:null}const Ure=(e,t,n,r,i,o)=>{const s=JT(n,e,t),a=JT(o,r,i);return{sourceX:s.x,sourceY:s.y,targetX:a.x,targetY:a.y}};function Gre({sourcePos:e,targetPos:t,sourceWidth:n,sourceHeight:r,targetWidth:i,targetHeight:o,width:s,height:a,transform:l}){const u={x:Math.min(e.x,t.x),y:Math.min(e.y,t.y),x2:Math.max(e.x+n,t.x+i),y2:Math.max(e.y+r,t.y+o)};u.x===u.x2&&(u.x2+=1),u.y===u.y2&&(u.y2+=1);const c=Lm({x:(0-l[0])/l[2],y:(0-l[1])/l[2],width:s/l[2],height:a/l[2]}),d=Math.max(0,Math.min(c.x2,u.x2)-Math.max(c.x,u.x)),f=Math.max(0,Math.min(c.y2,u.y2)-Math.max(c.y,u.y));return Math.ceil(d*f)>0}function tE(e){var r,i,o,s,a;const t=((r=e==null?void 0:e[rn])==null?void 0:r.handleBounds)||null,n=t&&(e==null?void 0:e.width)&&(e==null?void 0:e.height)&&typeof((i=e==null?void 0:e.positionAbsolute)==null?void 0:i.x)<"u"&&typeof((o=e==null?void 0:e.positionAbsolute)==null?void 0:o.y)<"u";return[{x:((s=e==null?void 0:e.positionAbsolute)==null?void 0:s.x)||0,y:((a=e==null?void 0:e.positionAbsolute)==null?void 0:a.y)||0,width:(e==null?void 0:e.width)||0,height:(e==null?void 0:e.height)||0},t,!!n]}function BM(e,t){if(!e.parentNode)return!1;const n=t.get(e.parentNode);return n?n.selected?!0:BM(n,t):!1}function nE(e,t,n){let r=e;do{if(r!=null&&r.matches(t))return!0;if(r===n.current)return!1;r=r.parentElement}while(r);return!1}function Hre(e,t,n,r){return Array.from(e.values()).filter(i=>(i.selected||i.id===r)&&(!i.parentNode||!BM(i,e))&&(i.draggable||t&&typeof i.draggable>"u")).map(i=>{var o,s;return{id:i.id,position:i.position||{x:0,y:0},positionAbsolute:i.positionAbsolute||{x:0,y:0},distance:{x:n.x-(((o=i.positionAbsolute)==null?void 0:o.x)??0),y:n.y-(((s=i.positionAbsolute)==null?void 0:s.y)??0)},delta:{x:0,y:0},extent:i.extent,parentNode:i.parentNode,width:i.width,height:i.height}})}function qre(e,t){return!t||t==="parent"?t:[t[0],[t[1][0]-(e.width||0),t[1][1]-(e.height||0)]]}function jM(e,t,n,r,i=[0,0],o){const s=qre(e,e.extent||r);let a=s;if(e.extent==="parent")if(e.parentNode&&e.width&&e.height){const c=n.get(e.parentNode),{x:d,y:f}=Nu(c,i).positionAbsolute;a=c&&Kr(d)&&Kr(f)&&Kr(c.width)&&Kr(c.height)?[[d+e.width*i[0],f+e.height*i[1]],[d+c.width-e.width+e.width*i[0],f+c.height-e.height+e.height*i[1]]]:a}else o==null||o("005",qs.error005()),a=s;else if(e.extent&&e.parentNode){const c=n.get(e.parentNode),{x:d,y:f}=Nu(c,i).positionAbsolute;a=[[e.extent[0][0]+d,e.extent[0][1]+f],[e.extent[1][0]+d,e.extent[1][1]+f]]}let l={x:0,y:0};if(e.parentNode){const c=n.get(e.parentNode);l=Nu(c,i).positionAbsolute}const u=a?eC(t,a):t;return{position:{x:u.x-l.x,y:u.y-l.y},positionAbsolute:u}}function kb({nodeId:e,dragItems:t,nodeInternals:n}){const r=t.map(i=>({...n.get(i.id),position:i.position,positionAbsolute:i.positionAbsolute}));return[e?r.find(i=>i.id===e):r[0],r]}const rE=(e,t,n,r)=>{const i=t.querySelectorAll(e);if(!i||!i.length)return null;const o=Array.from(i),s=t.getBoundingClientRect(),a={x:s.width*r[0],y:s.height*r[1]};return o.map(l=>{const u=l.getBoundingClientRect();return{id:l.getAttribute("data-handleid"),position:l.getAttribute("data-handlepos"),x:(u.left-s.left-a.x)/n,y:(u.top-s.top-a.y)/n,...Jx(l)}})};function Kc(e,t,n){return n===void 0?n:r=>{const i=t().nodeInternals.get(e);n(r,{...i})}}function o2({id:e,store:t,unselect:n=!1,nodeRef:r}){const{addSelectedNodes:i,unselectNodesAndEdges:o,multiSelectionActive:s,nodeInternals:a}=t.getState(),l=a.get(e);t.setState({nodesSelectionActive:!1}),l.selected?(n||l.selected&&s)&&(o({nodes:[l]}),requestAnimationFrame(()=>{var u;return(u=r==null?void 0:r.current)==null?void 0:u.blur()})):i([e])}function Wre(){const e=Vn();return k.useCallback(({sourceEvent:n})=>{const{transform:r,snapGrid:i,snapToGrid:o}=e.getState(),s=n.touches?n.touches[0].clientX:n.clientX,a=n.touches?n.touches[0].clientY:n.clientY,l={x:(s-r[0])/r[2],y:(a-r[1])/r[2]};return{xSnapped:o?i[0]*Math.round(l.x/i[0]):l.x,ySnapped:o?i[1]*Math.round(l.y/i[1]):l.y,...l}},[])}function Rb(e){return(t,n,r)=>e==null?void 0:e(t,r)}function VM({nodeRef:e,disabled:t=!1,noDragClassName:n,handleSelector:r,nodeId:i,isSelectable:o,selectNodesOnDrag:s}){const a=Vn(),[l,u]=k.useState(!1),c=k.useRef([]),d=k.useRef({x:null,y:null}),f=k.useRef(0),h=k.useRef(null),p=k.useRef({x:0,y:0}),m=k.useRef(null),S=k.useRef(!1),y=Wre();return k.useEffect(()=>{if(e!=null&&e.current){const v=fi(e.current),g=({x:_,y:w})=>{const{nodeInternals:x,onNodeDrag:T,onSelectionDrag:P,updateNodePositions:E,nodeExtent:A,snapGrid:$,snapToGrid:I,nodeOrigin:C,onError:R}=a.getState();d.current={x:_,y:w};let M=!1;if(c.current=c.current.map(O=>{const D={x:_-O.distance.x,y:w-O.distance.y};I&&(D.x=$[0]*Math.round(D.x/$[0]),D.y=$[1]*Math.round(D.y/$[1]));const L=jM(O,D,x,A,C,R);return M=M||O.position.x!==L.position.x||O.position.y!==L.position.y,O.position=L.position,O.positionAbsolute=L.positionAbsolute,O}),!M)return;E(c.current,!0,!0),u(!0);const N=i?T:Rb(P);if(N&&m.current){const[O,D]=kb({nodeId:i,dragItems:c.current,nodeInternals:x});N(m.current,O,D)}},b=()=>{if(!h.current)return;const[_,w]=dM(p.current,h.current);if(_!==0||w!==0){const{transform:x,panBy:T}=a.getState();d.current.x=(d.current.x??0)-_/x[2],d.current.y=(d.current.y??0)-w/x[2],T({x:_,y:w})&&g(d.current)}f.current=requestAnimationFrame(b)};if(t)v.on(".drag",null);else{const _=fte().on("start",w=>{var M;const{nodeInternals:x,multiSelectionActive:T,domNode:P,nodesDraggable:E,unselectNodesAndEdges:A,onNodeDragStart:$,onSelectionDragStart:I}=a.getState(),C=i?$:Rb(I);!s&&!T&&i&&((M=x.get(i))!=null&&M.selected||A()),i&&o&&s&&o2({id:i,store:a,nodeRef:e});const R=y(w);if(d.current=R,c.current=Hre(x,E,R,i),C&&c.current){const[N,O]=kb({nodeId:i,dragItems:c.current,nodeInternals:x});C(w.sourceEvent,N,O)}h.current=(P==null?void 0:P.getBoundingClientRect())||null,p.current=Is(w.sourceEvent,h.current)}).on("drag",w=>{const x=y(w),{autoPanOnNodeDrag:T}=a.getState();!S.current&&T&&(S.current=!0,b()),(d.current.x!==x.xSnapped||d.current.y!==x.ySnapped)&&c.current&&(m.current=w.sourceEvent,p.current=Is(w.sourceEvent,h.current),g(x))}).on("end",w=>{if(u(!1),S.current=!1,cancelAnimationFrame(f.current),c.current){const{updateNodePositions:x,nodeInternals:T,onNodeDragStop:P,onSelectionDragStop:E}=a.getState(),A=i?P:Rb(E);if(x(c.current,!1,!1),A){const[$,I]=kb({nodeId:i,dragItems:c.current,nodeInternals:T});A(w.sourceEvent,$,I)}}}).filter(w=>{const x=w.target;return!w.button&&(!n||!nE(x,`.${n}`,e))&&(!r||nE(x,r,e))});return v.call(_),()=>{v.on(".drag",null)}}}},[e,t,n,r,o,a,i,s,y]),l}function zM(){const e=Vn();return k.useCallback(n=>{const{nodeInternals:r,nodeExtent:i,updateNodePositions:o,getNodes:s,snapToGrid:a,snapGrid:l,onError:u,nodesDraggable:c}=e.getState(),d=s().filter(v=>v.selected&&(v.draggable||c&&typeof v.draggable>"u")),f=a?l[0]:5,h=a?l[1]:5,p=n.isShiftPressed?4:1,m=n.x*f*p,S=n.y*h*p,y=d.map(v=>{if(v.positionAbsolute){const g={x:v.positionAbsolute.x+m,y:v.positionAbsolute.y+S};a&&(g.x=l[0]*Math.round(g.x/l[0]),g.y=l[1]*Math.round(g.y/l[1]));const{positionAbsolute:b,position:_}=jM(v,g,r,i,void 0,u);v.position=_,v.positionAbsolute=b}return v});o(y,!0,!1)},[])}const Du={ArrowUp:{x:0,y:-1},ArrowDown:{x:0,y:1},ArrowLeft:{x:-1,y:0},ArrowRight:{x:1,y:0}};var Xc=e=>{const t=({id:n,type:r,data:i,xPos:o,yPos:s,xPosOrigin:a,yPosOrigin:l,selected:u,onClick:c,onMouseEnter:d,onMouseMove:f,onMouseLeave:h,onContextMenu:p,onDoubleClick:m,style:S,className:y,isDraggable:v,isSelectable:g,isConnectable:b,isFocusable:_,selectNodesOnDrag:w,sourcePosition:x,targetPosition:T,hidden:P,resizeObserver:E,dragHandle:A,zIndex:$,isParent:I,noDragClassName:C,noPanClassName:R,initialized:M,disableKeyboardA11y:N,ariaLabel:O,rfId:D})=>{const L=Vn(),j=k.useRef(null),U=k.useRef(x),G=k.useRef(T),W=k.useRef(r),X=g||v||c||d||f||h,Y=zM(),B=Kc(n,L.getState,d),H=Kc(n,L.getState,f),Q=Kc(n,L.getState,h),J=Kc(n,L.getState,p),ne=Kc(n,L.getState,m),te=ce=>{if(g&&(!w||!v)&&o2({id:n,store:L,nodeRef:j}),c){const De=L.getState().nodeInternals.get(n);c(ce,{...De})}},xe=ce=>{if(!t2(ce))if(gM.includes(ce.key)&&g){const De=ce.key==="Escape";o2({id:n,store:L,unselect:De,nodeRef:j})}else!N&&v&&u&&Object.prototype.hasOwnProperty.call(Du,ce.key)&&(L.setState({ariaLiveMessage:`Moved selected node ${ce.key.replace("Arrow","").toLowerCase()}. New position, x: ${~~o}, y: ${~~s}`}),Y({x:Du[ce.key].x,y:Du[ce.key].y,isShiftPressed:ce.shiftKey}))};k.useEffect(()=>{if(j.current&&!P){const ce=j.current;return E==null||E.observe(ce),()=>E==null?void 0:E.unobserve(ce)}},[P]),k.useEffect(()=>{const ce=W.current!==r,De=U.current!==x,se=G.current!==T;j.current&&(ce||De||se)&&(ce&&(W.current=r),De&&(U.current=x),se&&(G.current=T),L.getState().updateNodeDimensions([{id:n,nodeElement:j.current,forceUpdate:!0}]))},[n,r,x,T]);const ve=VM({nodeRef:j,disabled:P||!v,noDragClassName:C,handleSelector:A,nodeId:n,isSelectable:g,selectNodesOnDrag:w});return P?null:K.jsx("div",{className:ti(["react-flow__node",`react-flow__node-${r}`,{[R]:v},y,{selected:u,selectable:g,parent:I,dragging:ve}]),ref:j,style:{zIndex:$,transform:`translate(${a}px,${l}px)`,pointerEvents:X?"all":"none",visibility:M?"visible":"hidden",...S},"data-id":n,"data-testid":`rf__node-${n}`,onMouseEnter:B,onMouseMove:H,onMouseLeave:Q,onContextMenu:J,onClick:te,onDoubleClick:ne,onKeyDown:_?xe:void 0,tabIndex:_?0:void 0,role:_?"button":void 0,"aria-describedby":N?void 0:`${$M}-${D}`,"aria-label":O,children:K.jsx(mre,{value:n,children:K.jsx(e,{id:n,data:i,type:r,xPos:o,yPos:s,selected:u,isConnectable:b,sourcePosition:x,targetPosition:T,dragging:ve,dragHandle:A,zIndex:$})})})};return t.displayName="NodeWrapper",k.memo(t)};function Kre(e){const t={input:Xc(e.input||IM),default:Xc(e.default||i2),output:Xc(e.output||DM),group:Xc(e.group||sC)},n={},r=Object.keys(e).filter(i=>!["input","default","output","group"].includes(i)).reduce((i,o)=>(i[o]=Xc(e[o]||i2),i),n);return{...t,...r}}const Xre=({x:e,y:t,width:n,height:r,origin:i})=>!n||!r?{x:e,y:t}:i[0]<0||i[1]<0||i[0]>1||i[1]>1?{x:e,y:t}:{x:e-n*i[0],y:t-r*i[1]},Yre=typeof document<"u"?document:null;var Nf=(e=null,t={target:Yre})=>{const[n,r]=k.useState(!1),i=k.useRef(!1),o=k.useRef(new Set([])),[s,a]=k.useMemo(()=>{if(e!==null){const u=(Array.isArray(e)?e:[e]).filter(d=>typeof d=="string").map(d=>d.split("+")),c=u.reduce((d,f)=>d.concat(...f),[]);return[u,c]}return[[],[]]},[e]);return k.useEffect(()=>{var l,u;if(e!==null){const c=h=>{if(i.current=h.ctrlKey||h.metaKey||h.shiftKey,!i.current&&t2(h))return!1;const p=oE(h.code,a);o.current.add(h[p]),iE(s,o.current,!1)&&(h.preventDefault(),r(!0))},d=h=>{if(!i.current&&t2(h))return!1;const p=oE(h.code,a);iE(s,o.current,!0)?(r(!1),o.current.clear()):o.current.delete(h[p]),i.current=!1},f=()=>{o.current.clear(),r(!1)};return(l=t==null?void 0:t.target)==null||l.addEventListener("keydown",c),(u=t==null?void 0:t.target)==null||u.addEventListener("keyup",d),window.addEventListener("blur",f),()=>{var h,p;(h=t==null?void 0:t.target)==null||h.removeEventListener("keydown",c),(p=t==null?void 0:t.target)==null||p.removeEventListener("keyup",d),window.removeEventListener("blur",f)}}},[e,r]),n};function iE(e,t,n){return e.filter(r=>n||r.length===t.size).some(r=>r.every(i=>t.has(i)))}function oE(e,t){return t.includes(e)?"code":"key"}function UM(e,t,n,r){var s,a;if(!e.parentNode)return n;const i=t.get(e.parentNode),o=Nu(i,r);return UM(i,t,{x:(n.x??0)+o.x,y:(n.y??0)+o.y,z:(((s=i[rn])==null?void 0:s.z)??0)>(n.z??0)?((a=i[rn])==null?void 0:a.z)??0:n.z??0},r)}function GM(e,t,n){e.forEach(r=>{var i;if(r.parentNode&&!e.has(r.parentNode))throw new Error(`Parent node ${r.parentNode} not found`);if(r.parentNode||n!=null&&n[r.id]){const{x:o,y:s,z:a}=UM(r,e,{...r.position,z:((i=r[rn])==null?void 0:i.z)??0},t);r.positionAbsolute={x:o,y:s},r[rn].z=a,n!=null&&n[r.id]&&(r[rn].isParent=!0)}})}function Ob(e,t,n,r){const i=new Map,o={},s=r?1e3:0;return e.forEach(a=>{var d;const l=(Kr(a.zIndex)?a.zIndex:0)+(a.selected?s:0),u=t.get(a.id),c={width:u==null?void 0:u.width,height:u==null?void 0:u.height,...a,positionAbsolute:{x:a.position.x,y:a.position.y}};a.parentNode&&(c.parentNode=a.parentNode,o[a.parentNode]=!0),Object.defineProperty(c,rn,{enumerable:!1,value:{handleBounds:(d=u==null?void 0:u[rn])==null?void 0:d.handleBounds,z:l}}),i.set(a.id,c)}),GM(i,n,o),i}function HM(e,t={}){const{getNodes:n,width:r,height:i,minZoom:o,maxZoom:s,d3Zoom:a,d3Selection:l,fitViewOnInitDone:u,fitViewOnInit:c,nodeOrigin:d}=e(),f=t.initial&&!u&&c;if(a&&l&&(f||!t.initial)){const p=n().filter(S=>{var v;const y=t.includeHiddenNodes?S.width&&S.height:!S.hidden;return(v=t.nodes)!=null&&v.length?y&&t.nodes.some(g=>g.id===S.id):y}),m=p.every(S=>S.width&&S.height);if(p.length>0&&m){const S=xM(p,d),[y,v,g]=EM(S,r,i,t.minZoom??o,t.maxZoom??s,t.padding??.1),b=Ms.translate(y,v).scale(g);return typeof t.duration=="number"&&t.duration>0?a.transform(Ca(l,t.duration),b):a.transform(l,b),!0}}return!1}function Qre(e,t){return e.forEach(n=>{const r=t.get(n.id);r&&t.set(r.id,{...r,[rn]:r[rn],selected:n.selected})}),new Map(t)}function Zre(e,t){return t.map(n=>{const r=e.find(i=>i.id===n.id);return r&&(n.selected=r.selected),n})}function kp({changedNodes:e,changedEdges:t,get:n,set:r}){const{nodeInternals:i,edges:o,onNodesChange:s,onEdgesChange:a,hasDefaultNodes:l,hasDefaultEdges:u}=n();e!=null&&e.length&&(l&&r({nodeInternals:Qre(e,i)}),s==null||s(e)),t!=null&&t.length&&(u&&r({edges:Zre(t,o)}),a==null||a(t))}const $l=()=>{},Jre={zoomIn:$l,zoomOut:$l,zoomTo:$l,getZoom:()=>1,setViewport:$l,getViewport:()=>({x:0,y:0,zoom:1}),fitView:()=>!1,setCenter:$l,fitBounds:$l,project:e=>e,viewportInitialized:!1},eie=e=>({d3Zoom:e.d3Zoom,d3Selection:e.d3Selection}),tie=()=>{const e=Vn(),{d3Zoom:t,d3Selection:n}=jt(eie,br);return k.useMemo(()=>n&&t?{zoomIn:i=>t.scaleBy(Ca(n,i==null?void 0:i.duration),1.2),zoomOut:i=>t.scaleBy(Ca(n,i==null?void 0:i.duration),1/1.2),zoomTo:(i,o)=>t.scaleTo(Ca(n,o==null?void 0:o.duration),i),getZoom:()=>e.getState().transform[2],setViewport:(i,o)=>{const[s,a,l]=e.getState().transform,u=Ms.translate(i.x??s,i.y??a).scale(i.zoom??l);t.transform(Ca(n,o==null?void 0:o.duration),u)},getViewport:()=>{const[i,o,s]=e.getState().transform;return{x:i,y:o,zoom:s}},fitView:i=>HM(e.getState,i),setCenter:(i,o,s)=>{const{width:a,height:l,maxZoom:u}=e.getState(),c=typeof(s==null?void 0:s.zoom)<"u"?s.zoom:u,d=a/2-i*c,f=l/2-o*c,h=Ms.translate(d,f).scale(c);t.transform(Ca(n,s==null?void 0:s.duration),h)},fitBounds:(i,o)=>{const{width:s,height:a,minZoom:l,maxZoom:u}=e.getState(),[c,d,f]=EM(i,s,a,l,u,(o==null?void 0:o.padding)??.1),h=Ms.translate(c,d).scale(f);t.transform(Ca(n,o==null?void 0:o.duration),h)},project:i=>{const{transform:o,snapToGrid:s,snapGrid:a}=e.getState();return wM(i,o,s,a)},viewportInitialized:!0}:Jre,[t,n])};function qM(){const e=tie(),t=Vn(),n=k.useCallback(()=>t.getState().getNodes().map(m=>({...m})),[]),r=k.useCallback(m=>t.getState().nodeInternals.get(m),[]),i=k.useCallback(()=>{const{edges:m=[]}=t.getState();return m.map(S=>({...S}))},[]),o=k.useCallback(m=>{const{edges:S=[]}=t.getState();return S.find(y=>y.id===m)},[]),s=k.useCallback(m=>{const{getNodes:S,setNodes:y,hasDefaultNodes:v,onNodesChange:g}=t.getState(),b=S(),_=typeof m=="function"?m(b):m;if(v)y(_);else if(g){const w=_.length===0?b.map(x=>({type:"remove",id:x.id})):_.map(x=>({item:x,type:"reset"}));g(w)}},[]),a=k.useCallback(m=>{const{edges:S=[],setEdges:y,hasDefaultEdges:v,onEdgesChange:g}=t.getState(),b=typeof m=="function"?m(S):m;if(v)y(b);else if(g){const _=b.length===0?S.map(w=>({type:"remove",id:w.id})):b.map(w=>({item:w,type:"reset"}));g(_)}},[]),l=k.useCallback(m=>{const S=Array.isArray(m)?m:[m],{getNodes:y,setNodes:v,hasDefaultNodes:g,onNodesChange:b}=t.getState();if(g){const w=[...y(),...S];v(w)}else if(b){const _=S.map(w=>({item:w,type:"add"}));b(_)}},[]),u=k.useCallback(m=>{const S=Array.isArray(m)?m:[m],{edges:y=[],setEdges:v,hasDefaultEdges:g,onEdgesChange:b}=t.getState();if(g)v([...y,...S]);else if(b){const _=S.map(w=>({item:w,type:"add"}));b(_)}},[]),c=k.useCallback(()=>{const{getNodes:m,edges:S=[],transform:y}=t.getState(),[v,g,b]=y;return{nodes:m().map(_=>({..._})),edges:S.map(_=>({..._})),viewport:{x:v,y:g,zoom:b}}},[]),d=k.useCallback(({nodes:m,edges:S})=>{const{nodeInternals:y,getNodes:v,edges:g,hasDefaultNodes:b,hasDefaultEdges:_,onNodesDelete:w,onEdgesDelete:x,onNodesChange:T,onEdgesChange:P}=t.getState(),E=(m||[]).map(R=>R.id),A=(S||[]).map(R=>R.id),$=v().reduce((R,M)=>{const N=!E.includes(M.id)&&M.parentNode&&R.find(D=>D.id===M.parentNode);return(typeof M.deletable=="boolean"?M.deletable:!0)&&(E.includes(M.id)||N)&&R.push(M),R},[]),I=g.filter(R=>typeof R.deletable=="boolean"?R.deletable:!0),C=I.filter(R=>A.includes(R.id));if($||C){const R=TM($,I),M=[...C,...R],N=M.reduce((O,D)=>(O.includes(D.id)||O.push(D.id),O),[]);if((_||b)&&(_&&t.setState({edges:g.filter(O=>!N.includes(O.id))}),b&&($.forEach(O=>{y.delete(O.id)}),t.setState({nodeInternals:new Map(y)}))),N.length>0&&(x==null||x(M),P&&P(N.map(O=>({id:O,type:"remove"})))),$.length>0&&(w==null||w($),T)){const O=$.map(D=>({id:D.id,type:"remove"}));T(O)}}},[]),f=k.useCallback(m=>{const S=ure(m),y=S?null:t.getState().nodeInternals.get(m.id);return[S?m:UT(y),y,S]},[]),h=k.useCallback((m,S=!0,y)=>{const[v,g,b]=f(m);return v?(y||t.getState().getNodes()).filter(_=>{if(!b&&(_.id===g.id||!_.positionAbsolute))return!1;const w=UT(_),x=e2(w,v);return S&&x>0||x>=m.width*m.height}):[]},[]),p=k.useCallback((m,S,y=!0)=>{const[v]=f(m);if(!v)return!1;const g=e2(v,S);return y&&g>0||g>=m.width*m.height},[]);return k.useMemo(()=>({...e,getNodes:n,getNode:r,getEdges:i,getEdge:o,setNodes:s,setEdges:a,addNodes:l,addEdges:u,toObject:c,deleteElements:d,getIntersectingNodes:h,isNodeIntersecting:p}),[e,n,r,i,o,s,a,l,u,c,d,h,p])}var nie=({deleteKeyCode:e,multiSelectionKeyCode:t})=>{const n=Vn(),{deleteElements:r}=qM(),i=Nf(e),o=Nf(t);k.useEffect(()=>{if(i){const{edges:s,getNodes:a}=n.getState(),l=a().filter(c=>c.selected),u=s.filter(c=>c.selected);r({nodes:l,edges:u}),n.setState({nodesSelectionActive:!1})}},[i]),k.useEffect(()=>{n.setState({multiSelectionActive:o})},[o])};function rie(e){const t=Vn();k.useEffect(()=>{let n;const r=()=>{var o,s;if(!e.current)return;const i=Jx(e.current);(i.height===0||i.width===0)&&((s=(o=t.getState()).onError)==null||s.call(o,"004",qs.error004())),t.setState({width:i.width||500,height:i.height||500})};return r(),window.addEventListener("resize",r),e.current&&(n=new ResizeObserver(()=>r()),n.observe(e.current)),()=>{window.removeEventListener("resize",r),n&&e.current&&n.unobserve(e.current)}},[])}const aC={position:"absolute",width:"100%",height:"100%",top:0,left:0},iie=(e,t)=>e.x!==t.x||e.y!==t.y||e.zoom!==t.k,Mb=e=>({x:e.x,y:e.y,zoom:e.k}),Fl=(e,t)=>e.target.closest(`.${t}`),sE=(e,t)=>t===2&&Array.isArray(e)&&e.includes(2),oie=e=>({d3Zoom:e.d3Zoom,d3Selection:e.d3Selection,d3ZoomHandler:e.d3ZoomHandler,userSelectionActive:e.userSelectionActive}),sie=({onMove:e,onMoveStart:t,onMoveEnd:n,onPaneContextMenu:r,zoomOnScroll:i=!0,zoomOnPinch:o=!0,panOnScroll:s=!1,panOnScrollSpeed:a=.5,panOnScrollMode:l=Iu.Free,zoomOnDoubleClick:u=!0,elementsSelectable:c,panOnDrag:d=!0,defaultViewport:f,translateExtent:h,minZoom:p,maxZoom:m,zoomActivationKeyCode:S,preventScrolling:y=!0,children:v,noWheelClassName:g,noPanClassName:b})=>{const _=k.useRef(),w=Vn(),x=k.useRef(!1),T=k.useRef(!1),P=k.useRef(null),E=k.useRef({x:0,y:0,zoom:0}),{d3Zoom:A,d3Selection:$,d3ZoomHandler:I,userSelectionActive:C}=jt(oie,br),R=Nf(S),M=k.useRef(0);return rie(P),k.useEffect(()=>{if(P.current){const N=P.current.getBoundingClientRect(),O=nre().scaleExtent([p,m]).translateExtent(h),D=fi(P.current).call(O),L=Ms.translate(f.x,f.y).scale(ic(f.zoom,p,m)),j=[[0,0],[N.width,N.height]],U=O.constrain()(L,j,h);O.transform(D,U),w.setState({d3Zoom:O,d3Selection:D,d3ZoomHandler:D.on("wheel.zoom"),transform:[U.x,U.y,U.k],domNode:P.current.closest(".react-flow")})}},[]),k.useEffect(()=>{$&&A&&(s&&!R&&!C?$.on("wheel.zoom",N=>{if(Fl(N,g))return!1;N.preventDefault(),N.stopImmediatePropagation();const O=$.property("__zoom").k||1;if(N.ctrlKey&&o){const U=$i(N),G=-N.deltaY*(N.deltaMode===1?.05:N.deltaMode?1:.002)*10,W=O*Math.pow(2,G);A.scaleTo($,W,U);return}const D=N.deltaMode===1?20:1,L=l===Iu.Vertical?0:N.deltaX*D,j=l===Iu.Horizontal?0:N.deltaY*D;A.translateBy($,-(L/O)*a,-(j/O)*a)},{passive:!1}):typeof I<"u"&&$.on("wheel.zoom",function(N,O){if(!y||Fl(N,g))return null;N.preventDefault(),I.call(this,N,O)},{passive:!1}))},[C,s,l,$,A,I,R,o,y,g]),k.useEffect(()=>{A&&A.on("start",N=>{var D;if(!N.sourceEvent)return null;M.current=N.sourceEvent.button;const{onViewportChangeStart:O}=w.getState();if(x.current=!0,((D=N.sourceEvent)==null?void 0:D.type)==="mousedown"&&w.setState({paneDragging:!0}),t||O){const L=Mb(N.transform);E.current=L,O==null||O(L),t==null||t(N.sourceEvent,L)}})},[A,t]),k.useEffect(()=>{A&&(C&&!x.current?A.on("zoom",null):C||A.on("zoom",N=>{const{onViewportChange:O}=w.getState();if(w.setState({transform:[N.transform.x,N.transform.y,N.transform.k]}),T.current=!!(r&&sE(d,M.current??0)),e||O){const D=Mb(N.transform);O==null||O(D),e==null||e(N.sourceEvent,D)}}))},[C,A,e,d,r]),k.useEffect(()=>{A&&A.on("end",N=>{if(!N.sourceEvent)return null;const{onViewportChangeEnd:O}=w.getState();if(x.current=!1,w.setState({paneDragging:!1}),r&&sE(d,M.current??0)&&!T.current&&r(N.sourceEvent),T.current=!1,(n||O)&&iie(E.current,N.transform)){const D=Mb(N.transform);E.current=D,clearTimeout(_.current),_.current=setTimeout(()=>{O==null||O(D),n==null||n(N.sourceEvent,D)},s?150:0)}})},[A,s,d,n,r]),k.useEffect(()=>{A&&A.filter(N=>{const O=R||i,D=o&&N.ctrlKey;if(N.button===1&&N.type==="mousedown"&&(Fl(N,"react-flow__node")||Fl(N,"react-flow__edge")))return!0;if(!d&&!O&&!s&&!u&&!o||C||!u&&N.type==="dblclick"||Fl(N,g)&&N.type==="wheel"||Fl(N,b)&&N.type!=="wheel"||!o&&N.ctrlKey&&N.type==="wheel"||!O&&!s&&!D&&N.type==="wheel"||!d&&(N.type==="mousedown"||N.type==="touchstart")||Array.isArray(d)&&!d.includes(N.button)&&(N.type==="mousedown"||N.type==="touchstart"))return!1;const L=Array.isArray(d)&&d.includes(N.button)||!N.button||N.button<=1;return(!N.ctrlKey||N.type==="wheel")&&L})},[C,A,i,o,s,u,d,c,R]),K.jsx("div",{className:"react-flow__renderer",ref:P,style:aC,children:v})},aie=e=>({userSelectionActive:e.userSelectionActive,userSelectionRect:e.userSelectionRect});function lie(){const{userSelectionActive:e,userSelectionRect:t}=jt(aie,br);return e&&t?K.jsx("div",{className:"react-flow__selection react-flow__container",style:{width:t.width,height:t.height,transform:`translate(${t.x}px, ${t.y}px)`}}):null}function aE(e,t){const n=e.find(r=>r.id===t.parentNode);if(n){const r=t.position.x+t.width-n.width,i=t.position.y+t.height-n.height;if(r>0||i>0||t.position.x<0||t.position.y<0){if(n.style={...n.style},n.style.width=n.style.width??n.width,n.style.height=n.style.height??n.height,r>0&&(n.style.width+=r),i>0&&(n.style.height+=i),t.position.x<0){const o=Math.abs(t.position.x);n.position.x=n.position.x-o,n.style.width+=o,t.position.x=0}if(t.position.y<0){const o=Math.abs(t.position.y);n.position.y=n.position.y-o,n.style.height+=o,t.position.y=0}n.width=n.style.width,n.height=n.style.height}}}function WM(e,t){if(e.some(r=>r.type==="reset"))return e.filter(r=>r.type==="reset").map(r=>r.item);const n=e.filter(r=>r.type==="add").map(r=>r.item);return t.reduce((r,i)=>{const o=e.filter(a=>a.id===i.id);if(o.length===0)return r.push(i),r;const s={...i};for(const a of o)if(a)switch(a.type){case"select":{s.selected=a.selected;break}case"position":{typeof a.position<"u"&&(s.position=a.position),typeof a.positionAbsolute<"u"&&(s.positionAbsolute=a.positionAbsolute),typeof a.dragging<"u"&&(s.dragging=a.dragging),s.expandParent&&aE(r,s);break}case"dimensions":{typeof a.dimensions<"u"&&(s.width=a.dimensions.width,s.height=a.dimensions.height),typeof a.updateStyle<"u"&&(s.style={...s.style||{},...a.dimensions}),typeof a.resizing=="boolean"&&(s.resizing=a.resizing),s.expandParent&&aE(r,s);break}case"remove":return r}return r.push(s),r},n)}function KM(e,t){return WM(e,t)}function uie(e,t){return WM(e,t)}const ds=(e,t)=>({id:e,type:"select",selected:t});function fu(e,t){return e.reduce((n,r)=>{const i=t.includes(r.id);return!r.selected&&i?(r.selected=!0,n.push(ds(r.id,!0))):r.selected&&!i&&(r.selected=!1,n.push(ds(r.id,!1))),n},[])}const Ib=(e,t)=>n=>{n.target===t.current&&(e==null||e(n))},cie=e=>({userSelectionActive:e.userSelectionActive,elementsSelectable:e.elementsSelectable,dragging:e.paneDragging}),XM=k.memo(({isSelecting:e,selectionMode:t=If.Full,panOnDrag:n,onSelectionStart:r,onSelectionEnd:i,onPaneClick:o,onPaneContextMenu:s,onPaneScroll:a,onPaneMouseEnter:l,onPaneMouseMove:u,onPaneMouseLeave:c,children:d})=>{const f=k.useRef(null),h=Vn(),p=k.useRef(0),m=k.useRef(0),S=k.useRef(),{userSelectionActive:y,elementsSelectable:v,dragging:g}=jt(cie,br),b=()=>{h.setState({userSelectionActive:!1,userSelectionRect:null}),p.current=0,m.current=0},_=I=>{o==null||o(I),h.getState().resetSelectedElements(),h.setState({nodesSelectionActive:!1})},w=I=>{if(Array.isArray(n)&&(n!=null&&n.includes(2))){I.preventDefault();return}s==null||s(I)},x=a?I=>a(I):void 0,T=I=>{const{resetSelectedElements:C,domNode:R}=h.getState();if(S.current=R==null?void 0:R.getBoundingClientRect(),!v||!e||I.button!==0||I.target!==f.current||!S.current)return;const{x:M,y:N}=Is(I,S.current);C(),h.setState({userSelectionRect:{width:0,height:0,startX:M,startY:N,x:M,y:N}}),r==null||r(I)},P=I=>{const{userSelectionRect:C,nodeInternals:R,edges:M,transform:N,onNodesChange:O,onEdgesChange:D,nodeOrigin:L,getNodes:j}=h.getState();if(!e||!S.current||!C)return;h.setState({userSelectionActive:!0,nodesSelectionActive:!1});const U=Is(I,S.current),G=C.startX??0,W=C.startY??0,X={...C,x:U.xJ.id),Q=B.map(J=>J.id);if(p.current!==Q.length){p.current=Q.length;const J=fu(Y,Q);J.length&&(O==null||O(J))}if(m.current!==H.length){m.current=H.length;const J=fu(M,H);J.length&&(D==null||D(J))}h.setState({userSelectionRect:X})},E=I=>{if(I.button!==0)return;const{userSelectionRect:C}=h.getState();!y&&C&&I.target===f.current&&(_==null||_(I)),h.setState({nodesSelectionActive:p.current>0}),b(),i==null||i(I)},A=I=>{y&&(h.setState({nodesSelectionActive:p.current>0}),i==null||i(I)),b()},$=v&&(e||y);return K.jsxs("div",{className:ti(["react-flow__pane",{dragging:g,selection:e}]),onClick:$?void 0:Ib(_,f),onContextMenu:Ib(w,f),onWheel:Ib(x,f),onMouseEnter:$?void 0:l,onMouseDown:$?T:void 0,onMouseMove:$?P:u,onMouseUp:$?E:void 0,onMouseLeave:$?A:c,ref:f,style:aC,children:[d,K.jsx(lie,{})]})});XM.displayName="Pane";const die=e=>{const t=e.getNodes().filter(n=>n.selected);return{...xM(t,e.nodeOrigin),transformString:`translate(${e.transform[0]}px,${e.transform[1]}px) scale(${e.transform[2]})`,userSelectionActive:e.userSelectionActive}};function fie({onSelectionContextMenu:e,noPanClassName:t,disableKeyboardA11y:n}){const r=Vn(),{width:i,height:o,x:s,y:a,transformString:l,userSelectionActive:u}=jt(die,br),c=zM(),d=k.useRef(null);if(k.useEffect(()=>{var p;n||(p=d.current)==null||p.focus({preventScroll:!0})},[n]),VM({nodeRef:d}),u||!i||!o)return null;const f=e?p=>{const m=r.getState().getNodes().filter(S=>S.selected);e(p,m)}:void 0,h=p=>{Object.prototype.hasOwnProperty.call(Du,p.key)&&c({x:Du[p.key].x,y:Du[p.key].y,isShiftPressed:p.shiftKey})};return K.jsx("div",{className:ti(["react-flow__nodesselection","react-flow__container",t]),style:{transform:l},children:K.jsx("div",{ref:d,className:"react-flow__nodesselection-rect",onContextMenu:f,tabIndex:n?void 0:-1,onKeyDown:n?void 0:h,style:{width:i,height:o,top:a,left:s}})})}var hie=k.memo(fie);const pie=e=>e.nodesSelectionActive,YM=({children:e,onPaneClick:t,onPaneMouseEnter:n,onPaneMouseMove:r,onPaneMouseLeave:i,onPaneContextMenu:o,onPaneScroll:s,deleteKeyCode:a,onMove:l,onMoveStart:u,onMoveEnd:c,selectionKeyCode:d,selectionOnDrag:f,selectionMode:h,onSelectionStart:p,onSelectionEnd:m,multiSelectionKeyCode:S,panActivationKeyCode:y,zoomActivationKeyCode:v,elementsSelectable:g,zoomOnScroll:b,zoomOnPinch:_,panOnScroll:w,panOnScrollSpeed:x,panOnScrollMode:T,zoomOnDoubleClick:P,panOnDrag:E,defaultViewport:A,translateExtent:$,minZoom:I,maxZoom:C,preventScrolling:R,onSelectionContextMenu:M,noWheelClassName:N,noPanClassName:O,disableKeyboardA11y:D})=>{const L=jt(pie),j=Nf(d),G=Nf(y)||E,W=j||f&&G!==!0;return nie({deleteKeyCode:a,multiSelectionKeyCode:S}),K.jsx(sie,{onMove:l,onMoveStart:u,onMoveEnd:c,onPaneContextMenu:o,elementsSelectable:g,zoomOnScroll:b,zoomOnPinch:_,panOnScroll:w,panOnScrollSpeed:x,panOnScrollMode:T,zoomOnDoubleClick:P,panOnDrag:!j&&G,defaultViewport:A,translateExtent:$,minZoom:I,maxZoom:C,zoomActivationKeyCode:v,preventScrolling:R,noWheelClassName:N,noPanClassName:O,children:K.jsxs(XM,{onSelectionStart:p,onSelectionEnd:m,onPaneClick:t,onPaneMouseEnter:n,onPaneMouseMove:r,onPaneMouseLeave:i,onPaneContextMenu:o,onPaneScroll:s,panOnDrag:G,isSelecting:!!W,selectionMode:h,children:[e,L&&K.jsx(hie,{onSelectionContextMenu:M,noPanClassName:O,disableKeyboardA11y:D})]})})};YM.displayName="FlowRenderer";var gie=k.memo(YM);function mie(e){return jt(k.useCallback(n=>e?CM(n.nodeInternals,{x:0,y:0,width:n.width,height:n.height},n.transform,!0):n.getNodes(),[e]))}const yie=e=>({nodesDraggable:e.nodesDraggable,nodesConnectable:e.nodesConnectable,nodesFocusable:e.nodesFocusable,elementsSelectable:e.elementsSelectable,updateNodeDimensions:e.updateNodeDimensions,onError:e.onError}),QM=e=>{const{nodesDraggable:t,nodesConnectable:n,nodesFocusable:r,elementsSelectable:i,updateNodeDimensions:o,onError:s}=jt(yie,br),a=mie(e.onlyRenderVisibleElements),l=k.useRef(),u=k.useMemo(()=>{if(typeof ResizeObserver>"u")return null;const c=new ResizeObserver(d=>{const f=d.map(h=>({id:h.target.getAttribute("data-id"),nodeElement:h.target,forceUpdate:!0}));o(f)});return l.current=c,c},[]);return k.useEffect(()=>()=>{var c;(c=l==null?void 0:l.current)==null||c.disconnect()},[]),K.jsx("div",{className:"react-flow__nodes",style:aC,children:a.map(c=>{var _,w;let d=c.type||"default";e.nodeTypes[d]||(s==null||s("003",qs.error003(d)),d="default");const f=e.nodeTypes[d]||e.nodeTypes.default,h=!!(c.draggable||t&&typeof c.draggable>"u"),p=!!(c.selectable||i&&typeof c.selectable>"u"),m=!!(c.connectable||n&&typeof c.connectable>"u"),S=!!(c.focusable||r&&typeof c.focusable>"u"),y=e.nodeExtent?eC(c.positionAbsolute,e.nodeExtent):c.positionAbsolute,v=(y==null?void 0:y.x)??0,g=(y==null?void 0:y.y)??0,b=Xre({x:v,y:g,width:c.width??0,height:c.height??0,origin:e.nodeOrigin});return K.jsx(f,{id:c.id,className:c.className,style:c.style,type:d,data:c.data,sourcePosition:c.sourcePosition||pe.Bottom,targetPosition:c.targetPosition||pe.Top,hidden:c.hidden,xPos:v,yPos:g,xPosOrigin:b.x,yPosOrigin:b.y,selectNodesOnDrag:e.selectNodesOnDrag,onClick:e.onNodeClick,onMouseEnter:e.onNodeMouseEnter,onMouseMove:e.onNodeMouseMove,onMouseLeave:e.onNodeMouseLeave,onContextMenu:e.onNodeContextMenu,onDoubleClick:e.onNodeDoubleClick,selected:!!c.selected,isDraggable:h,isSelectable:p,isConnectable:m,isFocusable:S,resizeObserver:u,dragHandle:c.dragHandle,zIndex:((_=c[rn])==null?void 0:_.z)??0,isParent:!!((w=c[rn])!=null&&w.isParent),noDragClassName:e.noDragClassName,noPanClassName:e.noPanClassName,initialized:!!c.width&&!!c.height,rfId:e.rfId,disableKeyboardA11y:e.disableKeyboardA11y,ariaLabel:c.ariaLabel},c.id)})})};QM.displayName="NodeRenderer";var vie=k.memo(QM);const bie=[{level:0,isMaxLevel:!0,edges:[]}];function Sie(e,t,n=!1){let r=-1;const i=e.reduce((s,a)=>{var c,d;const l=Kr(a.zIndex);let u=l?a.zIndex:0;if(n){const f=t.get(a.target),h=t.get(a.source),p=a.selected||(f==null?void 0:f.selected)||(h==null?void 0:h.selected),m=Math.max(((c=h==null?void 0:h[rn])==null?void 0:c.z)||0,((d=f==null?void 0:f[rn])==null?void 0:d.z)||0,1e3);u=(l?a.zIndex:0)+(p?m:0)}return s[u]?s[u].push(a):s[u]=[a],r=u>r?u:r,s},{}),o=Object.entries(i).map(([s,a])=>{const l=+s;return{edges:a,level:l,isMaxLevel:l===r}});return o.length===0?bie:o}function _ie(e,t,n){const r=jt(k.useCallback(i=>e?i.edges.filter(o=>{const s=t.get(o.source),a=t.get(o.target);return(s==null?void 0:s.width)&&(s==null?void 0:s.height)&&(a==null?void 0:a.width)&&(a==null?void 0:a.height)&&Gre({sourcePos:s.positionAbsolute||{x:0,y:0},targetPos:a.positionAbsolute||{x:0,y:0},sourceWidth:s.width,sourceHeight:s.height,targetWidth:a.width,targetHeight:a.height,width:i.width,height:i.height,transform:i.transform})}):i.edges,[e,t]));return Sie(r,t,n)}const wie=({color:e="none",strokeWidth:t=1})=>K.jsx("polyline",{stroke:e,strokeLinecap:"round",strokeLinejoin:"round",strokeWidth:t,fill:"none",points:"-5,-4 0,0 -5,4"}),xie=({color:e="none",strokeWidth:t=1})=>K.jsx("polyline",{stroke:e,strokeLinecap:"round",strokeLinejoin:"round",strokeWidth:t,fill:e,points:"-5,-4 0,0 -5,4 -5,-4"}),lE={[$m.Arrow]:wie,[$m.ArrowClosed]:xie};function Cie(e){const t=Vn();return k.useMemo(()=>{var i,o;return Object.prototype.hasOwnProperty.call(lE,e)?lE[e]:((o=(i=t.getState()).onError)==null||o.call(i,"009",qs.error009(e)),null)},[e])}const Tie=({id:e,type:t,color:n,width:r=12.5,height:i=12.5,markerUnits:o="strokeWidth",strokeWidth:s,orient:a="auto-start-reverse"})=>{const l=Cie(t);return l?K.jsx("marker",{className:"react-flow__arrowhead",id:e,markerWidth:`${r}`,markerHeight:`${i}`,viewBox:"-10 -10 20 20",markerUnits:o,orient:a,refX:"0",refY:"0",children:K.jsx(l,{color:n,strokeWidth:s})}):null},Eie=({defaultColor:e,rfId:t})=>n=>{const r=[];return n.edges.reduce((i,o)=>([o.markerStart,o.markerEnd].forEach(s=>{if(s&&typeof s=="object"){const a=r2(s,t);r.includes(a)||(i.push({id:a,color:s.color||e,...s}),r.push(a))}}),i),[]).sort((i,o)=>i.id.localeCompare(o.id))},ZM=({defaultColor:e,rfId:t})=>{const n=jt(k.useCallback(Eie({defaultColor:e,rfId:t}),[e,t]),(r,i)=>!(r.length!==i.length||r.some((o,s)=>o.id!==i[s].id)));return K.jsx("defs",{children:n.map(r=>K.jsx(Tie,{id:r.id,type:r.type,color:r.color,width:r.width,height:r.height,markerUnits:r.markerUnits,strokeWidth:r.strokeWidth,orient:r.orient},r.id))})};ZM.displayName="MarkerDefinitions";var Pie=k.memo(ZM);const Aie=e=>({nodesConnectable:e.nodesConnectable,edgesFocusable:e.edgesFocusable,edgesUpdatable:e.edgesUpdatable,elementsSelectable:e.elementsSelectable,width:e.width,height:e.height,connectionMode:e.connectionMode,nodeInternals:e.nodeInternals,onError:e.onError}),JM=({defaultMarkerColor:e,onlyRenderVisibleElements:t,elevateEdgesOnSelect:n,rfId:r,edgeTypes:i,noPanClassName:o,onEdgeUpdate:s,onEdgeContextMenu:a,onEdgeMouseEnter:l,onEdgeMouseMove:u,onEdgeMouseLeave:c,onEdgeClick:d,edgeUpdaterRadius:f,onEdgeDoubleClick:h,onEdgeUpdateStart:p,onEdgeUpdateEnd:m,children:S})=>{const{edgesFocusable:y,edgesUpdatable:v,elementsSelectable:g,width:b,height:_,connectionMode:w,nodeInternals:x,onError:T}=jt(Aie,br),P=_ie(t,x,n);return b?K.jsxs(K.Fragment,{children:[P.map(({level:E,edges:A,isMaxLevel:$})=>K.jsxs("svg",{style:{zIndex:E},width:b,height:_,className:"react-flow__edges react-flow__container",children:[$&&K.jsx(Pie,{defaultColor:e,rfId:r}),K.jsx("g",{children:A.map(I=>{const[C,R,M]=tE(x.get(I.source)),[N,O,D]=tE(x.get(I.target));if(!M||!D)return null;let L=I.type||"default";i[L]||(T==null||T("011",qs.error011(L)),L="default");const j=i[L]||i.default,U=w===rl.Strict?O.target:(O.target??[]).concat(O.source??[]),G=eE(R.source,I.sourceHandle),W=eE(U,I.targetHandle),X=(G==null?void 0:G.position)||pe.Bottom,Y=(W==null?void 0:W.position)||pe.Top,B=!!(I.focusable||y&&typeof I.focusable>"u"),H=typeof s<"u"&&(I.updatable||v&&typeof I.updatable>"u");if(!G||!W)return T==null||T("008",qs.error008(G,I)),null;const{sourceX:Q,sourceY:J,targetX:ne,targetY:te}=Ure(C,G,X,N,W,Y);return K.jsx(j,{id:I.id,className:ti([I.className,o]),type:L,data:I.data,selected:!!I.selected,animated:!!I.animated,hidden:!!I.hidden,label:I.label,labelStyle:I.labelStyle,labelShowBg:I.labelShowBg,labelBgStyle:I.labelBgStyle,labelBgPadding:I.labelBgPadding,labelBgBorderRadius:I.labelBgBorderRadius,style:I.style,source:I.source,target:I.target,sourceHandleId:I.sourceHandle,targetHandleId:I.targetHandle,markerEnd:I.markerEnd,markerStart:I.markerStart,sourceX:Q,sourceY:J,targetX:ne,targetY:te,sourcePosition:X,targetPosition:Y,elementsSelectable:g,onEdgeUpdate:s,onContextMenu:a,onMouseEnter:l,onMouseMove:u,onMouseLeave:c,onClick:d,edgeUpdaterRadius:f,onEdgeDoubleClick:h,onEdgeUpdateStart:p,onEdgeUpdateEnd:m,rfId:r,ariaLabel:I.ariaLabel,isFocusable:B,isUpdatable:H,pathOptions:"pathOptions"in I?I.pathOptions:void 0,interactionWidth:I.interactionWidth},I.id)})})]},E)),S]}):null};JM.displayName="EdgeRenderer";var kie=k.memo(JM);const Rie=e=>`translate(${e.transform[0]}px,${e.transform[1]}px) scale(${e.transform[2]})`;function Oie({children:e}){const t=jt(Rie);return K.jsx("div",{className:"react-flow__viewport react-flow__container",style:{transform:t},children:e})}function Mie(e){const t=qM(),n=k.useRef(!1);k.useEffect(()=>{!n.current&&t.viewportInitialized&&e&&(setTimeout(()=>e(t),1),n.current=!0)},[e,t.viewportInitialized])}const Iie={[pe.Left]:pe.Right,[pe.Right]:pe.Left,[pe.Top]:pe.Bottom,[pe.Bottom]:pe.Top},eI=({nodeId:e,handleType:t,style:n,type:r=ys.Bezier,CustomComponent:i,connectionStatus:o})=>{var w,x,T;const{fromNode:s,handleId:a,toX:l,toY:u,connectionMode:c}=jt(k.useCallback(P=>({fromNode:P.nodeInternals.get(e),handleId:P.connectionHandleId,toX:(P.connectionPosition.x-P.transform[0])/P.transform[2],toY:(P.connectionPosition.y-P.transform[1])/P.transform[2],connectionMode:P.connectionMode}),[e]),br),d=(w=s==null?void 0:s[rn])==null?void 0:w.handleBounds;let f=d==null?void 0:d[t];if(c===rl.Loose&&(f=f||(d==null?void 0:d[t==="source"?"target":"source"])),!s||!f)return null;const h=a?f.find(P=>P.id===a):f[0],p=h?h.x+h.width/2:(s.width??0)/2,m=h?h.y+h.height/2:s.height??0,S=(((x=s.positionAbsolute)==null?void 0:x.x)??0)+p,y=(((T=s.positionAbsolute)==null?void 0:T.y)??0)+m,v=h==null?void 0:h.position,g=v?Iie[v]:null;if(!v||!g)return null;if(i)return K.jsx(i,{connectionLineType:r,connectionLineStyle:n,fromNode:s,fromHandle:h,fromX:S,fromY:y,toX:l,toY:u,fromPosition:v,toPosition:g,connectionStatus:o});let b="";const _={sourceX:S,sourceY:y,sourcePosition:v,targetX:l,targetY:u,targetPosition:g};return r===ys.Bezier?[b]=SM(_):r===ys.Step?[b]=n2({..._,borderRadius:0}):r===ys.SmoothStep?[b]=n2(_):r===ys.SimpleBezier?[b]=bM(_):b=`M${S},${y} ${l},${u}`,K.jsx("path",{d:b,fill:"none",className:"react-flow__connection-path",style:n})};eI.displayName="ConnectionLine";const Nie=e=>({nodeId:e.connectionNodeId,handleType:e.connectionHandleType,nodesConnectable:e.nodesConnectable,connectionStatus:e.connectionStatus,width:e.width,height:e.height});function Die({containerStyle:e,style:t,type:n,component:r}){const{nodeId:i,handleType:o,nodesConnectable:s,width:a,height:l,connectionStatus:u}=jt(Nie,br);return!(i&&o&&a&&s)?null:K.jsx("svg",{style:e,width:a,height:l,className:"react-flow__edges react-flow__connectionline react-flow__container",children:K.jsx("g",{className:ti(["react-flow__connection",u]),children:K.jsx(eI,{nodeId:i,handleType:o,style:t,type:n,CustomComponent:r,connectionStatus:u})})})}const tI=({nodeTypes:e,edgeTypes:t,onMove:n,onMoveStart:r,onMoveEnd:i,onInit:o,onNodeClick:s,onEdgeClick:a,onNodeDoubleClick:l,onEdgeDoubleClick:u,onNodeMouseEnter:c,onNodeMouseMove:d,onNodeMouseLeave:f,onNodeContextMenu:h,onSelectionContextMenu:p,onSelectionStart:m,onSelectionEnd:S,connectionLineType:y,connectionLineStyle:v,connectionLineComponent:g,connectionLineContainerStyle:b,selectionKeyCode:_,selectionOnDrag:w,selectionMode:x,multiSelectionKeyCode:T,panActivationKeyCode:P,zoomActivationKeyCode:E,deleteKeyCode:A,onlyRenderVisibleElements:$,elementsSelectable:I,selectNodesOnDrag:C,defaultViewport:R,translateExtent:M,minZoom:N,maxZoom:O,preventScrolling:D,defaultMarkerColor:L,zoomOnScroll:j,zoomOnPinch:U,panOnScroll:G,panOnScrollSpeed:W,panOnScrollMode:X,zoomOnDoubleClick:Y,panOnDrag:B,onPaneClick:H,onPaneMouseEnter:Q,onPaneMouseMove:J,onPaneMouseLeave:ne,onPaneScroll:te,onPaneContextMenu:xe,onEdgeUpdate:ve,onEdgeContextMenu:ce,onEdgeMouseEnter:De,onEdgeMouseMove:se,onEdgeMouseLeave:pt,edgeUpdaterRadius:yn,onEdgeUpdateStart:Mt,onEdgeUpdateEnd:ut,noDragClassName:tt,noWheelClassName:Ut,noPanClassName:sr,elevateEdgesOnSelect:ni,disableKeyboardA11y:Lr,nodeOrigin:On,nodeExtent:vn,rfId:Un})=>(Mie(o),K.jsx(gie,{onPaneClick:H,onPaneMouseEnter:Q,onPaneMouseMove:J,onPaneMouseLeave:ne,onPaneContextMenu:xe,onPaneScroll:te,deleteKeyCode:A,selectionKeyCode:_,selectionOnDrag:w,selectionMode:x,onSelectionStart:m,onSelectionEnd:S,multiSelectionKeyCode:T,panActivationKeyCode:P,zoomActivationKeyCode:E,elementsSelectable:I,onMove:n,onMoveStart:r,onMoveEnd:i,zoomOnScroll:j,zoomOnPinch:U,zoomOnDoubleClick:Y,panOnScroll:G,panOnScrollSpeed:W,panOnScrollMode:X,panOnDrag:B,defaultViewport:R,translateExtent:M,minZoom:N,maxZoom:O,onSelectionContextMenu:p,preventScrolling:D,noDragClassName:tt,noWheelClassName:Ut,noPanClassName:sr,disableKeyboardA11y:Lr,children:K.jsxs(Oie,{children:[K.jsx(kie,{edgeTypes:t,onEdgeClick:a,onEdgeDoubleClick:u,onEdgeUpdate:ve,onlyRenderVisibleElements:$,onEdgeContextMenu:ce,onEdgeMouseEnter:De,onEdgeMouseMove:se,onEdgeMouseLeave:pt,onEdgeUpdateStart:Mt,onEdgeUpdateEnd:ut,edgeUpdaterRadius:yn,defaultMarkerColor:L,noPanClassName:sr,elevateEdgesOnSelect:!!ni,disableKeyboardA11y:Lr,rfId:Un,children:K.jsx(Die,{style:v,type:y,component:g,containerStyle:b})}),K.jsx("div",{className:"react-flow__edgelabel-renderer"}),K.jsx(vie,{nodeTypes:e,onNodeClick:s,onNodeDoubleClick:l,onNodeMouseEnter:c,onNodeMouseMove:d,onNodeMouseLeave:f,onNodeContextMenu:h,selectNodesOnDrag:C,onlyRenderVisibleElements:$,noPanClassName:sr,noDragClassName:tt,disableKeyboardA11y:Lr,nodeOrigin:On,nodeExtent:vn,rfId:Un})]})}));tI.displayName="GraphView";var Lie=k.memo(tI);const s2=[[Number.NEGATIVE_INFINITY,Number.NEGATIVE_INFINITY],[Number.POSITIVE_INFINITY,Number.POSITIVE_INFINITY]],rs={rfId:"1",width:0,height:0,transform:[0,0,1],nodeInternals:new Map,edges:[],onNodesChange:null,onEdgesChange:null,hasDefaultNodes:!1,hasDefaultEdges:!1,d3Zoom:null,d3Selection:null,d3ZoomHandler:void 0,minZoom:.5,maxZoom:2,translateExtent:s2,nodeExtent:s2,nodesSelectionActive:!1,userSelectionActive:!1,userSelectionRect:null,connectionNodeId:null,connectionHandleId:null,connectionHandleType:"source",connectionPosition:{x:0,y:0},connectionStatus:null,connectionMode:rl.Strict,domNode:null,paneDragging:!1,noPanClassName:"nopan",nodeOrigin:[0,0],snapGrid:[15,15],snapToGrid:!1,nodesDraggable:!0,nodesConnectable:!0,nodesFocusable:!0,edgesFocusable:!0,edgesUpdatable:!0,elementsSelectable:!0,elevateNodesOnSelect:!0,fitViewOnInit:!1,fitViewOnInitDone:!1,fitViewOnInitOptions:void 0,multiSelectionActive:!1,connectionStartHandle:null,connectionEndHandle:null,connectionClickStartHandle:null,connectOnClick:!0,ariaLiveMessage:"",autoPanOnConnect:!0,autoPanOnNodeDrag:!0,connectionRadius:20,onError:cre,isValidConnection:void 0},$ie=()=>wJ((e,t)=>({...rs,setNodes:n=>{const{nodeInternals:r,nodeOrigin:i,elevateNodesOnSelect:o}=t();e({nodeInternals:Ob(n,r,i,o)})},getNodes:()=>Array.from(t().nodeInternals.values()),setEdges:n=>{const{defaultEdgeOptions:r={}}=t();e({edges:n.map(i=>({...r,...i}))})},setDefaultNodesAndEdges:(n,r)=>{const i=typeof n<"u",o=typeof r<"u",s=i?Ob(n,new Map,t().nodeOrigin,t().elevateNodesOnSelect):new Map;e({nodeInternals:s,edges:o?r:[],hasDefaultNodes:i,hasDefaultEdges:o})},updateNodeDimensions:n=>{const{onNodesChange:r,nodeInternals:i,fitViewOnInit:o,fitViewOnInitDone:s,fitViewOnInitOptions:a,domNode:l,nodeOrigin:u}=t(),c=l==null?void 0:l.querySelector(".react-flow__viewport");if(!c)return;const d=window.getComputedStyle(c),{m22:f}=new window.DOMMatrixReadOnly(d.transform),h=n.reduce((m,S)=>{const y=i.get(S.id);if(y){const v=Jx(S.nodeElement);!!(v.width&&v.height&&(y.width!==v.width||y.height!==v.height||S.forceUpdate))&&(i.set(y.id,{...y,[rn]:{...y[rn],handleBounds:{source:rE(".source",S.nodeElement,f,u),target:rE(".target",S.nodeElement,f,u)}},...v}),m.push({id:y.id,type:"dimensions",dimensions:v}))}return m},[]);GM(i,u);const p=s||o&&!s&&HM(t,{initial:!0,...a});e({nodeInternals:new Map(i),fitViewOnInitDone:p}),(h==null?void 0:h.length)>0&&(r==null||r(h))},updateNodePositions:(n,r=!0,i=!1)=>{const{triggerNodeChanges:o}=t(),s=n.map(a=>{const l={id:a.id,type:"position",dragging:i};return r&&(l.positionAbsolute=a.positionAbsolute,l.position=a.position),l});o(s)},triggerNodeChanges:n=>{const{onNodesChange:r,nodeInternals:i,hasDefaultNodes:o,nodeOrigin:s,getNodes:a,elevateNodesOnSelect:l}=t();if(n!=null&&n.length){if(o){const u=KM(n,a()),c=Ob(u,i,s,l);e({nodeInternals:c})}r==null||r(n)}},addSelectedNodes:n=>{const{multiSelectionActive:r,edges:i,getNodes:o}=t();let s,a=null;r?s=n.map(l=>ds(l,!0)):(s=fu(o(),n),a=fu(i,[])),kp({changedNodes:s,changedEdges:a,get:t,set:e})},addSelectedEdges:n=>{const{multiSelectionActive:r,edges:i,getNodes:o}=t();let s,a=null;r?s=n.map(l=>ds(l,!0)):(s=fu(i,n),a=fu(o(),[])),kp({changedNodes:a,changedEdges:s,get:t,set:e})},unselectNodesAndEdges:({nodes:n,edges:r}={})=>{const{edges:i,getNodes:o}=t(),s=n||o(),a=r||i,l=s.map(c=>(c.selected=!1,ds(c.id,!1))),u=a.map(c=>ds(c.id,!1));kp({changedNodes:l,changedEdges:u,get:t,set:e})},setMinZoom:n=>{const{d3Zoom:r,maxZoom:i}=t();r==null||r.scaleExtent([n,i]),e({minZoom:n})},setMaxZoom:n=>{const{d3Zoom:r,minZoom:i}=t();r==null||r.scaleExtent([i,n]),e({maxZoom:n})},setTranslateExtent:n=>{var r;(r=t().d3Zoom)==null||r.translateExtent(n),e({translateExtent:n})},resetSelectedElements:()=>{const{edges:n,getNodes:r}=t(),o=r().filter(a=>a.selected).map(a=>ds(a.id,!1)),s=n.filter(a=>a.selected).map(a=>ds(a.id,!1));kp({changedNodes:o,changedEdges:s,get:t,set:e})},setNodeExtent:n=>{const{nodeInternals:r}=t();r.forEach(i=>{i.positionAbsolute=eC(i.position,n)}),e({nodeExtent:n,nodeInternals:new Map(r)})},panBy:n=>{const{transform:r,width:i,height:o,d3Zoom:s,d3Selection:a,translateExtent:l}=t();if(!s||!a||!n.x&&!n.y)return!1;const u=Ms.translate(r[0]+n.x,r[1]+n.y).scale(r[2]),c=[[0,0],[i,o]],d=s==null?void 0:s.constrain()(u,c,l);return s.transform(a,d),r[0]!==d.x||r[1]!==d.y||r[2]!==d.k},cancelConnection:()=>e({connectionNodeId:rs.connectionNodeId,connectionHandleId:rs.connectionHandleId,connectionHandleType:rs.connectionHandleType,connectionStatus:rs.connectionStatus,connectionStartHandle:rs.connectionStartHandle,connectionEndHandle:rs.connectionEndHandle}),reset:()=>e({...rs})})),nI=({children:e})=>{const t=k.useRef(null);return t.current||(t.current=$ie()),K.jsx(rre,{value:t.current,children:e})};nI.displayName="ReactFlowProvider";const rI=({children:e})=>k.useContext(M0)?K.jsx(K.Fragment,{children:e}):K.jsx(nI,{children:e});rI.displayName="ReactFlowWrapper";function uE(e,t){return k.useRef(null),k.useMemo(()=>t(e),[e])}const Fie={input:IM,default:i2,output:DM,group:sC},Bie={default:Fm,straight:rC,step:nC,smoothstep:I0,simplebezier:tC},jie=[0,0],Vie=[15,15],zie={x:0,y:0,zoom:1},Uie={width:"100%",height:"100%",overflow:"hidden",position:"relative",zIndex:0},Gie=k.forwardRef(({nodes:e,edges:t,defaultNodes:n,defaultEdges:r,className:i,nodeTypes:o=Fie,edgeTypes:s=Bie,onNodeClick:a,onEdgeClick:l,onInit:u,onMove:c,onMoveStart:d,onMoveEnd:f,onConnect:h,onConnectStart:p,onConnectEnd:m,onClickConnectStart:S,onClickConnectEnd:y,onNodeMouseEnter:v,onNodeMouseMove:g,onNodeMouseLeave:b,onNodeContextMenu:_,onNodeDoubleClick:w,onNodeDragStart:x,onNodeDrag:T,onNodeDragStop:P,onNodesDelete:E,onEdgesDelete:A,onSelectionChange:$,onSelectionDragStart:I,onSelectionDrag:C,onSelectionDragStop:R,onSelectionContextMenu:M,onSelectionStart:N,onSelectionEnd:O,connectionMode:D=rl.Strict,connectionLineType:L=ys.Bezier,connectionLineStyle:j,connectionLineComponent:U,connectionLineContainerStyle:G,deleteKeyCode:W="Backspace",selectionKeyCode:X="Shift",selectionOnDrag:Y=!1,selectionMode:B=If.Full,panActivationKeyCode:H="Space",multiSelectionKeyCode:Q="Meta",zoomActivationKeyCode:J="Meta",snapToGrid:ne=!1,snapGrid:te=Vie,onlyRenderVisibleElements:xe=!1,selectNodesOnDrag:ve=!0,nodesDraggable:ce,nodesConnectable:De,nodesFocusable:se,nodeOrigin:pt=jie,edgesFocusable:yn,edgesUpdatable:Mt,elementsSelectable:ut,defaultViewport:tt=zie,minZoom:Ut=.5,maxZoom:sr=2,translateExtent:ni=s2,preventScrolling:Lr=!0,nodeExtent:On,defaultMarkerColor:vn="#b1b1b7",zoomOnScroll:Un=!0,zoomOnPinch:Gt=!0,panOnScroll:xt=!1,panOnScrollSpeed:wr=.5,panOnScrollMode:$r=Iu.Free,zoomOnDoubleClick:ri=!0,panOnDrag:uo=!0,onPaneClick:bn,onPaneMouseEnter:ii,onPaneMouseMove:da,onPaneMouseLeave:ki,onPaneScroll:fa,onPaneContextMenu:Ct,children:nt,onEdgeUpdate:Sn,onEdgeContextMenu:an,onEdgeDoubleClick:Mn,onEdgeMouseEnter:Gn,onEdgeMouseMove:ar,onEdgeMouseLeave:Ri,onEdgeUpdateStart:Hn,onEdgeUpdateEnd:_n,edgeUpdaterRadius:co=10,onNodesChange:Zo,onEdgesChange:Jo,noDragClassName:Al="nodrag",noWheelClassName:fo="nowheel",noPanClassName:qn="nopan",fitView:ha=!1,fitViewOptions:g1,connectOnClick:m1=!0,attributionPosition:y1,proOptions:v1,defaultEdgeOptions:es,elevateNodesOnSelect:b1=!0,elevateEdgesOnSelect:S1=!1,disableKeyboardA11y:Hh=!1,autoPanOnConnect:_1=!0,autoPanOnNodeDrag:w1=!0,connectionRadius:x1=20,isValidConnection:kc,onError:C1,style:kl,id:Rl,...T1},Ol)=>{const qh=uE(o,Kre),E1=uE(s,zre),Rc=Rl||"1";return K.jsx("div",{...T1,style:{...kl,...Uie},ref:Ol,className:ti(["react-flow",i]),"data-testid":"rf__wrapper",id:Rl,children:K.jsxs(rI,{children:[K.jsx(Lie,{onInit:u,onMove:c,onMoveStart:d,onMoveEnd:f,onNodeClick:a,onEdgeClick:l,onNodeMouseEnter:v,onNodeMouseMove:g,onNodeMouseLeave:b,onNodeContextMenu:_,onNodeDoubleClick:w,nodeTypes:qh,edgeTypes:E1,connectionLineType:L,connectionLineStyle:j,connectionLineComponent:U,connectionLineContainerStyle:G,selectionKeyCode:X,selectionOnDrag:Y,selectionMode:B,deleteKeyCode:W,multiSelectionKeyCode:Q,panActivationKeyCode:H,zoomActivationKeyCode:J,onlyRenderVisibleElements:xe,selectNodesOnDrag:ve,defaultViewport:tt,translateExtent:ni,minZoom:Ut,maxZoom:sr,preventScrolling:Lr,zoomOnScroll:Un,zoomOnPinch:Gt,zoomOnDoubleClick:ri,panOnScroll:xt,panOnScrollSpeed:wr,panOnScrollMode:$r,panOnDrag:uo,onPaneClick:bn,onPaneMouseEnter:ii,onPaneMouseMove:da,onPaneMouseLeave:ki,onPaneScroll:fa,onPaneContextMenu:Ct,onSelectionContextMenu:M,onSelectionStart:N,onSelectionEnd:O,onEdgeUpdate:Sn,onEdgeContextMenu:an,onEdgeDoubleClick:Mn,onEdgeMouseEnter:Gn,onEdgeMouseMove:ar,onEdgeMouseLeave:Ri,onEdgeUpdateStart:Hn,onEdgeUpdateEnd:_n,edgeUpdaterRadius:co,defaultMarkerColor:vn,noDragClassName:Al,noWheelClassName:fo,noPanClassName:qn,elevateEdgesOnSelect:S1,rfId:Rc,disableKeyboardA11y:Hh,nodeOrigin:pt,nodeExtent:On}),K.jsx(Ire,{nodes:e,edges:t,defaultNodes:n,defaultEdges:r,onConnect:h,onConnectStart:p,onConnectEnd:m,onClickConnectStart:S,onClickConnectEnd:y,nodesDraggable:ce,nodesConnectable:De,nodesFocusable:se,edgesFocusable:yn,edgesUpdatable:Mt,elementsSelectable:ut,elevateNodesOnSelect:b1,minZoom:Ut,maxZoom:sr,nodeExtent:On,onNodesChange:Zo,onEdgesChange:Jo,snapToGrid:ne,snapGrid:te,connectionMode:D,translateExtent:ni,connectOnClick:m1,defaultEdgeOptions:es,fitView:ha,fitViewOptions:g1,onNodesDelete:E,onEdgesDelete:A,onNodeDragStart:x,onNodeDrag:T,onNodeDragStop:P,onSelectionDrag:C,onSelectionDragStart:I,onSelectionDragStop:R,noPanClassName:qn,nodeOrigin:pt,rfId:Rc,autoPanOnConnect:_1,autoPanOnNodeDrag:w1,onError:C1,connectionRadius:x1,isValidConnection:kc}),K.jsx(Ore,{onSelectionChange:$}),nt,K.jsx(sre,{proOptions:v1,position:y1}),K.jsx(Fre,{rfId:Rc,disableKeyboardA11y:Hh})]})})});Gie.displayName="ReactFlow";var iI={},N0={},D0={};Object.defineProperty(D0,"__esModule",{value:!0});D0.createLogMethods=void 0;var Hie=function(){return{debug:console.debug.bind(console),error:console.error.bind(console),fatal:console.error.bind(console),info:console.info.bind(console),trace:console.debug.bind(console),warn:console.warn.bind(console)}};D0.createLogMethods=Hie;var lC={},L0={};Object.defineProperty(L0,"__esModule",{value:!0});L0.boolean=void 0;const qie=function(e){switch(Object.prototype.toString.call(e)){case"[object String]":return["true","t","yes","y","on","1"].includes(e.trim().toLowerCase());case"[object Number]":return e.valueOf()===1;case"[object Boolean]":return e.valueOf();default:return!1}};L0.boolean=qie;var $0={};Object.defineProperty($0,"__esModule",{value:!0});$0.isBooleanable=void 0;const Wie=function(e){switch(Object.prototype.toString.call(e)){case"[object String]":return["true","t","yes","y","on","1","false","f","no","n","off","0"].includes(e.trim().toLowerCase());case"[object Number]":return[0,1].includes(e.valueOf());case"[object Boolean]":return!0;default:return!1}};$0.isBooleanable=Wie;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.isBooleanable=e.boolean=void 0;const t=L0;Object.defineProperty(e,"boolean",{enumerable:!0,get:function(){return t.boolean}});const n=$0;Object.defineProperty(e,"isBooleanable",{enumerable:!0,get:function(){return n.isBooleanable}})})(lC);var cE=Object.prototype.toString,oI=function(t){var n=cE.call(t),r=n==="[object Arguments]";return r||(r=n!=="[object Array]"&&t!==null&&typeof t=="object"&&typeof t.length=="number"&&t.length>=0&&cE.call(t.callee)==="[object Function]"),r},Nb,dE;function Kie(){if(dE)return Nb;dE=1;var e;if(!Object.keys){var t=Object.prototype.hasOwnProperty,n=Object.prototype.toString,r=oI,i=Object.prototype.propertyIsEnumerable,o=!i.call({toString:null},"toString"),s=i.call(function(){},"prototype"),a=["toString","toLocaleString","valueOf","hasOwnProperty","isPrototypeOf","propertyIsEnumerable","constructor"],l=function(f){var h=f.constructor;return h&&h.prototype===f},u={$applicationCache:!0,$console:!0,$external:!0,$frame:!0,$frameElement:!0,$frames:!0,$innerHeight:!0,$innerWidth:!0,$onmozfullscreenchange:!0,$onmozfullscreenerror:!0,$outerHeight:!0,$outerWidth:!0,$pageXOffset:!0,$pageYOffset:!0,$parent:!0,$scrollLeft:!0,$scrollTop:!0,$scrollX:!0,$scrollY:!0,$self:!0,$webkitIndexedDB:!0,$webkitStorageInfo:!0,$window:!0},c=function(){if(typeof window>"u")return!1;for(var f in window)try{if(!u["$"+f]&&t.call(window,f)&&window[f]!==null&&typeof window[f]=="object")try{l(window[f])}catch{return!0}}catch{return!0}return!1}(),d=function(f){if(typeof window>"u"||!c)return l(f);try{return l(f)}catch{return!1}};e=function(h){var p=h!==null&&typeof h=="object",m=n.call(h)==="[object Function]",S=r(h),y=p&&n.call(h)==="[object String]",v=[];if(!p&&!m&&!S)throw new TypeError("Object.keys called on a non-object");var g=s&&m;if(y&&h.length>0&&!t.call(h,0))for(var b=0;b0)for(var _=0;_"u"||!un?Re:un(Uint8Array),Ga={"%AggregateError%":typeof AggregateError>"u"?Re:AggregateError,"%Array%":Array,"%ArrayBuffer%":typeof ArrayBuffer>"u"?Re:ArrayBuffer,"%ArrayIteratorPrototype%":Bl&&un?un([][Symbol.iterator]()):Re,"%AsyncFromSyncIteratorPrototype%":Re,"%AsyncFunction%":Ql,"%AsyncGenerator%":Ql,"%AsyncGeneratorFunction%":Ql,"%AsyncIteratorPrototype%":Ql,"%Atomics%":typeof Atomics>"u"?Re:Atomics,"%BigInt%":typeof BigInt>"u"?Re:BigInt,"%BigInt64Array%":typeof BigInt64Array>"u"?Re:BigInt64Array,"%BigUint64Array%":typeof BigUint64Array>"u"?Re:BigUint64Array,"%Boolean%":Boolean,"%DataView%":typeof DataView>"u"?Re:DataView,"%Date%":Date,"%decodeURI%":decodeURI,"%decodeURIComponent%":decodeURIComponent,"%encodeURI%":encodeURI,"%encodeURIComponent%":encodeURIComponent,"%Error%":Error,"%eval%":eval,"%EvalError%":EvalError,"%Float32Array%":typeof Float32Array>"u"?Re:Float32Array,"%Float64Array%":typeof Float64Array>"u"?Re:Float64Array,"%FinalizationRegistry%":typeof FinalizationRegistry>"u"?Re:FinalizationRegistry,"%Function%":aI,"%GeneratorFunction%":Ql,"%Int8Array%":typeof Int8Array>"u"?Re:Int8Array,"%Int16Array%":typeof Int16Array>"u"?Re:Int16Array,"%Int32Array%":typeof Int32Array>"u"?Re:Int32Array,"%isFinite%":isFinite,"%isNaN%":isNaN,"%IteratorPrototype%":Bl&&un?un(un([][Symbol.iterator]())):Re,"%JSON%":typeof JSON=="object"?JSON:Re,"%Map%":typeof Map>"u"?Re:Map,"%MapIteratorPrototype%":typeof Map>"u"||!Bl||!un?Re:un(new Map()[Symbol.iterator]()),"%Math%":Math,"%Number%":Number,"%Object%":Object,"%parseFloat%":parseFloat,"%parseInt%":parseInt,"%Promise%":typeof Promise>"u"?Re:Promise,"%Proxy%":typeof Proxy>"u"?Re:Proxy,"%RangeError%":RangeError,"%ReferenceError%":ReferenceError,"%Reflect%":typeof Reflect>"u"?Re:Reflect,"%RegExp%":RegExp,"%Set%":typeof Set>"u"?Re:Set,"%SetIteratorPrototype%":typeof Set>"u"||!Bl||!un?Re:un(new Set()[Symbol.iterator]()),"%SharedArrayBuffer%":typeof SharedArrayBuffer>"u"?Re:SharedArrayBuffer,"%String%":String,"%StringIteratorPrototype%":Bl&&un?un(""[Symbol.iterator]()):Re,"%Symbol%":Bl?Symbol:Re,"%SyntaxError%":oc,"%ThrowTypeError%":coe,"%TypedArray%":foe,"%TypeError%":Lu,"%Uint8Array%":typeof Uint8Array>"u"?Re:Uint8Array,"%Uint8ClampedArray%":typeof Uint8ClampedArray>"u"?Re:Uint8ClampedArray,"%Uint16Array%":typeof Uint16Array>"u"?Re:Uint16Array,"%Uint32Array%":typeof Uint32Array>"u"?Re:Uint32Array,"%URIError%":URIError,"%WeakMap%":typeof WeakMap>"u"?Re:WeakMap,"%WeakRef%":typeof WeakRef>"u"?Re:WeakRef,"%WeakSet%":typeof WeakSet>"u"?Re:WeakSet};if(un)try{null.error}catch(e){var hoe=un(un(e));Ga["%Error.prototype%"]=hoe}var poe=function e(t){var n;if(t==="%AsyncFunction%")n=Lb("async function () {}");else if(t==="%GeneratorFunction%")n=Lb("function* () {}");else if(t==="%AsyncGeneratorFunction%")n=Lb("async function* () {}");else if(t==="%AsyncGenerator%"){var r=e("%AsyncGeneratorFunction%");r&&(n=r.prototype)}else if(t==="%AsyncIteratorPrototype%"){var i=e("%AsyncGenerator%");i&&un&&(n=un(i.prototype))}return Ga[t]=n,n},mE={"%ArrayBufferPrototype%":["ArrayBuffer","prototype"],"%ArrayPrototype%":["Array","prototype"],"%ArrayProto_entries%":["Array","prototype","entries"],"%ArrayProto_forEach%":["Array","prototype","forEach"],"%ArrayProto_keys%":["Array","prototype","keys"],"%ArrayProto_values%":["Array","prototype","values"],"%AsyncFunctionPrototype%":["AsyncFunction","prototype"],"%AsyncGenerator%":["AsyncGeneratorFunction","prototype"],"%AsyncGeneratorPrototype%":["AsyncGeneratorFunction","prototype","prototype"],"%BooleanPrototype%":["Boolean","prototype"],"%DataViewPrototype%":["DataView","prototype"],"%DatePrototype%":["Date","prototype"],"%ErrorPrototype%":["Error","prototype"],"%EvalErrorPrototype%":["EvalError","prototype"],"%Float32ArrayPrototype%":["Float32Array","prototype"],"%Float64ArrayPrototype%":["Float64Array","prototype"],"%FunctionPrototype%":["Function","prototype"],"%Generator%":["GeneratorFunction","prototype"],"%GeneratorPrototype%":["GeneratorFunction","prototype","prototype"],"%Int8ArrayPrototype%":["Int8Array","prototype"],"%Int16ArrayPrototype%":["Int16Array","prototype"],"%Int32ArrayPrototype%":["Int32Array","prototype"],"%JSONParse%":["JSON","parse"],"%JSONStringify%":["JSON","stringify"],"%MapPrototype%":["Map","prototype"],"%NumberPrototype%":["Number","prototype"],"%ObjectPrototype%":["Object","prototype"],"%ObjProto_toString%":["Object","prototype","toString"],"%ObjProto_valueOf%":["Object","prototype","valueOf"],"%PromisePrototype%":["Promise","prototype"],"%PromiseProto_then%":["Promise","prototype","then"],"%Promise_all%":["Promise","all"],"%Promise_reject%":["Promise","reject"],"%Promise_resolve%":["Promise","resolve"],"%RangeErrorPrototype%":["RangeError","prototype"],"%ReferenceErrorPrototype%":["ReferenceError","prototype"],"%RegExpPrototype%":["RegExp","prototype"],"%SetPrototype%":["Set","prototype"],"%SharedArrayBufferPrototype%":["SharedArrayBuffer","prototype"],"%StringPrototype%":["String","prototype"],"%SymbolPrototype%":["Symbol","prototype"],"%SyntaxErrorPrototype%":["SyntaxError","prototype"],"%TypedArrayPrototype%":["TypedArray","prototype"],"%TypeErrorPrototype%":["TypeError","prototype"],"%Uint8ArrayPrototype%":["Uint8Array","prototype"],"%Uint8ClampedArrayPrototype%":["Uint8ClampedArray","prototype"],"%Uint16ArrayPrototype%":["Uint16Array","prototype"],"%Uint32ArrayPrototype%":["Uint32Array","prototype"],"%URIErrorPrototype%":["URIError","prototype"],"%WeakMapPrototype%":["WeakMap","prototype"],"%WeakSetPrototype%":["WeakSet","prototype"]},_h=sI,jm=uoe,goe=_h.call(Function.call,Array.prototype.concat),moe=_h.call(Function.apply,Array.prototype.splice),yE=_h.call(Function.call,String.prototype.replace),Vm=_h.call(Function.call,String.prototype.slice),yoe=_h.call(Function.call,RegExp.prototype.exec),voe=/[^%.[\]]+|\[(?:(-?\d+(?:\.\d+)?)|(["'])((?:(?!\2)[^\\]|\\.)*?)\2)\]|(?=(?:\.|\[\])(?:\.|\[\]|%$))/g,boe=/\\(\\)?/g,Soe=function(t){var n=Vm(t,0,1),r=Vm(t,-1);if(n==="%"&&r!=="%")throw new oc("invalid intrinsic syntax, expected closing `%`");if(r==="%"&&n!=="%")throw new oc("invalid intrinsic syntax, expected opening `%`");var i=[];return yE(t,voe,function(o,s,a,l){i[i.length]=a?yE(l,boe,"$1"):s||o}),i},_oe=function(t,n){var r=t,i;if(jm(mE,r)&&(i=mE[r],r="%"+i[0]+"%"),jm(Ga,r)){var o=Ga[r];if(o===Ql&&(o=poe(r)),typeof o>"u"&&!n)throw new Lu("intrinsic "+t+" exists, but is not available. Please file an issue!");return{alias:i,name:r,value:o}}throw new oc("intrinsic "+t+" does not exist!")},woe=function(t,n){if(typeof t!="string"||t.length===0)throw new Lu("intrinsic name must be a non-empty string");if(arguments.length>1&&typeof n!="boolean")throw new Lu('"allowMissing" argument must be a boolean');if(yoe(/^%?[^%]*%?$/,t)===null)throw new oc("`%` may not be present anywhere but at the beginning and end of the intrinsic name");var r=Soe(t),i=r.length>0?r[0]:"",o=_oe("%"+i+"%",n),s=o.name,a=o.value,l=!1,u=o.alias;u&&(i=u[0],moe(r,goe([0,1],u)));for(var c=1,d=!0;c=r.length){var m=Ua(a,f);d=!!m,d&&"get"in m&&!("originalValue"in m.get)?a=m.get:a=a[f]}else d=jm(a,f),a=a[f];d&&!l&&(Ga[s]=a)}}return a},xoe=woe,a2=xoe("%Object.defineProperty%",!0),l2=function(){if(a2)try{return a2({},"a",{value:1}),!0}catch{return!1}return!1};l2.hasArrayLengthDefineBug=function(){if(!l2())return null;try{return a2([],"length",{value:1}).length!==1}catch{return!0}};var Coe=l2,Toe=Qie,Eoe=typeof Symbol=="function"&&typeof Symbol("foo")=="symbol",Poe=Object.prototype.toString,Aoe=Array.prototype.concat,lI=Object.defineProperty,koe=function(e){return typeof e=="function"&&Poe.call(e)==="[object Function]"},Roe=Coe(),uI=lI&&Roe,Ooe=function(e,t,n,r){if(t in e){if(r===!0){if(e[t]===n)return}else if(!koe(r)||!r())return}uI?lI(e,t,{configurable:!0,enumerable:!1,value:n,writable:!0}):e[t]=n},cI=function(e,t){var n=arguments.length>2?arguments[2]:{},r=Toe(t);Eoe&&(r=Aoe.call(r,Object.getOwnPropertySymbols(t)));for(var i=0;i":return t>e;case":<":return t=":return t>=e;case":<=":return t<=e;default:throw new Error("Unimplemented comparison operator: ".concat(n))}};V0.testComparisonRange=Zoe;var z0={};Object.defineProperty(z0,"__esModule",{value:!0});z0.testRange=void 0;var Joe=function(e,t){return typeof e=="number"?!(et.max||e===t.max&&!t.maxInclusive):!1};z0.testRange=Joe;(function(e){var t=Ee&&Ee.__assign||function(){return t=Object.assign||function(c){for(var d,f=1,h=arguments.length;f0?{path:l.path,query:new RegExp("("+l.keywords.map(function(u){return(0,nse.escapeRegexString)(u.trim())}).join("|")+")")}:{path:l.path}})};U0.highlight=ise;var G0={},yI={exports:{}};(function(e){(function(t,n){e.exports?e.exports=n():t.nearley=n()})(Ee,function(){function t(u,c,d){return this.id=++t.highestId,this.name=u,this.symbols=c,this.postprocess=d,this}t.highestId=0,t.prototype.toString=function(u){var c=typeof u>"u"?this.symbols.map(l).join(" "):this.symbols.slice(0,u).map(l).join(" ")+" ● "+this.symbols.slice(u).map(l).join(" ");return this.name+" → "+c};function n(u,c,d,f){this.rule=u,this.dot=c,this.reference=d,this.data=[],this.wantedBy=f,this.isComplete=this.dot===u.symbols.length}n.prototype.toString=function(){return"{"+this.rule.toString(this.dot)+"}, from: "+(this.reference||0)},n.prototype.nextState=function(u){var c=new n(this.rule,this.dot+1,this.reference,this.wantedBy);return c.left=this,c.right=u,c.isComplete&&(c.data=c.build(),c.right=void 0),c},n.prototype.build=function(){var u=[],c=this;do u.push(c.right.data),c=c.left;while(c.left);return u.reverse(),u},n.prototype.finish=function(){this.rule.postprocess&&(this.data=this.rule.postprocess(this.data,this.reference,s.fail))};function r(u,c){this.grammar=u,this.index=c,this.states=[],this.wants={},this.scannable=[],this.completed={}}r.prototype.process=function(u){for(var c=this.states,d=this.wants,f=this.completed,h=0;h0&&c.push(" ^ "+f+" more lines identical to this"),f=0,c.push(" "+m)),d=m}},s.prototype.getSymbolDisplay=function(u){return a(u)},s.prototype.buildFirstStateStack=function(u,c){if(c.indexOf(u)!==-1)return null;if(u.wantedBy.length===0)return[u];var d=u.wantedBy[0],f=[u].concat(c),h=this.buildFirstStateStack(d,f);return h===null?null:[u].concat(h)},s.prototype.save=function(){var u=this.table[this.current];return u.lexerState=this.lexerState,u},s.prototype.restore=function(u){var c=u.index;this.current=c,this.table[c]=u,this.table.splice(c+1),this.lexerState=u.lexerState,this.results=this.finish()},s.prototype.rewind=function(u){if(!this.options.keepHistory)throw new Error("set option `keepHistory` to enable rewinding");this.restore(this.table[u])},s.prototype.finish=function(){var u=[],c=this.grammar.start,d=this.table[this.table.length-1];return d.states.forEach(function(f){f.rule.name===c&&f.dot===f.rule.symbols.length&&f.reference===0&&f.data!==s.fail&&u.push(f)}),u.map(function(f){return f.data})};function a(u){var c=typeof u;if(c==="string")return u;if(c==="object"){if(u.literal)return JSON.stringify(u.literal);if(u instanceof RegExp)return"character matching "+u;if(u.type)return u.type+" token";if(u.test)return"token matching "+String(u.test);throw new Error("Unknown symbol type: "+u)}}function l(u){var c=typeof u;if(c==="string")return u;if(c==="object"){if(u.literal)return JSON.stringify(u.literal);if(u instanceof RegExp)return u.toString();if(u.type)return"%"+u.type;if(u.test)return"<"+String(u.test)+">";throw new Error("Unknown symbol type: "+u)}}return{Parser:s,Grammar:i,Rule:t}})})(yI);var ose=yI.exports,il={},vI={},ra={};ra.__esModule=void 0;ra.__esModule=!0;var sse=typeof Object.setPrototypeOf=="function",ase=typeof Object.getPrototypeOf=="function",lse=typeof Object.defineProperty=="function",use=typeof Object.create=="function",cse=typeof Object.prototype.hasOwnProperty=="function",dse=function(t,n){sse?Object.setPrototypeOf(t,n):t.__proto__=n};ra.setPrototypeOf=dse;var fse=function(t){return ase?Object.getPrototypeOf(t):t.__proto__||t.prototype};ra.getPrototypeOf=fse;var vE=!1,hse=function e(t,n,r){if(lse&&!vE)try{Object.defineProperty(t,n,r)}catch{vE=!0,e(t,n,r)}else t[n]=r.value};ra.defineProperty=hse;var bI=function(t,n){return cse?t.hasOwnProperty(t,n):t[n]===void 0};ra.hasOwnProperty=bI;var pse=function(t,n){if(use)return Object.create(t,n);var r=function(){};r.prototype=t;var i=new r;if(typeof n>"u")return i;if(typeof n=="null")throw new Error("PropertyDescriptors must not be null.");if(typeof n=="object")for(var o in n)bI(n,o)&&(i[o]=n[o].value);return i};ra.objectCreate=pse;(function(e){e.__esModule=void 0,e.__esModule=!0;var t=ra,n=t.setPrototypeOf,r=t.getPrototypeOf,i=t.defineProperty,o=t.objectCreate,s=new Error().toString()==="[object Error]",a="";function l(u){var c=this.constructor,d=c.name||function(){var S=c.toString().match(/^function\s*([^\s(]+)/);return S===null?a||"Error":S[1]}(),f=d==="Error",h=f?a:d,p=Error.apply(this,arguments);if(n(p,r(this)),!(p instanceof c)||!(p instanceof l)){var p=this;Error.apply(this,arguments),i(p,"message",{configurable:!0,enumerable:!1,value:u,writable:!0})}if(i(p,"name",{configurable:!0,enumerable:!1,value:h,writable:!0}),Error.captureStackTrace&&Error.captureStackTrace(p,f?l:c),p.stack===void 0){var m=new Error(u);m.name=p.name,p.stack=m.stack}return s&&i(p,"toString",{configurable:!0,enumerable:!1,value:function(){return(this.name||"Error")+(typeof this.message>"u"?"":": "+this.message)},writable:!0}),p}a=l.name||"ExtendableError",l.prototype=o(Error.prototype,{constructor:{value:Error,enumerable:!1,writable:!0,configurable:!0}}),e.ExtendableError=l,e.default=e.ExtendableError})(vI);var SI=Ee&&Ee.__extends||function(){var e=function(t,n){return e=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(r,i){r.__proto__=i}||function(r,i){for(var o in i)Object.prototype.hasOwnProperty.call(i,o)&&(r[o]=i[o])},e(t,n)};return function(t,n){if(typeof n!="function"&&n!==null)throw new TypeError("Class extends value "+String(n)+" is not a constructor or null");e(t,n);function r(){this.constructor=t}t.prototype=n===null?Object.create(n):(r.prototype=n.prototype,new r)}}();Object.defineProperty(il,"__esModule",{value:!0});il.SyntaxError=il.LiqeError=void 0;var gse=vI,_I=function(e){SI(t,e);function t(){return e!==null&&e.apply(this,arguments)||this}return t}(gse.ExtendableError);il.LiqeError=_I;var mse=function(e){SI(t,e);function t(n,r,i,o){var s=e.call(this,n)||this;return s.message=n,s.offset=r,s.line=i,s.column=o,s}return t}(_I);il.SyntaxError=mse;var dC={},zm=Ee&&Ee.__assign||function(){return zm=Object.assign||function(e){for(var t,n=1,r=arguments.length;n"}],postprocess:function(e){return e.join("")}},{name:"comparison_operator$subexpression$1",symbols:["comparison_operator$subexpression$1$string$2"]},{name:"comparison_operator$subexpression$1$string$3",symbols:[{literal:":"},{literal:"<"}],postprocess:function(e){return e.join("")}},{name:"comparison_operator$subexpression$1",symbols:["comparison_operator$subexpression$1$string$3"]},{name:"comparison_operator$subexpression$1$string$4",symbols:[{literal:":"},{literal:">"},{literal:"="}],postprocess:function(e){return e.join("")}},{name:"comparison_operator$subexpression$1",symbols:["comparison_operator$subexpression$1$string$4"]},{name:"comparison_operator$subexpression$1$string$5",symbols:[{literal:":"},{literal:"<"},{literal:"="}],postprocess:function(e){return e.join("")}},{name:"comparison_operator$subexpression$1",symbols:["comparison_operator$subexpression$1$string$5"]},{name:"comparison_operator",symbols:["comparison_operator$subexpression$1"],postprocess:function(e,t){return{location:{start:t,end:t+e[0][0].length},type:"ComparisonOperator",operator:e[0][0]}}},{name:"regex",symbols:["regex_body","regex_flags"],postprocess:function(e){return e.join("")}},{name:"regex_body$ebnf$1",symbols:[]},{name:"regex_body$ebnf$1",symbols:["regex_body$ebnf$1","regex_body_char"],postprocess:function(e){return e[0].concat([e[1]])}},{name:"regex_body",symbols:[{literal:"/"},"regex_body$ebnf$1",{literal:"/"}],postprocess:function(e){return"/"+e[1].join("")+"/"}},{name:"regex_body_char",symbols:[/[^\\]/],postprocess:po},{name:"regex_body_char",symbols:[{literal:"\\"},/[^\\]/],postprocess:function(e){return"\\"+e[1]}},{name:"regex_flags",symbols:[]},{name:"regex_flags$ebnf$1",symbols:[/[gmiyusd]/]},{name:"regex_flags$ebnf$1",symbols:["regex_flags$ebnf$1",/[gmiyusd]/],postprocess:function(e){return e[0].concat([e[1]])}},{name:"regex_flags",symbols:["regex_flags$ebnf$1"],postprocess:function(e){return e[0].join("")}},{name:"unquoted_value$ebnf$1",symbols:[]},{name:"unquoted_value$ebnf$1",symbols:["unquoted_value$ebnf$1",/[a-zA-Z\.\-_*@#$]/],postprocess:function(e){return e[0].concat([e[1]])}},{name:"unquoted_value",symbols:[/[a-zA-Z_*@#$]/,"unquoted_value$ebnf$1"],postprocess:function(e){return e[0]+e[1].join("")}}],ParserStart:"main"};dC.default=yse;var wI={},H0={},Ch={};Object.defineProperty(Ch,"__esModule",{value:!0});Ch.isSafePath=void 0;var vse=/^(\.(?:[_a-zA-Z][a-zA-Z\d_]*|\0|[1-9]\d*))+$/u,bse=function(e){return vse.test(e)};Ch.isSafePath=bse;Object.defineProperty(H0,"__esModule",{value:!0});H0.createGetValueFunctionBody=void 0;var Sse=Ch,_se=function(e){if(!(0,Sse.isSafePath)(e))throw new Error("Unsafe path.");var t="return subject"+e;return t.replace(/(\.(\d+))/g,".[$2]").replace(/\./g,"?.")};H0.createGetValueFunctionBody=_se;(function(e){var t=Ee&&Ee.__assign||function(){return t=Object.assign||function(o){for(var s,a=1,l=arguments.length;a\d+) col (?\d+)/,Pse=function(e){if(e.trim()==="")return{location:{end:0,start:0},type:"EmptyExpression"};var t=new CI.default.Parser(Tse),n;try{n=t.feed(e).results}catch(o){if(typeof(o==null?void 0:o.message)=="string"&&typeof(o==null?void 0:o.offset)=="number"){var r=o.message.match(Ese);throw r?new wse.SyntaxError("Syntax error at line ".concat(r.groups.line," column ").concat(r.groups.column),o.offset,Number(r.groups.line),Number(r.groups.column)):o}throw o}if(n.length===0)throw new Error("Found no parsings.");if(n.length>1)throw new Error("Ambiguous results.");var i=(0,Cse.hydrateAst)(n[0]);return i};G0.parse=Pse;var q0={};Object.defineProperty(q0,"__esModule",{value:!0});q0.test=void 0;var Ase=wh,kse=function(e,t){return(0,Ase.filter)(e,[t]).length===1};q0.test=kse;var TI={};(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.serialize=void 0;var t=function(o,s){return s==="double"?'"'.concat(o,'"'):s==="single"?"'".concat(o,"'"):o},n=function(o){if(o.type==="LiteralExpression")return o.quoted&&typeof o.value=="string"?t(o.value,o.quotes):String(o.value);if(o.type==="RegexExpression")return String(o.value);if(o.type==="RangeExpression"){var s=o.range,a=s.min,l=s.max,u=s.minInclusive,c=s.maxInclusive;return"".concat(u?"[":"{").concat(a," TO ").concat(l).concat(c?"]":"}")}if(o.type==="EmptyExpression")return"";throw new Error("Unexpected AST type.")},r=function(o){if(o.type!=="Tag")throw new Error("Expected a tag expression.");var s=o.field,a=o.expression,l=o.operator;if(s.type==="ImplicitField")return n(a);var u=s.quoted?t(s.name,s.quotes):s.name,c=" ".repeat(a.location.start-l.location.end);return u+l.operator+c+n(a)},i=function(o){if(o.type==="ParenthesizedExpression"){if(!("location"in o.expression))throw new Error("Expected location in expression.");if(!o.location.end)throw new Error("Expected location end.");var s=" ".repeat(o.expression.location.start-(o.location.start+1)),a=" ".repeat(o.location.end-o.expression.location.end-1);return"(".concat(s).concat((0,e.serialize)(o.expression)).concat(a,")")}if(o.type==="Tag")return r(o);if(o.type==="LogicalExpression"){var l="";return o.operator.type==="BooleanOperator"?(l+=" ".repeat(o.operator.location.start-o.left.location.end),l+=o.operator.operator,l+=" ".repeat(o.right.location.start-o.operator.location.end)):l=" ".repeat(o.right.location.start-o.left.location.end),"".concat((0,e.serialize)(o.left)).concat(l).concat((0,e.serialize)(o.right))}if(o.type==="UnaryOperator")return(o.operator==="NOT"?"NOT ":o.operator)+(0,e.serialize)(o.operand);if(o.type==="EmptyExpression")return"";throw new Error("Unexpected AST type.")};e.serialize=i})(TI);var W0={};Object.defineProperty(W0,"__esModule",{value:!0});W0.isSafeUnquotedExpression=void 0;var Rse=function(e){return/^[#$*@A-Z_a-z][#$*.@A-Z_a-z-]*$/.test(e)};W0.isSafeUnquotedExpression=Rse;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.isSafeUnquotedExpression=e.serialize=e.SyntaxError=e.LiqeError=e.test=e.parse=e.highlight=e.filter=void 0;var t=wh;Object.defineProperty(e,"filter",{enumerable:!0,get:function(){return t.filter}});var n=U0;Object.defineProperty(e,"highlight",{enumerable:!0,get:function(){return n.highlight}});var r=G0;Object.defineProperty(e,"parse",{enumerable:!0,get:function(){return r.parse}});var i=q0;Object.defineProperty(e,"test",{enumerable:!0,get:function(){return i.test}});var o=il;Object.defineProperty(e,"LiqeError",{enumerable:!0,get:function(){return o.LiqeError}}),Object.defineProperty(e,"SyntaxError",{enumerable:!0,get:function(){return o.SyntaxError}});var s=TI;Object.defineProperty(e,"serialize",{enumerable:!0,get:function(){return s.serialize}});var a=W0;Object.defineProperty(e,"isSafeUnquotedExpression",{enumerable:!0,get:function(){return a.isSafeUnquotedExpression}})})(mI);var Th={},EI={},ol={};Object.defineProperty(ol,"__esModule",{value:!0});ol.ROARR_LOG_FORMAT_VERSION=ol.ROARR_VERSION=void 0;ol.ROARR_VERSION="5.0.0";ol.ROARR_LOG_FORMAT_VERSION="2.0.0";var Eh={};Object.defineProperty(Eh,"__esModule",{value:!0});Eh.logLevels=void 0;Eh.logLevels={debug:20,error:50,fatal:60,info:30,trace:10,warn:40};var PI={},K0={};Object.defineProperty(K0,"__esModule",{value:!0});K0.hasOwnProperty=void 0;const Ose=(e,t)=>Object.prototype.hasOwnProperty.call(e,t);K0.hasOwnProperty=Ose;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.hasOwnProperty=void 0;var t=K0;Object.defineProperty(e,"hasOwnProperty",{enumerable:!0,get:function(){return t.hasOwnProperty}})})(PI);var AI={},X0={},Y0={};Object.defineProperty(Y0,"__esModule",{value:!0});Y0.tokenize=void 0;const Mse=/(?:%(?([+0-]|-\+))?(?\d+)?(?\d+\$)?(?\.\d+)?(?[%BCESb-iosux]))|(\\%)/g,Ise=e=>{let t;const n=[];let r=0,i=0,o=null;for(;(t=Mse.exec(e))!==null;){t.index>i&&(o={literal:e.slice(i,t.index),type:"literal"},n.push(o));const s=t[0];i=t.index+s.length,s==="\\%"||s==="%%"?o&&o.type==="literal"?o.literal+="%":(o={literal:"%",type:"literal"},n.push(o)):t.groups&&(o={conversion:t.groups.conversion,flag:t.groups.flag||null,placeholder:s,position:t.groups.position?Number.parseInt(t.groups.position,10)-1:r++,precision:t.groups.precision?Number.parseInt(t.groups.precision.slice(1),10):null,type:"placeholder",width:t.groups.width?Number.parseInt(t.groups.width,10):null},n.push(o))}return i<=e.length-1&&(o&&o.type==="literal"?o.literal+=e.slice(i):n.push({literal:e.slice(i),type:"literal"})),n};Y0.tokenize=Ise;Object.defineProperty(X0,"__esModule",{value:!0});X0.createPrintf=void 0;const bE=lC,Nse=Y0,Dse=(e,t)=>t.placeholder,Lse=e=>{var t;const n=(o,s,a)=>a==="-"?o.padEnd(s," "):a==="-+"?((Number(o)>=0?"+":"")+o).padEnd(s," "):a==="+"?((Number(o)>=0?"+":"")+o).padStart(s," "):a==="0"?o.padStart(s,"0"):o.padStart(s," "),r=(t=e==null?void 0:e.formatUnboundExpression)!==null&&t!==void 0?t:Dse,i={};return(o,...s)=>{let a=i[o];a||(a=i[o]=Nse.tokenize(o));let l="";for(const u of a)if(u.type==="literal")l+=u.literal;else{let c=s[u.position];if(c===void 0)l+=r(o,u,s);else if(u.conversion==="b")l+=bE.boolean(c)?"true":"false";else if(u.conversion==="B")l+=bE.boolean(c)?"TRUE":"FALSE";else if(u.conversion==="c")l+=c;else if(u.conversion==="C")l+=String(c).toUpperCase();else if(u.conversion==="i"||u.conversion==="d")c=String(Math.trunc(c)),u.width!==null&&(c=n(c,u.width,u.flag)),l+=c;else if(u.conversion==="e")l+=Number(c).toExponential();else if(u.conversion==="E")l+=Number(c).toExponential().toUpperCase();else if(u.conversion==="f")u.precision!==null&&(c=Number(c).toFixed(u.precision)),u.width!==null&&(c=n(String(c),u.width,u.flag)),l+=c;else if(u.conversion==="o")l+=(Number.parseInt(String(c),10)>>>0).toString(8);else if(u.conversion==="s")u.width!==null&&(c=n(String(c),u.width,u.flag)),l+=c;else if(u.conversion==="S")u.width!==null&&(c=n(String(c),u.width,u.flag)),l+=String(c).toUpperCase();else if(u.conversion==="u")l+=Number.parseInt(String(c),10)>>>0;else if(u.conversion==="x")c=(Number.parseInt(String(c),10)>>>0).toString(16),u.width!==null&&(c=n(String(c),u.width,u.flag)),l+=c;else throw new Error("Unknown format specifier.")}return l}};X0.createPrintf=Lse;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.printf=e.createPrintf=void 0;const t=X0;Object.defineProperty(e,"createPrintf",{enumerable:!0,get:function(){return t.createPrintf}}),e.printf=t.createPrintf()})(AI);var u2={exports:{}};(function(e,t){const{hasOwnProperty:n}=Object.prototype,r=S();r.configure=S,r.stringify=r,r.default=r,t.stringify=r,t.configure=S,e.exports=r;const i=/[\u0000-\u001f\u0022\u005c\ud800-\udfff]|[\ud800-\udbff](?![\udc00-\udfff])|(?:[^\ud800-\udbff]|^)[\udc00-\udfff]/;function o(y){return y.length<5e3&&!i.test(y)?`"${y}"`:JSON.stringify(y)}function s(y){if(y.length>200)return y.sort();for(let v=1;vg;)y[b]=y[b-1],b--;y[b]=g}return y}const a=Object.getOwnPropertyDescriptor(Object.getPrototypeOf(Object.getPrototypeOf(new Int8Array)),Symbol.toStringTag).get;function l(y){return a.call(y)!==void 0&&y.length!==0}function u(y,v,g){y.length= 1`)}return g===void 0?1/0:g}function h(y){return y===1?"1 item":`${y} items`}function p(y){const v=new Set;for(const g of y)(typeof g=="string"||typeof g=="number")&&v.add(String(g));return v}function m(y){if(n.call(y,"strict")){const v=y.strict;if(typeof v!="boolean")throw new TypeError('The "strict" argument must be of type boolean');if(v)return g=>{let b=`Object can not safely be stringified. Received type ${typeof g}`;throw typeof g!="function"&&(b+=` (${g.toString()})`),new Error(b)}}}function S(y){y={...y};const v=m(y);v&&(y.bigint===void 0&&(y.bigint=!1),"circularValue"in y||(y.circularValue=Error));const g=c(y),b=d(y,"bigint"),_=d(y,"deterministic"),w=f(y,"maximumDepth"),x=f(y,"maximumBreadth");function T(I,C,R,M,N,O){let D=C[I];switch(typeof D=="object"&&D!==null&&typeof D.toJSON=="function"&&(D=D.toJSON(I)),D=M.call(C,I,D),typeof D){case"string":return o(D);case"object":{if(D===null)return"null";if(R.indexOf(D)!==-1)return g;let L="",j=",";const U=O;if(Array.isArray(D)){if(D.length===0)return"[]";if(wx){const ne=D.length-x-1;L+=`${j}"... ${h(ne)} not stringified"`}return N!==""&&(L+=` +${U}`),R.pop(),`[${L}]`}let G=Object.keys(D);const W=G.length;if(W===0)return"{}";if(wx){const H=W-x;L+=`${Y}"...":${X}"${h(H)} not stringified"`,Y=j}return N!==""&&Y.length>1&&(L=` +${O}${L} +${U}`),R.pop(),`{${L}}`}case"number":return isFinite(D)?String(D):v?v(D):"null";case"boolean":return D===!0?"true":"false";case"undefined":return;case"bigint":if(b)return String(D);default:return v?v(D):void 0}}function P(I,C,R,M,N,O){switch(typeof C=="object"&&C!==null&&typeof C.toJSON=="function"&&(C=C.toJSON(I)),typeof C){case"string":return o(C);case"object":{if(C===null)return"null";if(R.indexOf(C)!==-1)return g;const D=O;let L="",j=",";if(Array.isArray(C)){if(C.length===0)return"[]";if(wx){const B=C.length-x-1;L+=`${j}"... ${h(B)} not stringified"`}return N!==""&&(L+=` +${D}`),R.pop(),`[${L}]`}R.push(C);let U="";N!==""&&(O+=N,j=`, +${O}`,U=" ");let G="";for(const W of M){const X=P(W,C[W],R,M,N,O);X!==void 0&&(L+=`${G}${o(W)}:${U}${X}`,G=j)}return N!==""&&G.length>1&&(L=` +${O}${L} +${D}`),R.pop(),`{${L}}`}case"number":return isFinite(C)?String(C):v?v(C):"null";case"boolean":return C===!0?"true":"false";case"undefined":return;case"bigint":if(b)return String(C);default:return v?v(C):void 0}}function E(I,C,R,M,N){switch(typeof C){case"string":return o(C);case"object":{if(C===null)return"null";if(typeof C.toJSON=="function"){if(C=C.toJSON(I),typeof C!="object")return E(I,C,R,M,N);if(C===null)return"null"}if(R.indexOf(C)!==-1)return g;const O=N;if(Array.isArray(C)){if(C.length===0)return"[]";if(wx){const J=C.length-x-1;X+=`${Y}"... ${h(J)} not stringified"`}return X+=` +${O}`,R.pop(),`[${X}]`}let D=Object.keys(C);const L=D.length;if(L===0)return"{}";if(wx){const X=L-x;U+=`${G}"...": "${h(X)} not stringified"`,G=j}return G!==""&&(U=` +${N}${U} +${O}`),R.pop(),`{${U}}`}case"number":return isFinite(C)?String(C):v?v(C):"null";case"boolean":return C===!0?"true":"false";case"undefined":return;case"bigint":if(b)return String(C);default:return v?v(C):void 0}}function A(I,C,R){switch(typeof C){case"string":return o(C);case"object":{if(C===null)return"null";if(typeof C.toJSON=="function"){if(C=C.toJSON(I),typeof C!="object")return A(I,C,R);if(C===null)return"null"}if(R.indexOf(C)!==-1)return g;let M="";if(Array.isArray(C)){if(C.length===0)return"[]";if(wx){const W=C.length-x-1;M+=`,"... ${h(W)} not stringified"`}return R.pop(),`[${M}]`}let N=Object.keys(C);const O=N.length;if(O===0)return"{}";if(wx){const j=O-x;M+=`${D}"...":"${h(j)} not stringified"`}return R.pop(),`{${M}}`}case"number":return isFinite(C)?String(C):v?v(C):"null";case"boolean":return C===!0?"true":"false";case"undefined":return;case"bigint":if(b)return String(C);default:return v?v(C):void 0}}function $(I,C,R){if(arguments.length>1){let M="";if(typeof R=="number"?M=" ".repeat(Math.min(R,10)):typeof R=="string"&&(M=R.slice(0,10)),C!=null){if(typeof C=="function")return T("",{"":I},[],C,M,"");if(Array.isArray(C))return P("",I,[],p(C),M,"")}if(M.length!==0)return E("",I,[],M,"")}return A("",I,[])}return $}})(u2,u2.exports);var $se=u2.exports;(function(e){var t=Ee&&Ee.__importDefault||function(g){return g&&g.__esModule?g:{default:g}};Object.defineProperty(e,"__esModule",{value:!0}),e.createLogger=void 0;const n=ol,r=Eh,i=PI,o=AI,s=t(uC),a=t($se);let l=!1;const u=(0,s.default)(),c=()=>u.ROARR,d=()=>({messageContext:{},transforms:[]}),f=()=>{const g=c().asyncLocalStorage;if(!g)throw new Error("AsyncLocalContext is unavailable.");const b=g.getStore();return b||d()},h=()=>!!c().asyncLocalStorage,p=()=>{if(h()){const g=f();return(0,i.hasOwnProperty)(g,"sequenceRoot")&&(0,i.hasOwnProperty)(g,"sequence")&&typeof g.sequence=="number"?String(g.sequenceRoot)+"."+String(g.sequence++):String(c().sequence++)}return String(c().sequence++)},m=(g,b)=>(_,w,x,T,P,E,A,$,I,C)=>{g.child({logLevel:b})(_,w,x,T,P,E,A,$,I,C)},S=1e3,y=(g,b)=>(_,w,x,T,P,E,A,$,I,C)=>{const R=(0,a.default)({a:_,b:w,c:x,d:T,e:P,f:E,g:A,h:$,i:I,j:C,logLevel:b});if(!R)throw new Error("Expected key to be a string");const M=c().onceLog;M.has(R)||(M.add(R),M.size>S&&M.clear(),g.child({logLevel:b})(_,w,x,T,P,E,A,$,I,C))},v=(g,b={},_=[])=>{const w=(x,T,P,E,A,$,I,C,R,M)=>{const N=Date.now(),O=p();let D;h()?D=f():D=d();let L,j;if(typeof x=="string"?L={...D.messageContext,...b}:L={...D.messageContext,...b,...x},typeof x=="string"&&T===void 0)j=x;else if(typeof x=="string"){if(!x.includes("%"))throw new Error("When a string parameter is followed by other arguments, then it is assumed that you are attempting to format a message using printf syntax. You either forgot to add printf bindings or if you meant to add context to the log message, pass them in an object as the first parameter.");j=(0,o.printf)(x,T,P,E,A,$,I,C,R,M)}else{let G=T;if(typeof T!="string")if(T===void 0)G="";else throw new TypeError("Message must be a string. Received "+typeof T+".");j=(0,o.printf)(G,P,E,A,$,I,C,R,M)}let U={context:L,message:j,sequence:O,time:N,version:n.ROARR_LOG_FORMAT_VERSION};for(const G of[...D.transforms,..._])if(U=G(U),typeof U!="object"||U===null)throw new Error("Message transform function must return a message object.");g(U)};return w.child=x=>{let T;return h()?T=f():T=d(),typeof x=="function"?(0,e.createLogger)(g,{...T.messageContext,...b,...x},[x,..._]):(0,e.createLogger)(g,{...T.messageContext,...b,...x},_)},w.getContext=()=>{let x;return h()?x=f():x=d(),{...x.messageContext,...b}},w.adopt=async(x,T)=>{if(!h())return l===!1&&(l=!0,g({context:{logLevel:r.logLevels.warn,package:"roarr"},message:"async_hooks are unavailable; Roarr.adopt will not function as expected",sequence:p(),time:Date.now(),version:n.ROARR_LOG_FORMAT_VERSION})),x();const P=f();let E;(0,i.hasOwnProperty)(P,"sequenceRoot")&&(0,i.hasOwnProperty)(P,"sequence")&&typeof P.sequence=="number"?E=P.sequenceRoot+"."+String(P.sequence++):E=String(c().sequence++);let A={...P.messageContext};const $=[...P.transforms];typeof T=="function"?$.push(T):A={...A,...T};const I=c().asyncLocalStorage;if(!I)throw new Error("Async local context unavailable.");return I.run({messageContext:A,sequence:0,sequenceRoot:E,transforms:$},()=>x())},w.debug=m(w,r.logLevels.debug),w.debugOnce=y(w,r.logLevels.debug),w.error=m(w,r.logLevels.error),w.errorOnce=y(w,r.logLevels.error),w.fatal=m(w,r.logLevels.fatal),w.fatalOnce=y(w,r.logLevels.fatal),w.info=m(w,r.logLevels.info),w.infoOnce=y(w,r.logLevels.info),w.trace=m(w,r.logLevels.trace),w.traceOnce=y(w,r.logLevels.trace),w.warn=m(w,r.logLevels.warn),w.warnOnce=y(w,r.logLevels.warn),w};e.createLogger=v})(EI);var Q0={},Fse=function(t,n){for(var r=t.split("."),i=n.split("."),o=0;o<3;o++){var s=Number(r[o]),a=Number(i[o]);if(s>a)return 1;if(a>s)return-1;if(!isNaN(s)&&isNaN(a))return 1;if(isNaN(s)&&!isNaN(a))return-1}return 0},Bse=Ee&&Ee.__importDefault||function(e){return e&&e.__esModule?e:{default:e}};Object.defineProperty(Q0,"__esModule",{value:!0});Q0.createRoarrInitialGlobalStateBrowser=void 0;const SE=ol,_E=Bse(Fse),jse=e=>{const t=(e.versions||[]).concat();return t.length>1&&t.sort(_E.default),t.includes(SE.ROARR_VERSION)||t.push(SE.ROARR_VERSION),t.sort(_E.default),{sequence:0,...e,versions:t}};Q0.createRoarrInitialGlobalStateBrowser=jse;var Z0={};Object.defineProperty(Z0,"__esModule",{value:!0});Z0.getLogLevelName=void 0;const Vse=e=>e<=10?"trace":e<=20?"debug":e<=30?"info":e<=40?"warn":e<=50?"error":"fatal";Z0.getLogLevelName=Vse;(function(e){var t=Ee&&Ee.__importDefault||function(d){return d&&d.__esModule?d:{default:d}};Object.defineProperty(e,"__esModule",{value:!0}),e.getLogLevelName=e.logLevels=e.Roarr=e.ROARR=void 0;const n=EI,r=Q0,o=(0,t(uC).default)(),s=(0,r.createRoarrInitialGlobalStateBrowser)(o.ROARR||{});e.ROARR=s,o.ROARR=s;const a=d=>JSON.stringify(d),l=(0,n.createLogger)(d=>{var f;s.write&&s.write(((f=s.serializeMessage)!==null&&f!==void 0?f:a)(d))});e.Roarr=l;var u=Eh;Object.defineProperty(e,"logLevels",{enumerable:!0,get:function(){return u.logLevels}});var c=Z0;Object.defineProperty(e,"getLogLevelName",{enumerable:!0,get:function(){return c.getLogLevelName}})})(Th);var zse=Ee&&Ee.__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(e!=null&&typeof Object.getOwnPropertySymbols=="function")for(var i=0,r=Object.getOwnPropertySymbols(e);i0?h("%c ".concat(f," %c").concat(c?" [".concat(String(c),"]:"):"","%c ").concat(a.message," %O"),m,S,y,d):h("%c ".concat(f," %c").concat(c?" [".concat(String(c),"]:"):"","%c ").concat(a.message),m,S,y)}}};N0.createLogWriter=Qse;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.createLogWriter=void 0;var t=N0;Object.defineProperty(e,"createLogWriter",{enumerable:!0,get:function(){return t.createLogWriter}})})(iI);Th.ROARR.write=iI.createLogWriter();const RI={};Th.Roarr.child(RI);const J0=E0(Th.Roarr.child(RI)),fe=e=>J0.get().child({namespace:e}),Q3e=["trace","debug","info","warn","error","fatal"],Z3e={trace:10,debug:20,info:30,warn:40,error:50,fatal:60};function Zse(){const e=[];return function(t,n){if(typeof n!="object"||n===null)return n;for(;e.length>0&&e.at(-1)!==this;)e.pop();return e.includes(n)?"[Circular]":(e.push(n),n)}}const Df=Vs("nodes/receivedOpenAPISchema",async(e,{dispatch:t,rejectWithValue:n})=>{const r=fe("system");try{const o=await(await fetch("openapi.json")).json();return r.info({openAPISchema:o},"Received OpenAPI schema"),JSON.parse(JSON.stringify(o,Zse()))}catch(i){return n({error:i})}}),OI={nodes:[],edges:[],schema:null,invocationTemplates:{},connectionStartParams:null,shouldShowGraphOverlay:!1,shouldShowFieldTypeLegend:!1,shouldShowMinimapPanel:!0,editorInstance:void 0,progressNodeSize:{width:512,height:512}},MI=Pt({name:"nodes",initialState:OI,reducers:{nodesChanged:(e,t)=>{e.nodes=KM(t.payload,e.nodes)},nodeAdded:(e,t)=>{e.nodes.push(t.payload)},edgesChanged:(e,t)=>{e.edges=uie(t.payload,e.edges)},connectionStarted:(e,t)=>{e.connectionStartParams=t.payload},connectionMade:(e,t)=>{e.edges=_M(t.payload,e.edges)},connectionEnded:e=>{e.connectionStartParams=null},fieldValueChanged:(e,t)=>{const{nodeId:n,fieldName:r,value:i}=t.payload,o=e.nodes.findIndex(s=>s.id===n);o>-1&&(e.nodes[o].data.inputs[r].value=i)},imageCollectionFieldValueChanged:(e,t)=>{const{nodeId:n,fieldName:r,value:i}=t.payload,o=e.nodes.findIndex(a=>a.id===n);if(o===-1)return;const s=Ln(e.nodes[o].data.inputs[r].value);if(!s){e.nodes[o].data.inputs[r].value=i;return}e.nodes[o].data.inputs[r].value=iY(s.concat(i),"image_name")},shouldShowGraphOverlayChanged:(e,t)=>{e.shouldShowGraphOverlay=t.payload},shouldShowFieldTypeLegendChanged:(e,t)=>{e.shouldShowFieldTypeLegend=t.payload},shouldShowMinimapPanelChanged:(e,t)=>{e.shouldShowMinimapPanel=t.payload},nodeTemplatesBuilt:(e,t)=>{e.invocationTemplates=t.payload},nodeEditorReset:e=>{e.nodes=[],e.edges=[]},setEditorInstance:(e,t)=>{e.editorInstance=t.payload},loadFileNodes:(e,t)=>{e.nodes=t.payload},loadFileEdges:(e,t)=>{e.edges=t.payload},setProgressNodeSize:(e,t)=>{e.progressNodeSize=t.payload}},extraReducers:e=>{e.addCase(Df.fulfilled,(t,n)=>{t.schema=n.payload})}}),{nodesChanged:J3e,edgesChanged:e5e,nodeAdded:t5e,fieldValueChanged:c2,connectionMade:n5e,connectionStarted:r5e,connectionEnded:i5e,shouldShowGraphOverlayChanged:o5e,shouldShowFieldTypeLegendChanged:s5e,shouldShowMinimapPanelChanged:a5e,nodeTemplatesBuilt:fC,nodeEditorReset:II,imageCollectionFieldValueChanged:l5e,setEditorInstance:u5e,loadFileNodes:c5e,loadFileEdges:d5e,setProgressNodeSize:f5e}=MI.actions,Jse=MI.reducer,NI={esrganModelName:"RealESRGAN_x4plus.pth"},DI=Pt({name:"postprocessing",initialState:NI,reducers:{esrganModelNameChanged:(e,t)=>{e.esrganModelName=t.payload}}}),{esrganModelNameChanged:h5e}=DI.actions,eae=DI.reducer,tae={positiveStylePrompt:"",negativeStylePrompt:"",shouldConcatSDXLStylePrompt:!0,shouldUseSDXLRefiner:!1,sdxlImg2ImgDenoisingStrength:.7,refinerModel:null,refinerSteps:20,refinerCFGScale:7.5,refinerScheduler:"euler",refinerAestheticScore:6,refinerStart:.7},LI=Pt({name:"sdxl",initialState:tae,reducers:{setPositiveStylePromptSDXL:(e,t)=>{e.positiveStylePrompt=t.payload},setNegativeStylePromptSDXL:(e,t)=>{e.negativeStylePrompt=t.payload},setShouldConcatSDXLStylePrompt:(e,t)=>{e.shouldConcatSDXLStylePrompt=t.payload},setShouldUseSDXLRefiner:(e,t)=>{e.shouldUseSDXLRefiner=t.payload},setSDXLImg2ImgDenoisingStrength:(e,t)=>{e.sdxlImg2ImgDenoisingStrength=t.payload},refinerModelChanged:(e,t)=>{e.refinerModel=t.payload},setRefinerSteps:(e,t)=>{e.refinerSteps=t.payload},setRefinerCFGScale:(e,t)=>{e.refinerCFGScale=t.payload},setRefinerScheduler:(e,t)=>{e.refinerScheduler=t.payload},setRefinerAestheticScore:(e,t)=>{e.refinerAestheticScore=t.payload},setRefinerStart:(e,t)=>{e.refinerStart=t.payload}}}),{setPositiveStylePromptSDXL:p5e,setNegativeStylePromptSDXL:g5e,setShouldConcatSDXLStylePrompt:m5e,setShouldUseSDXLRefiner:nae,setSDXLImg2ImgDenoisingStrength:y5e,refinerModelChanged:xE,setRefinerSteps:v5e,setRefinerCFGScale:b5e,setRefinerScheduler:S5e,setRefinerAestheticScore:_5e,setRefinerStart:w5e}=LI.actions,rae=LI.reducer,Ph=ue("app/userInvoked"),iae={type:"logger",log(e){this.output("log",e)},warn(e){this.output("warn",e)},error(e){this.output("error",e)},output(e,t){console&&console[e]&&console[e].apply(console,t)}};class Um{constructor(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};this.init(t,n)}init(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};this.prefix=n.prefix||"i18next:",this.logger=t||iae,this.options=n,this.debug=n.debug}log(){for(var t=arguments.length,n=new Array(t),r=0;r{this.observers[r]=this.observers[r]||[],this.observers[r].push(n)}),this}off(t,n){if(this.observers[t]){if(!n){delete this.observers[t];return}this.observers[t]=this.observers[t].filter(r=>r!==n)}}emit(t){for(var n=arguments.length,r=new Array(n>1?n-1:0),i=1;i{s(...r)}),this.observers["*"]&&[].concat(this.observers["*"]).forEach(s=>{s.apply(s,[t,...r])})}}function Yc(){let e,t;const n=new Promise((r,i)=>{e=r,t=i});return n.resolve=e,n.reject=t,n}function CE(e){return e==null?"":""+e}function oae(e,t,n){e.forEach(r=>{t[r]&&(n[r]=t[r])})}function hC(e,t,n){function r(s){return s&&s.indexOf("###")>-1?s.replace(/###/g,"."):s}function i(){return!e||typeof e=="string"}const o=typeof t!="string"?[].concat(t):t.split(".");for(;o.length>1;){if(i())return{};const s=r(o.shift());!e[s]&&n&&(e[s]=new n),Object.prototype.hasOwnProperty.call(e,s)?e=e[s]:e={}}return i()?{}:{obj:e,k:r(o.shift())}}function TE(e,t,n){const{obj:r,k:i}=hC(e,t,Object);r[i]=n}function sae(e,t,n,r){const{obj:i,k:o}=hC(e,t,Object);i[o]=i[o]||[],r&&(i[o]=i[o].concat(n)),r||i[o].push(n)}function Gm(e,t){const{obj:n,k:r}=hC(e,t);if(n)return n[r]}function aae(e,t,n){const r=Gm(e,n);return r!==void 0?r:Gm(t,n)}function $I(e,t,n){for(const r in t)r!=="__proto__"&&r!=="constructor"&&(r in e?typeof e[r]=="string"||e[r]instanceof String||typeof t[r]=="string"||t[r]instanceof String?n&&(e[r]=t[r]):$I(e[r],t[r],n):e[r]=t[r]);return e}function jl(e){return e.replace(/[\-\[\]\/\{\}\(\)\*\+\?\.\\\^\$\|]/g,"\\$&")}var lae={"&":"&","<":"<",">":">",'"':""","'":"'","/":"/"};function uae(e){return typeof e=="string"?e.replace(/[&<>"'\/]/g,t=>lae[t]):e}const cae=[" ",",","?","!",";"];function dae(e,t,n){t=t||"",n=n||"";const r=cae.filter(s=>t.indexOf(s)<0&&n.indexOf(s)<0);if(r.length===0)return!0;const i=new RegExp(`(${r.map(s=>s==="?"?"\\?":s).join("|")})`);let o=!i.test(e);if(!o){const s=e.indexOf(n);s>0&&!i.test(e.substring(0,s))&&(o=!0)}return o}function Hm(e,t){let n=arguments.length>2&&arguments[2]!==void 0?arguments[2]:".";if(!e)return;if(e[t])return e[t];const r=t.split(n);let i=e;for(let o=0;oo+s;)s++,a=r.slice(o,o+s).join(n),l=i[a];if(l===void 0)return;if(l===null)return null;if(t.endsWith(a)){if(typeof l=="string")return l;if(a&&typeof l[a]=="string")return l[a]}const u=r.slice(o+s).join(n);return u?Hm(l,u,n):void 0}i=i[r[o]]}return i}function qm(e){return e&&e.indexOf("_")>0?e.replace("_","-"):e}class EE extends ev{constructor(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{ns:["translation"],defaultNS:"translation"};super(),this.data=t||{},this.options=n,this.options.keySeparator===void 0&&(this.options.keySeparator="."),this.options.ignoreJSONStructure===void 0&&(this.options.ignoreJSONStructure=!0)}addNamespaces(t){this.options.ns.indexOf(t)<0&&this.options.ns.push(t)}removeNamespaces(t){const n=this.options.ns.indexOf(t);n>-1&&this.options.ns.splice(n,1)}getResource(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{};const o=i.keySeparator!==void 0?i.keySeparator:this.options.keySeparator,s=i.ignoreJSONStructure!==void 0?i.ignoreJSONStructure:this.options.ignoreJSONStructure;let a=[t,n];r&&typeof r!="string"&&(a=a.concat(r)),r&&typeof r=="string"&&(a=a.concat(o?r.split(o):r)),t.indexOf(".")>-1&&(a=t.split("."));const l=Gm(this.data,a);return l||!s||typeof r!="string"?l:Hm(this.data&&this.data[t]&&this.data[t][n],r,o)}addResource(t,n,r,i){let o=arguments.length>4&&arguments[4]!==void 0?arguments[4]:{silent:!1};const s=o.keySeparator!==void 0?o.keySeparator:this.options.keySeparator;let a=[t,n];r&&(a=a.concat(s?r.split(s):r)),t.indexOf(".")>-1&&(a=t.split("."),i=n,n=a[1]),this.addNamespaces(n),TE(this.data,a,i),o.silent||this.emit("added",t,n,r,i)}addResources(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{silent:!1};for(const o in r)(typeof r[o]=="string"||Object.prototype.toString.apply(r[o])==="[object Array]")&&this.addResource(t,n,o,r[o],{silent:!0});i.silent||this.emit("added",t,n,r)}addResourceBundle(t,n,r,i,o){let s=arguments.length>5&&arguments[5]!==void 0?arguments[5]:{silent:!1},a=[t,n];t.indexOf(".")>-1&&(a=t.split("."),i=r,r=n,n=a[1]),this.addNamespaces(n);let l=Gm(this.data,a)||{};i?$I(l,r,o):l={...l,...r},TE(this.data,a,l),s.silent||this.emit("added",t,n,r)}removeResourceBundle(t,n){this.hasResourceBundle(t,n)&&delete this.data[t][n],this.removeNamespaces(n),this.emit("removed",t,n)}hasResourceBundle(t,n){return this.getResource(t,n)!==void 0}getResourceBundle(t,n){return n||(n=this.options.defaultNS),this.options.compatibilityAPI==="v1"?{...this.getResource(t,n)}:this.getResource(t,n)}getDataByLanguage(t){return this.data[t]}hasLanguageSomeTranslations(t){const n=this.getDataByLanguage(t);return!!(n&&Object.keys(n)||[]).find(i=>n[i]&&Object.keys(n[i]).length>0)}toJSON(){return this.data}}var FI={processors:{},addPostProcessor(e){this.processors[e.name]=e},handle(e,t,n,r,i){return e.forEach(o=>{this.processors[o]&&(t=this.processors[o].process(t,n,r,i))}),t}};const PE={};class Wm extends ev{constructor(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};super(),oae(["resourceStore","languageUtils","pluralResolver","interpolator","backendConnector","i18nFormat","utils"],t,this),this.options=n,this.options.keySeparator===void 0&&(this.options.keySeparator="."),this.logger=qi.create("translator")}changeLanguage(t){t&&(this.language=t)}exists(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{interpolation:{}};if(t==null)return!1;const r=this.resolve(t,n);return r&&r.res!==void 0}extractFromKey(t,n){let r=n.nsSeparator!==void 0?n.nsSeparator:this.options.nsSeparator;r===void 0&&(r=":");const i=n.keySeparator!==void 0?n.keySeparator:this.options.keySeparator;let o=n.ns||this.options.defaultNS||[];const s=r&&t.indexOf(r)>-1,a=!this.options.userDefinedKeySeparator&&!n.keySeparator&&!this.options.userDefinedNsSeparator&&!n.nsSeparator&&!dae(t,r,i);if(s&&!a){const l=t.match(this.interpolator.nestingRegexp);if(l&&l.length>0)return{key:t,namespaces:o};const u=t.split(r);(r!==i||r===i&&this.options.ns.indexOf(u[0])>-1)&&(o=u.shift()),t=u.join(i)}return typeof o=="string"&&(o=[o]),{key:t,namespaces:o}}translate(t,n,r){if(typeof n!="object"&&this.options.overloadTranslationOptionHandler&&(n=this.options.overloadTranslationOptionHandler(arguments)),typeof n=="object"&&(n={...n}),n||(n={}),t==null)return"";Array.isArray(t)||(t=[String(t)]);const i=n.returnDetails!==void 0?n.returnDetails:this.options.returnDetails,o=n.keySeparator!==void 0?n.keySeparator:this.options.keySeparator,{key:s,namespaces:a}=this.extractFromKey(t[t.length-1],n),l=a[a.length-1],u=n.lng||this.language,c=n.appendNamespaceToCIMode||this.options.appendNamespaceToCIMode;if(u&&u.toLowerCase()==="cimode"){if(c){const b=n.nsSeparator||this.options.nsSeparator;return i?{res:`${l}${b}${s}`,usedKey:s,exactUsedKey:s,usedLng:u,usedNS:l}:`${l}${b}${s}`}return i?{res:s,usedKey:s,exactUsedKey:s,usedLng:u,usedNS:l}:s}const d=this.resolve(t,n);let f=d&&d.res;const h=d&&d.usedKey||s,p=d&&d.exactUsedKey||s,m=Object.prototype.toString.apply(f),S=["[object Number]","[object Function]","[object RegExp]"],y=n.joinArrays!==void 0?n.joinArrays:this.options.joinArrays,v=!this.i18nFormat||this.i18nFormat.handleAsObject;if(v&&f&&(typeof f!="string"&&typeof f!="boolean"&&typeof f!="number")&&S.indexOf(m)<0&&!(typeof y=="string"&&m==="[object Array]")){if(!n.returnObjects&&!this.options.returnObjects){this.options.returnedObjectHandler||this.logger.warn("accessing an object - but returnObjects options is not enabled!");const b=this.options.returnedObjectHandler?this.options.returnedObjectHandler(h,f,{...n,ns:a}):`key '${s} (${this.language})' returned an object instead of string.`;return i?(d.res=b,d):b}if(o){const b=m==="[object Array]",_=b?[]:{},w=b?p:h;for(const x in f)if(Object.prototype.hasOwnProperty.call(f,x)){const T=`${w}${o}${x}`;_[x]=this.translate(T,{...n,joinArrays:!1,ns:a}),_[x]===T&&(_[x]=f[x])}f=_}}else if(v&&typeof y=="string"&&m==="[object Array]")f=f.join(y),f&&(f=this.extendTranslation(f,t,n,r));else{let b=!1,_=!1;const w=n.count!==void 0&&typeof n.count!="string",x=Wm.hasDefaultValue(n),T=w?this.pluralResolver.getSuffix(u,n.count,n):"",P=n.ordinal&&w?this.pluralResolver.getSuffix(u,n.count,{ordinal:!1}):"",E=n[`defaultValue${T}`]||n[`defaultValue${P}`]||n.defaultValue;!this.isValidLookup(f)&&x&&(b=!0,f=E),this.isValidLookup(f)||(_=!0,f=s);const $=(n.missingKeyNoValueFallbackToKey||this.options.missingKeyNoValueFallbackToKey)&&_?void 0:f,I=x&&E!==f&&this.options.updateMissing;if(_||b||I){if(this.logger.log(I?"updateKey":"missingKey",u,l,s,I?E:f),o){const N=this.resolve(s,{...n,keySeparator:!1});N&&N.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.")}let C=[];const R=this.languageUtils.getFallbackCodes(this.options.fallbackLng,n.lng||this.language);if(this.options.saveMissingTo==="fallback"&&R&&R[0])for(let N=0;N{const L=x&&D!==f?D:$;this.options.missingKeyHandler?this.options.missingKeyHandler(N,l,O,L,I,n):this.backendConnector&&this.backendConnector.saveMissing&&this.backendConnector.saveMissing(N,l,O,L,I,n),this.emit("missingKey",N,l,O,f)};this.options.saveMissing&&(this.options.saveMissingPlurals&&w?C.forEach(N=>{this.pluralResolver.getSuffixes(N,n).forEach(O=>{M([N],s+O,n[`defaultValue${O}`]||E)})}):M(C,s,E))}f=this.extendTranslation(f,t,n,d,r),_&&f===s&&this.options.appendNamespaceToMissingKey&&(f=`${l}:${s}`),(_||b)&&this.options.parseMissingKeyHandler&&(this.options.compatibilityAPI!=="v1"?f=this.options.parseMissingKeyHandler(this.options.appendNamespaceToMissingKey?`${l}:${s}`:s,b?f:void 0):f=this.options.parseMissingKeyHandler(f))}return i?(d.res=f,d):f}extendTranslation(t,n,r,i,o){var s=this;if(this.i18nFormat&&this.i18nFormat.parse)t=this.i18nFormat.parse(t,{...this.options.interpolation.defaultVariables,...r},i.usedLng,i.usedNS,i.usedKey,{resolved:i});else if(!r.skipInterpolation){r.interpolation&&this.interpolator.init({...r,interpolation:{...this.options.interpolation,...r.interpolation}});const u=typeof t=="string"&&(r&&r.interpolation&&r.interpolation.skipOnVariables!==void 0?r.interpolation.skipOnVariables:this.options.interpolation.skipOnVariables);let c;if(u){const f=t.match(this.interpolator.nestingRegexp);c=f&&f.length}let d=r.replace&&typeof r.replace!="string"?r.replace:r;if(this.options.interpolation.defaultVariables&&(d={...this.options.interpolation.defaultVariables,...d}),t=this.interpolator.interpolate(t,d,r.lng||this.language,r),u){const f=t.match(this.interpolator.nestingRegexp),h=f&&f.length;c1&&arguments[1]!==void 0?arguments[1]:{},r,i,o,s,a;return typeof t=="string"&&(t=[t]),t.forEach(l=>{if(this.isValidLookup(r))return;const u=this.extractFromKey(l,n),c=u.key;i=c;let d=u.namespaces;this.options.fallbackNS&&(d=d.concat(this.options.fallbackNS));const f=n.count!==void 0&&typeof n.count!="string",h=f&&!n.ordinal&&n.count===0&&this.pluralResolver.shouldUseIntlApi(),p=n.context!==void 0&&(typeof n.context=="string"||typeof n.context=="number")&&n.context!=="",m=n.lngs?n.lngs:this.languageUtils.toResolveHierarchy(n.lng||this.language,n.fallbackLng);d.forEach(S=>{this.isValidLookup(r)||(a=S,!PE[`${m[0]}-${S}`]&&this.utils&&this.utils.hasLoadedNamespace&&!this.utils.hasLoadedNamespace(a)&&(PE[`${m[0]}-${S}`]=!0,this.logger.warn(`key "${i}" for languages "${m.join(", ")}" won't get resolved as namespace "${a}" 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!!!")),m.forEach(y=>{if(this.isValidLookup(r))return;s=y;const v=[c];if(this.i18nFormat&&this.i18nFormat.addLookupKeys)this.i18nFormat.addLookupKeys(v,c,y,S,n);else{let b;f&&(b=this.pluralResolver.getSuffix(y,n.count,n));const _=`${this.options.pluralSeparator}zero`,w=`${this.options.pluralSeparator}ordinal${this.options.pluralSeparator}`;if(f&&(v.push(c+b),n.ordinal&&b.indexOf(w)===0&&v.push(c+b.replace(w,this.options.pluralSeparator)),h&&v.push(c+_)),p){const x=`${c}${this.options.contextSeparator}${n.context}`;v.push(x),f&&(v.push(x+b),n.ordinal&&b.indexOf(w)===0&&v.push(x+b.replace(w,this.options.pluralSeparator)),h&&v.push(x+_))}}let g;for(;g=v.pop();)this.isValidLookup(r)||(o=g,r=this.getResource(y,S,g,n))}))})}),{res:r,usedKey:i,exactUsedKey:o,usedLng:s,usedNS:a}}isValidLookup(t){return t!==void 0&&!(!this.options.returnNull&&t===null)&&!(!this.options.returnEmptyString&&t==="")}getResource(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{};return this.i18nFormat&&this.i18nFormat.getResource?this.i18nFormat.getResource(t,n,r,i):this.resourceStore.getResource(t,n,r,i)}static hasDefaultValue(t){const n="defaultValue";for(const r in t)if(Object.prototype.hasOwnProperty.call(t,r)&&n===r.substring(0,n.length)&&t[r]!==void 0)return!0;return!1}}function Bb(e){return e.charAt(0).toUpperCase()+e.slice(1)}class AE{constructor(t){this.options=t,this.supportedLngs=this.options.supportedLngs||!1,this.logger=qi.create("languageUtils")}getScriptPartFromCode(t){if(t=qm(t),!t||t.indexOf("-")<0)return null;const n=t.split("-");return n.length===2||(n.pop(),n[n.length-1].toLowerCase()==="x")?null:this.formatLanguageCode(n.join("-"))}getLanguagePartFromCode(t){if(t=qm(t),!t||t.indexOf("-")<0)return t;const n=t.split("-");return this.formatLanguageCode(n[0])}formatLanguageCode(t){if(typeof t=="string"&&t.indexOf("-")>-1){const n=["hans","hant","latn","cyrl","cans","mong","arab"];let r=t.split("-");return this.options.lowerCaseLng?r=r.map(i=>i.toLowerCase()):r.length===2?(r[0]=r[0].toLowerCase(),r[1]=r[1].toUpperCase(),n.indexOf(r[1].toLowerCase())>-1&&(r[1]=Bb(r[1].toLowerCase()))):r.length===3&&(r[0]=r[0].toLowerCase(),r[1].length===2&&(r[1]=r[1].toUpperCase()),r[0]!=="sgn"&&r[2].length===2&&(r[2]=r[2].toUpperCase()),n.indexOf(r[1].toLowerCase())>-1&&(r[1]=Bb(r[1].toLowerCase())),n.indexOf(r[2].toLowerCase())>-1&&(r[2]=Bb(r[2].toLowerCase()))),r.join("-")}return this.options.cleanCode||this.options.lowerCaseLng?t.toLowerCase():t}isSupportedCode(t){return(this.options.load==="languageOnly"||this.options.nonExplicitSupportedLngs)&&(t=this.getLanguagePartFromCode(t)),!this.supportedLngs||!this.supportedLngs.length||this.supportedLngs.indexOf(t)>-1}getBestMatchFromCodes(t){if(!t)return null;let n;return t.forEach(r=>{if(n)return;const i=this.formatLanguageCode(r);(!this.options.supportedLngs||this.isSupportedCode(i))&&(n=i)}),!n&&this.options.supportedLngs&&t.forEach(r=>{if(n)return;const i=this.getLanguagePartFromCode(r);if(this.isSupportedCode(i))return n=i;n=this.options.supportedLngs.find(o=>{if(o===i)return o;if(!(o.indexOf("-")<0&&i.indexOf("-")<0)&&o.indexOf(i)===0)return o})}),n||(n=this.getFallbackCodes(this.options.fallbackLng)[0]),n}getFallbackCodes(t,n){if(!t)return[];if(typeof t=="function"&&(t=t(n)),typeof t=="string"&&(t=[t]),Object.prototype.toString.apply(t)==="[object Array]")return t;if(!n)return t.default||[];let r=t[n];return r||(r=t[this.getScriptPartFromCode(n)]),r||(r=t[this.formatLanguageCode(n)]),r||(r=t[this.getLanguagePartFromCode(n)]),r||(r=t.default),r||[]}toResolveHierarchy(t,n){const r=this.getFallbackCodes(n||this.options.fallbackLng||[],t),i=[],o=s=>{s&&(this.isSupportedCode(s)?i.push(s):this.logger.warn(`rejecting language code not found in supportedLngs: ${s}`))};return typeof t=="string"&&(t.indexOf("-")>-1||t.indexOf("_")>-1)?(this.options.load!=="languageOnly"&&o(this.formatLanguageCode(t)),this.options.load!=="languageOnly"&&this.options.load!=="currentOnly"&&o(this.getScriptPartFromCode(t)),this.options.load!=="currentOnly"&&o(this.getLanguagePartFromCode(t))):typeof t=="string"&&o(this.formatLanguageCode(t)),r.forEach(s=>{i.indexOf(s)<0&&o(this.formatLanguageCode(s))}),i}}let fae=[{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}],hae={1:function(e){return+(e>1)},2:function(e){return+(e!=1)},3:function(e){return 0},4:function(e){return 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 e==0?0:e==1?1:e==2?2:e%100>=3&&e%100<=10?3:e%100>=11?4:5},6:function(e){return e==1?0:e>=2&&e<=4?1:2},7:function(e){return e==1?0:e%10>=2&&e%10<=4&&(e%100<10||e%100>=20)?1:2},8:function(e){return e==1?0:e==2?1:e!=8&&e!=11?2:3},9:function(e){return+(e>=2)},10:function(e){return e==1?0:e==2?1:e<7?2:e<11?3:4},11:function(e){return e==1||e==11?0:e==2||e==12?1:e>2&&e<20?2:3},12:function(e){return+(e%10!=1||e%100==11)},13:function(e){return+(e!==0)},14:function(e){return e==1?0:e==2?1:e==3?2:3},15:function(e){return e%10==1&&e%100!=11?0:e%10>=2&&(e%100<10||e%100>=20)?1:2},16:function(e){return e%10==1&&e%100!=11?0:e!==0?1:2},17:function(e){return e==1||e%10==1&&e%100!=11?0:1},18:function(e){return e==0?0:e==1?1:2},19:function(e){return e==1?0:e==0||e%100>1&&e%100<11?1:e%100>10&&e%100<20?2:3},20:function(e){return e==1?0:e==0||e%100>0&&e%100<20?1:2},21:function(e){return e%100==1?1:e%100==2?2:e%100==3||e%100==4?3:0},22:function(e){return e==1?0:e==2?1:(e<0||e>10)&&e%10==0?2:3}};const pae=["v1","v2","v3"],gae=["v4"],kE={zero:0,one:1,two:2,few:3,many:4,other:5};function mae(){const e={};return fae.forEach(t=>{t.lngs.forEach(n=>{e[n]={numbers:t.nr,plurals:hae[t.fc]}})}),e}class yae{constructor(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};this.languageUtils=t,this.options=n,this.logger=qi.create("pluralResolver"),(!this.options.compatibilityJSON||gae.includes(this.options.compatibilityJSON))&&(typeof Intl>"u"||!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=mae()}addRule(t,n){this.rules[t]=n}getRule(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};if(this.shouldUseIntlApi())try{return new Intl.PluralRules(qm(t),{type:n.ordinal?"ordinal":"cardinal"})}catch{return}return this.rules[t]||this.rules[this.languageUtils.getLanguagePartFromCode(t)]}needsPlural(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};const r=this.getRule(t,n);return this.shouldUseIntlApi()?r&&r.resolvedOptions().pluralCategories.length>1:r&&r.numbers.length>1}getPluralFormsOfKey(t,n){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};return this.getSuffixes(t,r).map(i=>`${n}${i}`)}getSuffixes(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};const r=this.getRule(t,n);return r?this.shouldUseIntlApi()?r.resolvedOptions().pluralCategories.sort((i,o)=>kE[i]-kE[o]).map(i=>`${this.options.prepend}${n.ordinal?`ordinal${this.options.prepend}`:""}${i}`):r.numbers.map(i=>this.getSuffix(t,i,n)):[]}getSuffix(t,n){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};const i=this.getRule(t,r);return i?this.shouldUseIntlApi()?`${this.options.prepend}${r.ordinal?`ordinal${this.options.prepend}`:""}${i.select(n)}`:this.getSuffixRetroCompatible(i,n):(this.logger.warn(`no plural rule found for: ${t}`),"")}getSuffixRetroCompatible(t,n){const r=t.noAbs?t.plurals(n):t.plurals(Math.abs(n));let i=t.numbers[r];this.options.simplifyPluralSuffix&&t.numbers.length===2&&t.numbers[0]===1&&(i===2?i="plural":i===1&&(i=""));const o=()=>this.options.prepend&&i.toString()?this.options.prepend+i.toString():i.toString();return this.options.compatibilityJSON==="v1"?i===1?"":typeof i=="number"?`_plural_${i.toString()}`:o():this.options.compatibilityJSON==="v2"||this.options.simplifyPluralSuffix&&t.numbers.length===2&&t.numbers[0]===1?o():this.options.prepend&&r.toString()?this.options.prepend+r.toString():r.toString()}shouldUseIntlApi(){return!pae.includes(this.options.compatibilityJSON)}}function RE(e,t,n){let r=arguments.length>3&&arguments[3]!==void 0?arguments[3]:".",i=arguments.length>4&&arguments[4]!==void 0?arguments[4]:!0,o=aae(e,t,n);return!o&&i&&typeof n=="string"&&(o=Hm(e,n,r),o===void 0&&(o=Hm(t,n,r))),o}class vae{constructor(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};this.logger=qi.create("interpolator"),this.options=t,this.format=t.interpolation&&t.interpolation.format||(n=>n),this.init(t)}init(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};t.interpolation||(t.interpolation={escapeValue:!0});const n=t.interpolation;this.escape=n.escape!==void 0?n.escape:uae,this.escapeValue=n.escapeValue!==void 0?n.escapeValue:!0,this.useRawValueToEscape=n.useRawValueToEscape!==void 0?n.useRawValueToEscape:!1,this.prefix=n.prefix?jl(n.prefix):n.prefixEscaped||"{{",this.suffix=n.suffix?jl(n.suffix):n.suffixEscaped||"}}",this.formatSeparator=n.formatSeparator?n.formatSeparator:n.formatSeparator||",",this.unescapePrefix=n.unescapeSuffix?"":n.unescapePrefix||"-",this.unescapeSuffix=this.unescapePrefix?"":n.unescapeSuffix||"",this.nestingPrefix=n.nestingPrefix?jl(n.nestingPrefix):n.nestingPrefixEscaped||jl("$t("),this.nestingSuffix=n.nestingSuffix?jl(n.nestingSuffix):n.nestingSuffixEscaped||jl(")"),this.nestingOptionsSeparator=n.nestingOptionsSeparator?n.nestingOptionsSeparator:n.nestingOptionsSeparator||",",this.maxReplaces=n.maxReplaces?n.maxReplaces:1e3,this.alwaysFormat=n.alwaysFormat!==void 0?n.alwaysFormat:!1,this.resetRegExp()}reset(){this.options&&this.init(this.options)}resetRegExp(){const t=`${this.prefix}(.+?)${this.suffix}`;this.regexp=new RegExp(t,"g");const n=`${this.prefix}${this.unescapePrefix}(.+?)${this.unescapeSuffix}${this.suffix}`;this.regexpUnescape=new RegExp(n,"g");const r=`${this.nestingPrefix}(.+?)${this.nestingSuffix}`;this.nestingRegexp=new RegExp(r,"g")}interpolate(t,n,r,i){let o,s,a;const l=this.options&&this.options.interpolation&&this.options.interpolation.defaultVariables||{};function u(p){return p.replace(/\$/g,"$$$$")}const c=p=>{if(p.indexOf(this.formatSeparator)<0){const v=RE(n,l,p,this.options.keySeparator,this.options.ignoreJSONStructure);return this.alwaysFormat?this.format(v,void 0,r,{...i,...n,interpolationkey:p}):v}const m=p.split(this.formatSeparator),S=m.shift().trim(),y=m.join(this.formatSeparator).trim();return this.format(RE(n,l,S,this.options.keySeparator,this.options.ignoreJSONStructure),y,r,{...i,...n,interpolationkey:S})};this.resetRegExp();const d=i&&i.missingInterpolationHandler||this.options.missingInterpolationHandler,f=i&&i.interpolation&&i.interpolation.skipOnVariables!==void 0?i.interpolation.skipOnVariables:this.options.interpolation.skipOnVariables;return[{regex:this.regexpUnescape,safeValue:p=>u(p)},{regex:this.regexp,safeValue:p=>this.escapeValue?u(this.escape(p)):u(p)}].forEach(p=>{for(a=0;o=p.regex.exec(t);){const m=o[1].trim();if(s=c(m),s===void 0)if(typeof d=="function"){const y=d(t,o,i);s=typeof y=="string"?y:""}else if(i&&Object.prototype.hasOwnProperty.call(i,m))s="";else if(f){s=o[0];continue}else this.logger.warn(`missed to pass in variable ${m} for interpolating ${t}`),s="";else typeof s!="string"&&!this.useRawValueToEscape&&(s=CE(s));const S=p.safeValue(s);if(t=t.replace(o[0],S),f?(p.regex.lastIndex+=s.length,p.regex.lastIndex-=o[0].length):p.regex.lastIndex=0,a++,a>=this.maxReplaces)break}}),t}nest(t,n){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{},i,o,s;function a(l,u){const c=this.nestingOptionsSeparator;if(l.indexOf(c)<0)return l;const d=l.split(new RegExp(`${c}[ ]*{`));let f=`{${d[1]}`;l=d[0],f=this.interpolate(f,s);const h=f.match(/'/g),p=f.match(/"/g);(h&&h.length%2===0&&!p||p.length%2!==0)&&(f=f.replace(/'/g,'"'));try{s=JSON.parse(f),u&&(s={...u,...s})}catch(m){return this.logger.warn(`failed parsing options string in nesting for key ${l}`,m),`${l}${c}${f}`}return delete s.defaultValue,l}for(;i=this.nestingRegexp.exec(t);){let l=[];s={...r},s=s.replace&&typeof s.replace!="string"?s.replace:s,s.applyPostProcessor=!1,delete s.defaultValue;let u=!1;if(i[0].indexOf(this.formatSeparator)!==-1&&!/{.*}/.test(i[1])){const c=i[1].split(this.formatSeparator).map(d=>d.trim());i[1]=c.shift(),l=c,u=!0}if(o=n(a.call(this,i[1].trim(),s),s),o&&i[0]===t&&typeof o!="string")return o;typeof o!="string"&&(o=CE(o)),o||(this.logger.warn(`missed to resolve ${i[1]} for nesting ${t}`),o=""),u&&(o=l.reduce((c,d)=>this.format(c,d,r.lng,{...r,interpolationkey:i[1].trim()}),o.trim())),t=t.replace(i[0],o),this.regexp.lastIndex=0}return t}}function bae(e){let t=e.toLowerCase().trim();const n={};if(e.indexOf("(")>-1){const r=e.split("(");t=r[0].toLowerCase().trim();const i=r[1].substring(0,r[1].length-1);t==="currency"&&i.indexOf(":")<0?n.currency||(n.currency=i.trim()):t==="relativetime"&&i.indexOf(":")<0?n.range||(n.range=i.trim()):i.split(";").forEach(s=>{if(!s)return;const[a,...l]=s.split(":"),u=l.join(":").trim().replace(/^'+|'+$/g,"");n[a.trim()]||(n[a.trim()]=u),u==="false"&&(n[a.trim()]=!1),u==="true"&&(n[a.trim()]=!0),isNaN(u)||(n[a.trim()]=parseInt(u,10))})}return{formatName:t,formatOptions:n}}function Vl(e){const t={};return function(r,i,o){const s=i+JSON.stringify(o);let a=t[s];return a||(a=e(qm(i),o),t[s]=a),a(r)}}class Sae{constructor(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};this.logger=qi.create("formatter"),this.options=t,this.formats={number:Vl((n,r)=>{const i=new Intl.NumberFormat(n,{...r});return o=>i.format(o)}),currency:Vl((n,r)=>{const i=new Intl.NumberFormat(n,{...r,style:"currency"});return o=>i.format(o)}),datetime:Vl((n,r)=>{const i=new Intl.DateTimeFormat(n,{...r});return o=>i.format(o)}),relativetime:Vl((n,r)=>{const i=new Intl.RelativeTimeFormat(n,{...r});return o=>i.format(o,r.range||"day")}),list:Vl((n,r)=>{const i=new Intl.ListFormat(n,{...r});return o=>i.format(o)})},this.init(t)}init(t){const r=(arguments.length>1&&arguments[1]!==void 0?arguments[1]:{interpolation:{}}).interpolation;this.formatSeparator=r.formatSeparator?r.formatSeparator:r.formatSeparator||","}add(t,n){this.formats[t.toLowerCase().trim()]=n}addCached(t,n){this.formats[t.toLowerCase().trim()]=Vl(n)}format(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{};return n.split(this.formatSeparator).reduce((a,l)=>{const{formatName:u,formatOptions:c}=bae(l);if(this.formats[u]){let d=a;try{const f=i&&i.formatParams&&i.formatParams[i.interpolationkey]||{},h=f.locale||f.lng||i.locale||i.lng||r;d=this.formats[u](a,h,{...c,...i,...f})}catch(f){this.logger.warn(f)}return d}else this.logger.warn(`there was no format function for ${u}`);return a},t)}}function _ae(e,t){e.pending[t]!==void 0&&(delete e.pending[t],e.pendingCount--)}class wae extends ev{constructor(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{};super(),this.backend=t,this.store=n,this.services=r,this.languageUtils=r.languageUtils,this.options=i,this.logger=qi.create("backendConnector"),this.waitingReads=[],this.maxParallelReads=i.maxParallelReads||10,this.readingCalls=0,this.maxRetries=i.maxRetries>=0?i.maxRetries:5,this.retryTimeout=i.retryTimeout>=1?i.retryTimeout:350,this.state={},this.queue=[],this.backend&&this.backend.init&&this.backend.init(r,i.backend,i)}queueLoad(t,n,r,i){const o={},s={},a={},l={};return t.forEach(u=>{let c=!0;n.forEach(d=>{const f=`${u}|${d}`;!r.reload&&this.store.hasResourceBundle(u,d)?this.state[f]=2:this.state[f]<0||(this.state[f]===1?s[f]===void 0&&(s[f]=!0):(this.state[f]=1,c=!1,s[f]===void 0&&(s[f]=!0),o[f]===void 0&&(o[f]=!0),l[d]===void 0&&(l[d]=!0)))}),c||(a[u]=!0)}),(Object.keys(o).length||Object.keys(s).length)&&this.queue.push({pending:s,pendingCount:Object.keys(s).length,loaded:{},errors:[],callback:i}),{toLoad:Object.keys(o),pending:Object.keys(s),toLoadLanguages:Object.keys(a),toLoadNamespaces:Object.keys(l)}}loaded(t,n,r){const i=t.split("|"),o=i[0],s=i[1];n&&this.emit("failedLoading",o,s,n),r&&this.store.addResourceBundle(o,s,r),this.state[t]=n?-1:2;const a={};this.queue.forEach(l=>{sae(l.loaded,[o],s),_ae(l,t),n&&l.errors.push(n),l.pendingCount===0&&!l.done&&(Object.keys(l.loaded).forEach(u=>{a[u]||(a[u]={});const c=l.loaded[u];c.length&&c.forEach(d=>{a[u][d]===void 0&&(a[u][d]=!0)})}),l.done=!0,l.errors.length?l.callback(l.errors):l.callback())}),this.emit("loaded",a),this.queue=this.queue.filter(l=>!l.done)}read(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:0,o=arguments.length>4&&arguments[4]!==void 0?arguments[4]:this.retryTimeout,s=arguments.length>5?arguments[5]:void 0;if(!t.length)return s(null,{});if(this.readingCalls>=this.maxParallelReads){this.waitingReads.push({lng:t,ns:n,fcName:r,tried:i,wait:o,callback:s});return}this.readingCalls++;const a=(u,c)=>{if(this.readingCalls--,this.waitingReads.length>0){const d=this.waitingReads.shift();this.read(d.lng,d.ns,d.fcName,d.tried,d.wait,d.callback)}if(u&&c&&i{this.read.call(this,t,n,r,i+1,o*2,s)},o);return}s(u,c)},l=this.backend[r].bind(this.backend);if(l.length===2){try{const u=l(t,n);u&&typeof u.then=="function"?u.then(c=>a(null,c)).catch(a):a(null,u)}catch(u){a(u)}return}return l(t,n,a)}prepareLoading(t,n){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{},i=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."),i&&i();typeof t=="string"&&(t=this.languageUtils.toResolveHierarchy(t)),typeof n=="string"&&(n=[n]);const o=this.queueLoad(t,n,r,i);if(!o.toLoad.length)return o.pending.length||i(),null;o.toLoad.forEach(s=>{this.loadOne(s)})}load(t,n,r){this.prepareLoading(t,n,{},r)}reload(t,n,r){this.prepareLoading(t,n,{reload:!0},r)}loadOne(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:"";const r=t.split("|"),i=r[0],o=r[1];this.read(i,o,"read",void 0,void 0,(s,a)=>{s&&this.logger.warn(`${n}loading namespace ${o} for language ${i} failed`,s),!s&&a&&this.logger.log(`${n}loaded namespace ${o} for language ${i}`,a),this.loaded(t,s,a)})}saveMissing(t,n,r,i,o){let s=arguments.length>5&&arguments[5]!==void 0?arguments[5]:{},a=arguments.length>6&&arguments[6]!==void 0?arguments[6]:()=>{};if(this.services.utils&&this.services.utils.hasLoadedNamespace&&!this.services.utils.hasLoadedNamespace(n)){this.logger.warn(`did not save key "${r}" as the namespace "${n}" 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!!!");return}if(!(r==null||r==="")){if(this.backend&&this.backend.create){const l={...s,isUpdate:o},u=this.backend.create.bind(this.backend);if(u.length<6)try{let c;u.length===5?c=u(t,n,r,i,l):c=u(t,n,r,i),c&&typeof c.then=="function"?c.then(d=>a(null,d)).catch(a):a(null,c)}catch(c){a(c)}else u(t,n,r,i,a,l)}!t||!t[0]||this.store.addResource(t[0],n,r,i)}}}function OE(){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:!1,returnEmptyString:!0,returnObjects:!1,joinArrays:!1,returnedObjectHandler:!1,parseMissingKeyHandler:!1,appendNamespaceToMissingKey:!1,appendNamespaceToCIMode:!1,overloadTranslationOptionHandler:function(t){let n={};if(typeof t[1]=="object"&&(n=t[1]),typeof t[1]=="string"&&(n.defaultValue=t[1]),typeof t[2]=="string"&&(n.tDescription=t[2]),typeof t[2]=="object"||typeof t[3]=="object"){const r=t[3]||t[2];Object.keys(r).forEach(i=>{n[i]=r[i]})}return n},interpolation:{escapeValue:!0,format:(e,t,n,r)=>e,prefix:"{{",suffix:"}}",formatSeparator:",",unescapePrefix:"-",nestingPrefix:"$t(",nestingSuffix:")",nestingOptionsSeparator:",",maxReplaces:1e3,skipOnVariables:!0}}}function ME(e){return typeof e.ns=="string"&&(e.ns=[e.ns]),typeof e.fallbackLng=="string"&&(e.fallbackLng=[e.fallbackLng]),typeof e.fallbackNS=="string"&&(e.fallbackNS=[e.fallbackNS]),e.supportedLngs&&e.supportedLngs.indexOf("cimode")<0&&(e.supportedLngs=e.supportedLngs.concat(["cimode"])),e}function Rp(){}function xae(e){Object.getOwnPropertyNames(Object.getPrototypeOf(e)).forEach(n=>{typeof e[n]=="function"&&(e[n]=e[n].bind(e))})}class Lf extends ev{constructor(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},n=arguments.length>1?arguments[1]:void 0;if(super(),this.options=ME(t),this.services={},this.logger=qi,this.modules={external:[]},xae(this),n&&!this.isInitialized&&!t.isClone){if(!this.options.initImmediate)return this.init(t,n),this;setTimeout(()=>{this.init(t,n)},0)}}init(){var t=this;let n=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},r=arguments.length>1?arguments[1]:void 0;typeof n=="function"&&(r=n,n={}),!n.defaultNS&&n.defaultNS!==!1&&n.ns&&(typeof n.ns=="string"?n.defaultNS=n.ns:n.ns.indexOf("translation")<0&&(n.defaultNS=n.ns[0]));const i=OE();this.options={...i,...this.options,...ME(n)},this.options.compatibilityAPI!=="v1"&&(this.options.interpolation={...i.interpolation,...this.options.interpolation}),n.keySeparator!==void 0&&(this.options.userDefinedKeySeparator=n.keySeparator),n.nsSeparator!==void 0&&(this.options.userDefinedNsSeparator=n.nsSeparator);function o(c){return c?typeof c=="function"?new c:c:null}if(!this.options.isClone){this.modules.logger?qi.init(o(this.modules.logger),this.options):qi.init(null,this.options);let c;this.modules.formatter?c=this.modules.formatter:typeof Intl<"u"&&(c=Sae);const d=new AE(this.options);this.store=new EE(this.options.resources,this.options);const f=this.services;f.logger=qi,f.resourceStore=this.store,f.languageUtils=d,f.pluralResolver=new yae(d,{prepend:this.options.pluralSeparator,compatibilityJSON:this.options.compatibilityJSON,simplifyPluralSuffix:this.options.simplifyPluralSuffix}),c&&(!this.options.interpolation.format||this.options.interpolation.format===i.interpolation.format)&&(f.formatter=o(c),f.formatter.init(f,this.options),this.options.interpolation.format=f.formatter.format.bind(f.formatter)),f.interpolator=new vae(this.options),f.utils={hasLoadedNamespace:this.hasLoadedNamespace.bind(this)},f.backendConnector=new wae(o(this.modules.backend),f.resourceStore,f,this.options),f.backendConnector.on("*",function(h){for(var p=arguments.length,m=new Array(p>1?p-1:0),S=1;S1?p-1:0),S=1;S{h.init&&h.init(this)})}if(this.format=this.options.interpolation.format,r||(r=Rp),this.options.fallbackLng&&!this.services.languageDetector&&!this.options.lng){const c=this.services.languageUtils.getFallbackCodes(this.options.fallbackLng);c.length>0&&c[0]!=="dev"&&(this.options.lng=c[0])}!this.services.languageDetector&&!this.options.lng&&this.logger.warn("init: no languageDetector is used and no lng is defined"),["getResource","hasResourceBundle","getResourceBundle","getDataByLanguage"].forEach(c=>{this[c]=function(){return t.store[c](...arguments)}}),["addResource","addResources","addResourceBundle","removeResourceBundle"].forEach(c=>{this[c]=function(){return t.store[c](...arguments),t}});const l=Yc(),u=()=>{const c=(d,f)=>{this.isInitialized&&!this.initializedStoreOnce&&this.logger.warn("init: i18next is already initialized. You should call init just once!"),this.isInitialized=!0,this.options.isClone||this.logger.log("initialized",this.options),this.emit("initialized",this.options),l.resolve(f),r(d,f)};if(this.languages&&this.options.compatibilityAPI!=="v1"&&!this.isInitialized)return c(null,this.t.bind(this));this.changeLanguage(this.options.lng,c)};return this.options.resources||!this.options.initImmediate?u():setTimeout(u,0),l}loadResources(t){let r=arguments.length>1&&arguments[1]!==void 0?arguments[1]:Rp;const i=typeof t=="string"?t:this.language;if(typeof t=="function"&&(r=t),!this.options.resources||this.options.partialBundledLanguages){if(i&&i.toLowerCase()==="cimode")return r();const o=[],s=a=>{if(!a)return;this.services.languageUtils.toResolveHierarchy(a).forEach(u=>{o.indexOf(u)<0&&o.push(u)})};i?s(i):this.services.languageUtils.getFallbackCodes(this.options.fallbackLng).forEach(l=>s(l)),this.options.preload&&this.options.preload.forEach(a=>s(a)),this.services.backendConnector.load(o,this.options.ns,a=>{!a&&!this.resolvedLanguage&&this.language&&this.setResolvedLanguage(this.language),r(a)})}else r(null)}reloadResources(t,n,r){const i=Yc();return t||(t=this.languages),n||(n=this.options.ns),r||(r=Rp),this.services.backendConnector.reload(t,n,o=>{i.resolve(),r(o)}),i}use(t){if(!t)throw new Error("You are passing an undefined module! Please check the object you are passing to i18next.use()");if(!t.type)throw new Error("You are passing a wrong module! Please check the object you are passing to i18next.use()");return t.type==="backend"&&(this.modules.backend=t),(t.type==="logger"||t.log&&t.warn&&t.error)&&(this.modules.logger=t),t.type==="languageDetector"&&(this.modules.languageDetector=t),t.type==="i18nFormat"&&(this.modules.i18nFormat=t),t.type==="postProcessor"&&FI.addPostProcessor(t),t.type==="formatter"&&(this.modules.formatter=t),t.type==="3rdParty"&&this.modules.external.push(t),this}setResolvedLanguage(t){if(!(!t||!this.languages)&&!(["cimode","dev"].indexOf(t)>-1))for(let n=0;n-1)&&this.store.hasLanguageSomeTranslations(r)){this.resolvedLanguage=r;break}}}changeLanguage(t,n){var r=this;this.isLanguageChangingTo=t;const i=Yc();this.emit("languageChanging",t);const o=l=>{this.language=l,this.languages=this.services.languageUtils.toResolveHierarchy(l),this.resolvedLanguage=void 0,this.setResolvedLanguage(l)},s=(l,u)=>{u?(o(u),this.translator.changeLanguage(u),this.isLanguageChangingTo=void 0,this.emit("languageChanged",u),this.logger.log("languageChanged",u)):this.isLanguageChangingTo=void 0,i.resolve(function(){return r.t(...arguments)}),n&&n(l,function(){return r.t(...arguments)})},a=l=>{!t&&!l&&this.services.languageDetector&&(l=[]);const u=typeof l=="string"?l:this.services.languageUtils.getBestMatchFromCodes(l);u&&(this.language||o(u),this.translator.language||this.translator.changeLanguage(u),this.services.languageDetector&&this.services.languageDetector.cacheUserLanguage&&this.services.languageDetector.cacheUserLanguage(u)),this.loadResources(u,c=>{s(c,u)})};return!t&&this.services.languageDetector&&!this.services.languageDetector.async?a(this.services.languageDetector.detect()):!t&&this.services.languageDetector&&this.services.languageDetector.async?this.services.languageDetector.detect.length===0?this.services.languageDetector.detect().then(a):this.services.languageDetector.detect(a):a(t),i}getFixedT(t,n,r){var i=this;const o=function(s,a){let l;if(typeof a!="object"){for(var u=arguments.length,c=new Array(u>2?u-2:0),d=2;d`${l.keyPrefix}${f}${p}`):h=l.keyPrefix?`${l.keyPrefix}${f}${s}`:s,i.t(h,l)};return typeof t=="string"?o.lng=t:o.lngs=t,o.ns=n,o.keyPrefix=r,o}t(){return this.translator&&this.translator.translate(...arguments)}exists(){return this.translator&&this.translator.exists(...arguments)}setDefaultNamespace(t){this.options.defaultNS=t}hasLoadedNamespace(t){let n=arguments.length>1&&arguments[1]!==void 0?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;const r=n.lng||this.resolvedLanguage||this.languages[0],i=this.options?this.options.fallbackLng:!1,o=this.languages[this.languages.length-1];if(r.toLowerCase()==="cimode")return!0;const s=(a,l)=>{const u=this.services.backendConnector.state[`${a}|${l}`];return u===-1||u===2};if(n.precheck){const a=n.precheck(this,s);if(a!==void 0)return a}return!!(this.hasResourceBundle(r,t)||!this.services.backendConnector.backend||this.options.resources&&!this.options.partialBundledLanguages||s(r,t)&&(!i||s(o,t)))}loadNamespaces(t,n){const r=Yc();return this.options.ns?(typeof t=="string"&&(t=[t]),t.forEach(i=>{this.options.ns.indexOf(i)<0&&this.options.ns.push(i)}),this.loadResources(i=>{r.resolve(),n&&n(i)}),r):(n&&n(),Promise.resolve())}loadLanguages(t,n){const r=Yc();typeof t=="string"&&(t=[t]);const i=this.options.preload||[],o=t.filter(s=>i.indexOf(s)<0);return o.length?(this.options.preload=i.concat(o),this.loadResources(s=>{r.resolve(),n&&n(s)}),r):(n&&n(),Promise.resolve())}dir(t){if(t||(t=this.resolvedLanguage||(this.languages&&this.languages.length>0?this.languages[0]:this.language)),!t)return"rtl";const n=["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"],r=this.services&&this.services.languageUtils||new AE(OE());return n.indexOf(r.getLanguagePartFromCode(t))>-1||t.toLowerCase().indexOf("-arab")>1?"rtl":"ltr"}static createInstance(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},n=arguments.length>1?arguments[1]:void 0;return new Lf(t,n)}cloneInstance(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:Rp;const r=t.forkResourceStore;r&&delete t.forkResourceStore;const i={...this.options,...t,isClone:!0},o=new Lf(i);return(t.debug!==void 0||t.prefix!==void 0)&&(o.logger=o.logger.clone(t)),["store","services","language"].forEach(a=>{o[a]=this[a]}),o.services={...this.services},o.services.utils={hasLoadedNamespace:o.hasLoadedNamespace.bind(o)},r&&(o.store=new EE(this.store.data,i),o.services.resourceStore=o.store),o.translator=new Wm(o.services,i),o.translator.on("*",function(a){for(var l=arguments.length,u=new Array(l>1?l-1:0),c=1;ctypeof e=="string"?{title:e,status:"info",isClosable:!0,duration:2500}:{status:"info",isClosable:!0,duration:2500,...e},BI={isConnected:!1,isProcessing:!1,isGFPGANAvailable:!0,isESRGANAvailable:!0,shouldConfirmOnDelete:!0,currentStep:0,totalSteps:0,currentIteration:0,totalIterations:0,currentStatusHasSteps:!1,isCancelable:!0,enableImageDebugging:!1,toastQueue:[],progressImage:null,shouldAntialiasProgressImage:!1,sessionId:null,cancelType:"immediate",isCancelScheduled:!1,subscribedNodeIds:[],wereModelsReceived:!1,wasSchemaParsed:!1,consoleLogLevel:"debug",shouldLogToConsole:!0,statusTranslationKey:"common.statusDisconnected",canceledSession:"",isPersisted:!1,language:"en",isUploading:!1,isNodesEnabled:!1,shouldUseNSFWChecker:!1,shouldUseWatermarker:!1},jI=Pt({name:"system",initialState:BI,reducers:{setIsProcessing:(e,t)=>{e.isProcessing=t.payload},setCurrentStatus:(e,t)=>{e.statusTranslationKey=t.payload},setShouldConfirmOnDelete:(e,t)=>{e.shouldConfirmOnDelete=t.payload},setIsCancelable:(e,t)=>{e.isCancelable=t.payload},setEnableImageDebugging:(e,t)=>{e.enableImageDebugging=t.payload},addToast:(e,t)=>{e.toastQueue.push(t.payload)},clearToastQueue:e=>{e.toastQueue=[]},cancelScheduled:e=>{e.isCancelScheduled=!0},scheduledCancelAborted:e=>{e.isCancelScheduled=!1},cancelTypeChanged:(e,t)=>{e.cancelType=t.payload},subscribedNodeIdsSet:(e,t)=>{e.subscribedNodeIds=t.payload},consoleLogLevelChanged:(e,t)=>{e.consoleLogLevel=t.payload},shouldLogToConsoleChanged:(e,t)=>{e.shouldLogToConsole=t.payload},shouldAntialiasProgressImageChanged:(e,t)=>{e.shouldAntialiasProgressImage=t.payload},isPersistedChanged:(e,t)=>{e.isPersisted=t.payload},languageChanged:(e,t)=>{e.language=t.payload},progressImageSet(e,t){e.progressImage=t.payload},setIsNodesEnabled(e,t){e.isNodesEnabled=t.payload},shouldUseNSFWCheckerChanged(e,t){e.shouldUseNSFWChecker=t.payload},shouldUseWatermarkerChanged(e,t){e.shouldUseWatermarker=t.payload}},extraReducers(e){e.addCase(l7,(t,n)=>{t.sessionId=n.payload.sessionId,t.canceledSession=""}),e.addCase(c7,t=>{t.sessionId=null}),e.addCase(o7,t=>{t.isConnected=!0,t.isCancelable=!0,t.isProcessing=!1,t.currentStatusHasSteps=!1,t.currentStep=0,t.totalSteps=0,t.currentIteration=0,t.totalIterations=0,t.statusTranslationKey="common.statusConnected"}),e.addCase(a7,t=>{t.isConnected=!1,t.isProcessing=!1,t.isCancelable=!0,t.currentStatusHasSteps=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusDisconnected"}),e.addCase(f7,t=>{t.isCancelable=!0,t.isProcessing=!0,t.currentStatusHasSteps=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusGenerating"}),e.addCase(v7,(t,n)=>{const{step:r,total_steps:i,progress_image:o}=n.payload.data;t.isProcessing=!0,t.isCancelable=!0,t.currentStatusHasSteps=!0,t.currentStep=r+1,t.totalSteps=i,t.progressImage=o??null,t.statusTranslationKey="common.statusGenerating"}),e.addCase(h7,(t,n)=>{const{data:r}=n.payload;t.currentStatusHasSteps=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusProcessingComplete",t.canceledSession===r.graph_execution_state_id&&(t.isProcessing=!1,t.isCancelable=!0)}),e.addCase(m7,t=>{t.isProcessing=!1,t.isCancelable=!1,t.isCancelScheduled=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusConnected",t.progressImage=null}),e.addCase(Ph,t=>{t.isProcessing=!0,t.isCancelable=!0,t.currentStatusHasSteps=!1,t.statusTranslationKey="common.statusPreparing"}),e.addCase(hl.fulfilled,(t,n)=>{t.canceledSession=n.meta.arg.session_id,t.isProcessing=!1,t.isCancelable=!1,t.isCancelScheduled=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusConnected",t.progressImage=null,t.toastQueue.push(Ha({title:kd("toast.canceled"),status:"warning"}))}),e.addCase(fC,t=>{t.wasSchemaParsed=!0}),e.addMatcher(NO,(t,n)=>{var r;t.isProcessing=!1,t.isCancelable=!1,t.isCancelScheduled=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusConnected",t.progressImage=null,t.toastQueue.push(Ha({title:kd("toast.serverError"),status:"error",description:((r=n.payload)==null?void 0:r.status)===422?"Validation Error":void 0}))}),e.addMatcher(Aae,(t,n)=>{t.isProcessing=!1,t.isCancelable=!0,t.currentStatusHasSteps=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusError",t.progressImage=null,t.toastQueue.push(Ha({title:kd("toast.serverError"),status:"error",description:ZX(n.payload.data.error_type)}))})}}),{setIsProcessing:x5e,setShouldConfirmOnDelete:C5e,setCurrentStatus:T5e,setIsCancelable:E5e,setEnableImageDebugging:P5e,addToast:Ft,clearToastQueue:A5e,cancelScheduled:k5e,scheduledCancelAborted:R5e,cancelTypeChanged:O5e,subscribedNodeIdsSet:M5e,consoleLogLevelChanged:I5e,shouldLogToConsoleChanged:N5e,isPersistedChanged:D5e,shouldAntialiasProgressImageChanged:L5e,languageChanged:$5e,progressImageSet:Cae,setIsNodesEnabled:F5e,shouldUseNSFWCheckerChanged:Tae,shouldUseWatermarkerChanged:Eae}=jI.actions,Pae=jI.reducer,Aae=ei(Gx,w7,C7),kae={searchFolder:null,advancedAddScanModel:null},VI=Pt({name:"modelmanager",initialState:kae,reducers:{setSearchFolder:(e,t)=>{e.searchFolder=t.payload},setAdvancedAddScanModel:(e,t)=>{e.advancedAddScanModel=t.payload}}}),{setSearchFolder:B5e,setAdvancedAddScanModel:j5e}=VI.actions,Rae=VI.reducer,zI={shift:!1},UI=Pt({name:"hotkeys",initialState:zI,reducers:{shiftKeyPressed:(e,t)=>{e.shift=t.payload}}}),{shiftKeyPressed:V5e}=UI.actions,Oae=UI.reducer,Mae=iF($V);GI=d2=void 0;var Iae=Mae,Nae=function(){var t=[],n=[],r=void 0,i=function(u){return r=u,function(c){return function(d){return Iae.compose.apply(void 0,n)(c)(d)}}},o=function(){for(var u,c,d=arguments.length,f=Array(d),h=0;h=e.length?{done:!0}:{done:!1,value:e[r++]}},e:function(u){throw u},f:i}}throw new TypeError(`Invalid attempt to iterate non-iterable instance. +In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}var o=!0,s=!1,a;return{s:function(){n=n.call(e)},n:function(){var u=n.next();return o=u.done,u},e:function(u){s=!0,a=u},f:function(){try{!o&&n.return!=null&&n.return()}finally{if(s)throw a}}}}function qI(e,t){if(e){if(typeof e=="string")return NE(e,t);var n=Object.prototype.toString.call(e).slice(8,-1);if(n==="Object"&&e.constructor&&(n=e.constructor.name),n==="Map"||n==="Set")return Array.from(e);if(n==="Arguments"||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(n))return NE(e,t)}}function NE(e,t){(t==null||t>e.length)&&(t=e.length);for(var n=0,r=new Array(t);n0&&arguments[0]!==void 0?arguments[0]:{},n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},r=arguments.length>2?arguments[2]:void 0,i=r.prefix,o=r.driver,s=r.persistWholeStore,a=r.serialize;try{var l=s?Kae:Xae;yield l(t,n,{prefix:i,driver:o,serialize:a})}catch(u){console.warn("redux-remember: persist error",u)}});return function(){return e.apply(this,arguments)}}();function FE(e,t,n,r,i,o,s){try{var a=e[o](s),l=a.value}catch(u){n(u);return}a.done?t(l):Promise.resolve(l).then(r,i)}function BE(e){return function(){var t=this,n=arguments;return new Promise(function(r,i){var o=e.apply(t,n);function s(l){FE(o,r,i,s,a,"next",l)}function a(l){FE(o,r,i,s,a,"throw",l)}s(void 0)})}}var Qae=function(){var e=BE(function*(t,n,r){var i=r.prefix,o=r.driver,s=r.serialize,a=r.unserialize,l=r.persistThrottle,u=r.persistDebounce,c=r.persistWholeStore;yield Uae(t,n,{prefix:i,driver:o,unserialize:a,persistWholeStore:c});var d={},f=function(){var h=BE(function*(){var p=HI(t.getState(),n);yield Yae(p,d,{prefix:i,driver:o,serialize:s,persistWholeStore:c}),gC(p,d)||t.dispatch({type:Fae,payload:p}),d=p});return function(){return h.apply(this,arguments)}}();u&&u>0?t.subscribe(jae(f,u)):t.subscribe(Bae(f,l))});return function(n,r,i){return e.apply(this,arguments)}}();const Zae=Qae;function $f(e){"@babel/helpers - typeof";return $f=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},$f(e)}function jE(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable})),n.push.apply(n,r)}return n}function zb(e){for(var t=1;t0&&arguments[0]!==void 0?arguments[0]:n.state,i=arguments.length>1?arguments[1]:void 0;i.type&&(i.type==="@@INIT"||i.type.startsWith("@@redux/INIT"))&&(n.state=zb({},r));var o=typeof t=="function"?t:gc(t);switch(i.type){case f2:return n.state=o(zb(zb({},n.state),i.payload||{}),{type:f2}),n.state;default:return o(r,i)}}},rle=function(t,n){var r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{},i=r.prefix,o=i===void 0?"@@remember-":i,s=r.serialize,a=s===void 0?function(S,y){return JSON.stringify(S)}:s,l=r.unserialize,u=l===void 0?function(S,y){return JSON.parse(S)}:l,c=r.persistThrottle,d=c===void 0?100:c,f=r.persistDebounce,h=r.persistWholeStore,p=h===void 0?!1:h;if(!t)throw Error("redux-remember error: driver required");if(!Array.isArray(n))throw Error("redux-remember error: rememberedKeys needs to be an array");var m=function(y){return function(v,g,b){var _=y(v,g,b);return Zae(_,n,{driver:t,prefix:o,serialize:a,unserialize:u,persistThrottle:d,persistDebounce:f,persistWholeStore:p}),_}};return m};const z5e=["chakra-ui-color-mode","i18nextLng","ROARR_FILTER","ROARR_LOG"],ile="@@invokeai-",ole=["cursorPosition","isCanvasInitialized","doesCanvasNeedScaling"],sle=["pendingControlImages"],ale=["selection","selectedBoardId","galleryView"],lle=["schema","invocationTemplates"],ule=[],cle=[],dle=["currentIteration","currentStep","isCancelable","isConnected","isESRGANAvailable","isGFPGANAvailable","isProcessing","totalIterations","totalSteps","isCancelScheduled","progressImage","wereModelsReceived","wasSchemaParsed","isPersisted","isUploading"],fle=["shouldShowImageDetails"],hle={canvas:ole,gallery:ale,generation:ule,nodes:lle,postprocessing:cle,system:dle,ui:fle,controlNet:sle},ple=(e,t)=>{const n=w0(e,hle[t]);return JSON.stringify(n)},gle={canvas:LO,gallery:O7,generation:Wo,nodes:OI,postprocessing:NI,system:BI,config:yO,ui:OO,hotkeys:zI,controlNet:U_},mle=(e,t)=>yX(JSON.parse(e),gle[t]),KI=ue("nodes/textToImageGraphBuilt"),XI=ue("nodes/imageToImageGraphBuilt"),YI=ue("nodes/canvasGraphBuilt"),QI=ue("nodes/nodesGraphBuilt"),yle=ei(KI,XI,YI,QI),vle=e=>{if(yle(e)&&e.payload.nodes){const t={};return{...e,payload:{...e.payload,nodes:t}}}return Df.fulfilled.match(e)?{...e,payload:""}:fC.match(e)?{...e,payload:""}:e},ble=["canvas/setCursorPosition","canvas/setStageCoordinates","canvas/setStageScale","canvas/setIsDrawing","canvas/setBoundingBoxCoordinates","canvas/setBoundingBoxDimensions","canvas/setIsDrawing","canvas/addPointToCurrentLine","socket/socketGeneratorProgress","socket/appSocketGeneratorProgress","hotkeys/shiftKeyPressed","@@REMEMBER_PERSISTED"],Sle=e=>e,_le=()=>{le({actionCreator:HQ,effect:async(e,{dispatch:t,getState:n})=>{const r=fe("canvas"),i=n(),{sessionId:o,isProcessing:s}=i.system,a=e.payload;if(s){if(!a){r.debug("No canvas session, skipping cancel");return}if(a!==o){r.debug({canvasSessionId:a,session_id:o},"Canvas session does not match global session, skipping cancel");return}t(hl({session_id:o}))}}})};ue("app/appStarted");const wle=()=>{le({matcher:he.endpoints.listImages.matchFulfilled,effect:async(e,{dispatch:t,unsubscribe:n,cancelActiveListeners:r})=>{if(e.meta.arg.queryCacheKey!==di({board_id:"none",categories:gi}))return;r(),n();const i=e.payload;i.ids.length>0&&t(Os(i.ids[0]))}})},mC=Hs.injectEndpoints({endpoints:e=>({getAppVersion:e.query({query:()=>({url:"app/version",method:"GET"}),providesTags:["AppVersion"],keepUnusedDataFor:864e5}),getAppConfig:e.query({query:()=>({url:"app/config",method:"GET"}),providesTags:["AppConfig"],keepUnusedDataFor:864e5})})}),{useGetAppVersionQuery:U5e,useGetAppConfigQuery:G5e}=mC,xle=()=>{le({matcher:mC.endpoints.getAppConfig.matchFulfilled,effect:async(e,{getState:t,dispatch:n})=>{const{infill_methods:r=[],nsfw_methods:i=[],watermarking_methods:o=[]}=e.payload,s=t().generation.infillMethod;r.includes(s)||n(CQ(r[0])),i.includes("nsfw_checker")||n(Tae(!1)),o.includes("invisible_watermark")||n(Eae(!1))}})},Cle=ue("app/appStarted"),Tle=()=>{le({actionCreator:Cle,effect:async(e,{unsubscribe:t,cancelActiveListeners:n})=>{n(),t()}})},yC={memoizeOptions:{resultEqualityCheck:_0}},ZI=(e,t)=>{var d;const{generation:n,canvas:r,nodes:i,controlNet:o}=e,s=((d=n.initialImage)==null?void 0:d.imageName)===t,a=r.layerState.objects.some(f=>f.kind==="image"&&f.imageName===t),l=i.nodes.some(f=>Pa(f.data.inputs,h=>{var p;return h.type==="image"&&((p=h.value)==null?void 0:p.image_name)===t})),u=Pa(o.controlNets,f=>f.controlImage===t||f.processedControlImage===t);return{isInitialImage:s,isCanvasImage:a,isNodesImage:l,isControlNetImage:u}},Ele=Jn([e=>e],e=>{const{imageToDelete:t}=e.imageDeletion;if(!t)return;const{image_name:n}=t;return ZI(e,n)},yC),Ple=()=>{le({matcher:tc.endpoints.deleteBoardAndImages.matchFulfilled,effect:async(e,{dispatch:t,getState:n})=>{const{deleted_images:r}=e.payload;let i=!1,o=!1,s=!1,a=!1;const l=n();r.forEach(u=>{const c=ZI(l,u);c.isInitialImage&&!i&&(t(AO()),i=!0),c.isCanvasImage&&!o&&(t(FO()),o=!0),c.isNodesImage&&!s&&(t(II()),s=!0),c.isControlNetImage&&!a&&(t(P7()),a=!0)})}})},Ale=()=>{le({matcher:ei(G_,km),effect:async(e,{getState:t,dispatch:n,condition:r,cancelActiveListeners:i})=>{i();const o=t(),s=G_.match(e)?e.payload:o.gallery.selectedBoardId,l=(km.match(e)?e.payload:o.gallery.galleryView)==="images"?gi:_s,u={board_id:s??"none",categories:l};if(await r(()=>he.endpoints.listImages.select(u)(t()).isSuccess,5e3)){const{data:d}=he.endpoints.listImages.select(u)(t());d!=null&&d.ids.length?n(Os(d.ids[0]??null)):n(Os(null))}else n(Os(null))}})},kle=ue("canvas/canvasSavedToGallery"),Rle=ue("canvas/canvasCopiedToClipboard"),Ole=ue("canvas/canvasDownloadedAsImage"),Mle=ue("canvas/canvasMerged"),Ile=ue("canvas/stagingAreaImageSaved");let JI=null,eN=null;const H5e=e=>{JI=e},nv=()=>JI,q5e=e=>{eN=e},Nle=()=>eN,Dle=async e=>new Promise((t,n)=>{e.toBlob(r=>{if(r){t(r);return}n("Unable to create Blob")})}),Xm=async(e,t)=>await Dle(e.toCanvas(t)),vC=async e=>{const t=nv();if(!t)return;const{shouldCropToBoundingBoxOnSave:n,boundingBoxCoordinates:r,boundingBoxDimensions:i}=e.canvas,o=t.clone();o.scale({x:1,y:1});const s=o.getAbsolutePosition(),a=n?{x:r.x+s.x,y:r.y+s.y,width:i.width,height:i.height}:o.getClientRect();return Xm(o,a)},Lle=e=>{navigator.clipboard.write([new ClipboardItem({[e.type]:e})])},$le=()=>{le({actionCreator:Rle,effect:async(e,{dispatch:t,getState:n})=>{const r=J0.get().child({namespace:"canvasCopiedToClipboardListener"}),i=n(),o=await vC(i);if(!o){r.error("Problem getting base layer blob"),t(Ft({title:"Problem Copying Canvas",description:"Unable to export base layer",status:"error"}));return}Lle(o),t(Ft({title:"Canvas Copied to Clipboard",status:"success"}))}})},Fle=(e,t)=>{const n=URL.createObjectURL(e),r=document.createElement("a");r.href=n,r.download=t,document.body.appendChild(r),r.click(),document.body.removeChild(r),r.remove()},Ble=()=>{le({actionCreator:Ole,effect:async(e,{dispatch:t,getState:n})=>{const r=J0.get().child({namespace:"canvasSavedToGalleryListener"}),i=n(),o=await vC(i);if(!o){r.error("Problem getting base layer blob"),t(Ft({title:"Problem Downloading Canvas",description:"Unable to export base layer",status:"error"}));return}Fle(o,"canvas.png"),t(Ft({title:"Canvas Downloaded",status:"success"}))}})},jle=async()=>{const e=nv();if(!e)return;const t=e.clone();return t.scale({x:1,y:1}),Xm(t,t.getClientRect())},Vle=()=>{le({actionCreator:Mle,effect:async(e,{dispatch:t})=>{const n=J0.get().child({namespace:"canvasCopiedToClipboardListener"}),r=await jle();if(!r){n.error("Problem getting base layer blob"),t(Ft({title:"Problem Merging Canvas",description:"Unable to export base layer",status:"error"}));return}const i=nv();if(!i){n.error("Problem getting canvas base layer"),t(Ft({title:"Problem Merging Canvas",description:"Unable to export base layer",status:"error"}));return}const o=i.getClientRect({relativeTo:i.getParent()}),s=await t(he.endpoints.uploadImage.initiate({file:new File([r],"mergedCanvas.png",{type:"image/png"}),image_category:"general",is_intermediate:!0,postUploadAction:{type:"TOAST",toastOptions:{title:"Canvas Merged"}}})).unwrap(),{image_name:a}=s;t(qQ({kind:"image",layer:"base",imageName:a,...o}))}})},zle=()=>{le({actionCreator:kle,effect:async(e,{dispatch:t,getState:n})=>{const r=fe("canvas"),i=n(),o=await vC(i);if(!o){r.error("Problem getting base layer blob"),t(Ft({title:"Problem Saving Canvas",description:"Unable to export base layer",status:"error"}));return}t(he.endpoints.uploadImage.initiate({file:new File([o],"savedCanvas.png",{type:"image/png"}),image_category:"general",is_intermediate:!1,board_id:i.gallery.autoAddBoardId,crop_visible:!0,postUploadAction:{type:"TOAST",toastOptions:{title:"Canvas Saved to Gallery"}}}))}})},Ule=(e,t,n)=>{if(!(lJ.match(e)||ST.match(e)||qx.match(e)||uJ.match(e)||_T.match(e))||_T.match(e)&&n.controlNet.controlNets[e.payload.controlNetId].shouldAutoConfig===!0)return!1;const{controlImage:i,processorType:o,shouldAutoConfig:s}=t.controlNet.controlNets[e.payload.controlNetId];if(ST.match(e)&&!s)return!1;const a=o!=="none",l=t.system.isProcessing;return a&&!l&&!!i},Gle=()=>{le({predicate:Ule,effect:async(e,{dispatch:t,cancelActiveListeners:n,delay:r})=>{const i=fe("session"),{controlNetId:o}=e.payload;n(),i.trace("ControlNet auto-process triggered"),await r(300),t(Hx({controlNetId:o}))}})},pl=ue("system/sessionReadyToInvoke"),tN=e=>(e==null?void 0:e.type)==="image_output",Hle=()=>{le({actionCreator:Hx,effect:async(e,{dispatch:t,getState:n,take:r})=>{const i=fe("session"),{controlNetId:o}=e.payload,s=n().controlNet.controlNets[o];if(!s.controlImage){i.error("Unable to process ControlNet image");return}const a={nodes:{[s.processorNode.id]:{...s.processorNode,is_intermediate:!0,image:{image_name:s.controlImage}}}},l=t(Rn({graph:a})),[u]=await r(f=>Rn.fulfilled.match(f)&&f.meta.requestId===l.requestId),c=u.payload.id;t(pl());const[d]=await r(f=>Ux.match(f)&&f.payload.data.graph_execution_state_id===c);if(tN(d.payload.data.result)){const{image_name:f}=d.payload.data.result.image,[{payload:h}]=await r(m=>he.endpoints.getImageDTO.matchFulfilled(m)&&m.payload.image_name===f),p=h;i.debug({controlNetId:e.payload,processedControlImage:p},"ControlNet image processed"),t(aJ({controlNetId:o,processedControlImage:p.image_name}))}}})},qle=()=>{le({matcher:he.endpoints.addImageToBoard.matchFulfilled,effect:e=>{const t=fe("images"),{board_id:n,imageDTO:r}=e.meta.arg.originalArgs;t.debug({board_id:n,imageDTO:r},"Image added to board")}})},Wle=()=>{le({matcher:he.endpoints.addImageToBoard.matchRejected,effect:e=>{const t=fe("images"),{board_id:n,imageDTO:r}=e.meta.arg.originalArgs;t.debug({board_id:n,imageDTO:r},"Problem adding image to board")}})},W5e=e=>e.gallery,K5e=Jn(e=>e,e=>e.gallery.selection[e.gallery.selection.length-1],yC),Kle=Jn([e=>e],e=>{const{selectedBoardId:t,galleryView:n}=e.gallery;return{board_id:t??"none",categories:n==="images"?gi:_s,offset:0,limit:QQ,is_intermediate:!1}},yC),nN=ue("imageDeletion/imageDeletionConfirmed"),Xle=()=>{le({actionCreator:nN,effect:async(e,{dispatch:t,getState:n,condition:r})=>{const{imageDTO:i,imageUsage:o}=e.payload;t(N7(!1));const{image_name:s}=i,a=n();if(a.gallery.selection[a.gallery.selection.length-1]===s){const d=Kle(a),{data:f}=he.endpoints.listImages.select(d)(a),h=(f==null?void 0:f.ids)??[],p=h.findIndex(v=>v.toString()===s),m=h.filter(v=>v.toString()!==s),S=Ss(p,0,m.length-1),y=m[S];t(Os(y||null))}o.isCanvasImage&&t(FO()),o.isControlNetImage&&t(P7()),o.isInitialImage&&t(AO()),o.isNodesImage&&t(II());const{requestId:u}=t(he.endpoints.deleteImage.initiate(i));await r(d=>he.endpoints.deleteImage.matchFulfilled(d)&&d.meta.requestId===u,3e4)&&t(Hs.util.invalidateTags([{type:"Board",id:i.board_id}]))}})},Yle=()=>{le({matcher:he.endpoints.deleteImage.matchPending,effect:()=>{}})},Qle=()=>{le({matcher:he.endpoints.deleteImage.matchFulfilled,effect:e=>{fe("images").debug({imageDTO:e.meta.arg.originalArgs},"Image deleted")}})},Zle=()=>{le({matcher:he.endpoints.deleteImage.matchRejected,effect:e=>{fe("images").debug({imageDTO:e.meta.arg.originalArgs},"Unable to delete image")}})},rN=ue("dnd/dndDropped"),Jle=()=>{le({actionCreator:rN,effect:async(e,{dispatch:t})=>{const n=fe("images"),{activeData:r,overData:i}=e.payload;if(n.debug({activeData:r,overData:i},"Image or selection dropped"),i.actionType==="SET_CURRENT_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){t(Os(r.payload.imageDTO.image_name));return}if(i.actionType==="SET_INITIAL_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){t(T0(r.payload.imageDTO));return}if(i.actionType==="ADD_TO_BATCH"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){t(H_([r.payload.imageDTO.image_name]));return}if(i.actionType==="ADD_TO_BATCH"&&r.payloadType==="IMAGE_NAMES"){t(H_(r.payload.image_names));return}if(i.actionType==="SET_CONTROLNET_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){const{controlNetId:o}=i.context;t(qx({controlImage:r.payload.imageDTO.image_name,controlNetId:o}));return}if(i.actionType==="SET_CANVAS_INITIAL_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){t(BO(r.payload.imageDTO));return}if(i.actionType==="SET_NODES_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){const{fieldName:o,nodeId:s}=i.context;t(c2({nodeId:s,fieldName:o,value:r.payload.imageDTO}));return}if(i.actionType==="SET_MULTI_NODES_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){const{fieldName:o,nodeId:s}=i.context;t(c2({nodeId:s,fieldName:o,value:[r.payload.imageDTO]}));return}if(i.actionType==="MOVE_BOARD"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){const{imageDTO:o}=r.payload,{boardId:s}=i.context;if(!s){t(he.endpoints.removeImageFromBoard.initiate({imageDTO:o}));return}t(he.endpoints.addImageToBoard.initiate({imageDTO:o,board_id:s}));return}}})},eue=()=>{le({matcher:he.endpoints.removeImageFromBoard.matchFulfilled,effect:e=>{const t=fe("images"),n=e.meta.arg.originalArgs;t.debug({imageDTO:n},"Image removed from board")}})},tue=()=>{le({matcher:he.endpoints.removeImageFromBoard.matchRejected,effect:e=>{const t=fe("images"),n=e.meta.arg.originalArgs;t.debug({imageDTO:n},"Problem removing image from board")}})},nue=()=>{le({actionCreator:vJ,effect:async(e,{dispatch:t,getState:n})=>{const r=e.payload,i=n(),{shouldConfirmOnDelete:o}=i.system,s=Ele(n());if(!s)return;const a=s.isCanvasImage||s.isInitialImage||s.isControlNetImage||s.isNodesImage;if(o||a){t(N7(!0));return}t(nN({imageDTO:r,imageUsage:s}))}})},ma={title:"Image Uploaded",status:"success"},rue=()=>{le({matcher:he.endpoints.uploadImage.matchFulfilled,effect:(e,{dispatch:t,getState:n})=>{const r=fe("images"),i=e.payload,o=n(),{autoAddBoardId:s}=o.gallery;r.debug({imageDTO:i},"Image uploaded");const{postUploadAction:a}=e.meta.arg.originalArgs;if(!(e.payload.is_intermediate&&!a)){if((a==null?void 0:a.type)==="TOAST"){const{toastOptions:l}=a;if(!s)t(Ft({...ma,...l}));else{t(he.endpoints.addImageToBoard.initiate({board_id:s,imageDTO:i}));const{data:u}=tc.endpoints.listAllBoards.select()(o),c=u==null?void 0:u.find(f=>f.board_id===s),d=c?`Added to board ${c.board_name}`:`Added to board ${s}`;t(Ft({...ma,description:d}))}return}if((a==null?void 0:a.type)==="SET_CANVAS_INITIAL_IMAGE"){t(BO(i)),t(Ft({...ma,description:"Set as canvas initial image"}));return}if((a==null?void 0:a.type)==="SET_CONTROLNET_IMAGE"){const{controlNetId:l}=a;t(qx({controlNetId:l,controlImage:i.image_name})),t(Ft({...ma,description:"Set as control image"}));return}if((a==null?void 0:a.type)==="SET_INITIAL_IMAGE"){t(T0(i)),t(Ft({...ma,description:"Set as initial image"}));return}if((a==null?void 0:a.type)==="SET_NODES_IMAGE"){const{nodeId:l,fieldName:u}=a;t(c2({nodeId:l,fieldName:u,value:i})),t(Ft({...ma,description:`Set as node field ${u}`}));return}if((a==null?void 0:a.type)==="ADD_TO_BATCH"){t(H_([i.image_name])),t(Ft({...ma,description:"Added to batch"}));return}}}})},iue=()=>{le({matcher:he.endpoints.uploadImage.matchRejected,effect:(e,{dispatch:t})=>{const n=fe("images"),r={arg:{...w0(e.meta.arg.originalArgs,["file","postUploadAction"]),file:""}};n.error({...r},"Image upload failed"),t(Ft({title:"Image Upload Failed",description:e.error.message,status:"error"}))}})},oue=ue("generation/initialImageSelected"),sue=ue("generation/modelSelected"),aue=()=>{le({actionCreator:oue,effect:(e,{dispatch:t})=>{if(!e.payload){t(Ft(Ha({title:kd("toast.imageNotLoadedDesc"),status:"error"})));return}t(T0(e.payload)),t(Ft(Ha(kd("toast.sentToImageToImage"))))}})},lue=()=>{le({actionCreator:sue,effect:(e,{getState:t,dispatch:n})=>{var l;const r=fe("models"),i=t(),o=xf.safeParse(e.payload);if(!o.success){r.error({error:o.error.format()},"Failed to parse main model");return}const s=o.data,{base_model:a}=s;if(((l=i.generation.model)==null?void 0:l.base_model)!==a){let u=0;Za(i.lora.loras,(f,h)=>{f.base_model!==a&&(n(L7(h)),u+=1)});const{vae:c}=i.generation;c&&c.base_model!==a&&(n(kO(null)),u+=1);const{controlNets:d}=i.controlNet;Za(d,(f,h)=>{var p;((p=f.model)==null?void 0:p.base_model)!==a&&(n(E7({controlNetId:h})),u+=1)}),u>0&&n(Ft(Ha({title:`Base model changed, cleared ${u} incompatible submodel${u===1?"":"s"}`,status:"warning"})))}n(Va(s))}})},VE=ea({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),zE=ea({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),UE=ea({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),GE=ea({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),HE=ea({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),qE=ea({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),uue=({base_model:e,model_type:t,model_name:n})=>`${e}/${t}/${n}`,zl=e=>{const t=[];return e.forEach(n=>{const r={...Ln(n),id:uue(n)};t.push(r)}),t},xo=Hs.injectEndpoints({endpoints:e=>({getOnnxModels:e.query({query:t=>{const n={model_type:"onnx",base_models:t};return`models/?${fg.stringify(n,{arrayFormat:"none"})}`},providesTags:(t,n,r)=>{const i=[{id:"OnnxModel",type:Ie}];return t&&i.push(...t.ids.map(o=>({type:"OnnxModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=zl(t.models);return zE.setAll(zE.getInitialState(),i)}}),getMainModels:e.query({query:t=>{const n={model_type:"main",base_models:t};return`models/?${fg.stringify(n,{arrayFormat:"none"})}`},providesTags:(t,n,r)=>{const i=[{type:"MainModel",id:Ie}];return t&&i.push(...t.ids.map(o=>({type:"MainModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=zl(t.models);return VE.setAll(VE.getInitialState(),i)}}),updateMainModels:e.mutation({query:({base_model:t,model_name:n,body:r})=>({url:`models/${t}/main/${n}`,method:"PATCH",body:r}),invalidatesTags:[{type:"MainModel",id:Ie},{type:"SDXLRefinerModel",id:Ie}]}),importMainModels:e.mutation({query:({body:t})=>({url:"models/import",method:"POST",body:t}),invalidatesTags:[{type:"MainModel",id:Ie},{type:"SDXLRefinerModel",id:Ie}]}),addMainModels:e.mutation({query:({body:t})=>({url:"models/add",method:"POST",body:t}),invalidatesTags:[{type:"MainModel",id:Ie},{type:"SDXLRefinerModel",id:Ie}]}),deleteMainModels:e.mutation({query:({base_model:t,model_name:n,model_type:r})=>({url:`models/${t}/${r}/${n}`,method:"DELETE"}),invalidatesTags:[{type:"MainModel",id:Ie},{type:"SDXLRefinerModel",id:Ie}]}),convertMainModels:e.mutation({query:({base_model:t,model_name:n,params:r})=>({url:`models/convert/${t}/main/${n}`,method:"PUT",params:r}),invalidatesTags:[{type:"MainModel",id:Ie},{type:"SDXLRefinerModel",id:Ie}]}),mergeMainModels:e.mutation({query:({base_model:t,body:n})=>({url:`models/merge/${t}`,method:"PUT",body:n}),invalidatesTags:[{type:"MainModel",id:Ie},{type:"SDXLRefinerModel",id:Ie}]}),syncModels:e.mutation({query:()=>({url:"models/sync",method:"POST"}),invalidatesTags:[{type:"MainModel",id:Ie},{type:"SDXLRefinerModel",id:Ie}]}),getLoRAModels:e.query({query:()=>({url:"models/",params:{model_type:"lora"}}),providesTags:(t,n,r)=>{const i=[{type:"LoRAModel",id:Ie}];return t&&i.push(...t.ids.map(o=>({type:"LoRAModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=zl(t.models);return UE.setAll(UE.getInitialState(),i)}}),updateLoRAModels:e.mutation({query:({base_model:t,model_name:n,body:r})=>({url:`models/${t}/lora/${n}`,method:"PATCH",body:r}),invalidatesTags:[{type:"LoRAModel",id:Ie}]}),deleteLoRAModels:e.mutation({query:({base_model:t,model_name:n})=>({url:`models/${t}/lora/${n}`,method:"DELETE"}),invalidatesTags:[{type:"LoRAModel",id:Ie}]}),getControlNetModels:e.query({query:()=>({url:"models/",params:{model_type:"controlnet"}}),providesTags:(t,n,r)=>{const i=[{type:"ControlNetModel",id:Ie}];return t&&i.push(...t.ids.map(o=>({type:"ControlNetModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=zl(t.models);return GE.setAll(GE.getInitialState(),i)}}),getVaeModels:e.query({query:()=>({url:"models/",params:{model_type:"vae"}}),providesTags:(t,n,r)=>{const i=[{type:"VaeModel",id:Ie}];return t&&i.push(...t.ids.map(o=>({type:"VaeModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=zl(t.models);return qE.setAll(qE.getInitialState(),i)}}),getTextualInversionModels:e.query({query:()=>({url:"models/",params:{model_type:"embedding"}}),providesTags:(t,n,r)=>{const i=[{type:"TextualInversionModel",id:Ie}];return t&&i.push(...t.ids.map(o=>({type:"TextualInversionModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=zl(t.models);return HE.setAll(HE.getInitialState(),i)}}),getModelsInFolder:e.query({query:t=>({url:`/models/search?${fg.stringify(t,{})}`}),providesTags:(t,n,r)=>{const i=[{type:"ScannedModels",id:Ie}];return t&&i.push(...t.map(o=>({type:"ScannedModels",id:o}))),i}}),getCheckpointConfigs:e.query({query:()=>({url:"/models/ckpt_confs"})})})}),{useGetMainModelsQuery:X5e,useGetOnnxModelsQuery:Y5e,useGetControlNetModelsQuery:Q5e,useGetLoRAModelsQuery:Z5e,useGetTextualInversionModelsQuery:J5e,useGetVaeModelsQuery:e4e,useUpdateMainModelsMutation:t4e,useDeleteMainModelsMutation:n4e,useImportMainModelsMutation:r4e,useAddMainModelsMutation:i4e,useConvertMainModelsMutation:o4e,useMergeMainModelsMutation:s4e,useDeleteLoRAModelsMutation:a4e,useUpdateLoRAModelsMutation:l4e,useSyncModelsMutation:u4e,useGetModelsInFolderQuery:c4e,useGetCheckpointConfigsQuery:d4e}=xo,cue=()=>{le({predicate:(e,t)=>xo.endpoints.getMainModels.matchFulfilled(t)&&!t.meta.arg.originalArgs.includes("sdxl-refiner"),effect:async(e,{getState:t,dispatch:n})=>{const r=fe("models");r.info({models:e.payload.entities},`Main models loaded (${e.payload.ids.length})`);const i=t().generation.model;if(Pa(e.payload.entities,u=>(u==null?void 0:u.model_name)===(i==null?void 0:i.model_name)&&(u==null?void 0:u.base_model)===(i==null?void 0:i.base_model)&&(u==null?void 0:u.model_type)===(i==null?void 0:i.model_type)))return;const s=e.payload.ids[0],a=e.payload.entities[s];if(!a){n(Va(null));return}const l=xf.safeParse(a);if(!l.success){r.error({error:l.error.format()},"Failed to parse main model");return}n(Va(l.data))}}),le({predicate:(e,t)=>xo.endpoints.getMainModels.matchFulfilled(t)&&t.meta.arg.originalArgs.includes("sdxl-refiner"),effect:async(e,{getState:t,dispatch:n})=>{const r=fe("models");r.info({models:e.payload.entities},`SDXL Refiner models loaded (${e.payload.ids.length})`);const i=t().sdxl.refinerModel;if(Pa(e.payload.entities,u=>(u==null?void 0:u.model_name)===(i==null?void 0:i.model_name)&&(u==null?void 0:u.base_model)===(i==null?void 0:i.base_model)&&(u==null?void 0:u.model_type)===(i==null?void 0:i.model_type)))return;const s=e.payload.ids[0],a=e.payload.entities[s];if(!a){n(xE(null)),n(nae(!1));return}const l=xf.safeParse(a);if(!l.success){r.error({error:l.error.format()},"Failed to parse SDXL Refiner Model");return}n(xE(l.data))}}),le({matcher:xo.endpoints.getVaeModels.matchFulfilled,effect:async(e,{getState:t,dispatch:n})=>{const r=fe("models");r.info({models:e.payload.entities},`VAEs loaded (${e.payload.ids.length})`);const i=t().generation.vae;if(i===null||Pa(e.payload.entities,u=>(u==null?void 0:u.model_name)===(i==null?void 0:i.model_name)&&(u==null?void 0:u.base_model)===(i==null?void 0:i.base_model)))return;const s=e.payload.ids[0],a=e.payload.entities[s];if(!a){n(Va(null));return}const l=bQ.safeParse(a);if(!l.success){r.error({error:l.error.format()},"Failed to parse VAE model");return}n(kO(l.data))}}),le({matcher:xo.endpoints.getLoRAModels.matchFulfilled,effect:async(e,{getState:t,dispatch:n})=>{fe("models").info({models:e.payload.entities},`LoRAs loaded (${e.payload.ids.length})`);const i=t().lora.loras;Za(i,(o,s)=>{Pa(e.payload.entities,l=>(l==null?void 0:l.model_name)===(o==null?void 0:o.model_name)&&(l==null?void 0:l.base_model)===(o==null?void 0:o.base_model))||n(L7(s))})}}),le({matcher:xo.endpoints.getControlNetModels.matchFulfilled,effect:async(e,{getState:t,dispatch:n})=>{fe("models").info({models:e.payload.entities},`ControlNet models loaded (${e.payload.ids.length})`);const i=t().controlNet.controlNets;Za(i,(o,s)=>{Pa(e.payload.entities,l=>{var u,c;return(l==null?void 0:l.model_name)===((u=o==null?void 0:o.model)==null?void 0:u.model_name)&&(l==null?void 0:l.base_model)===((c=o==null?void 0:o.model)==null?void 0:c.base_model)})||n(E7({controlNetId:s}))})}}),le({matcher:xo.endpoints.getTextualInversionModels.matchFulfilled,effect:async e=>{fe("models").info({models:e.payload.entities},`Embeddings loaded (${e.payload.ids.length})`)}})},ia=e=>JSON.parse(JSON.stringify(e)),p2=e=>!("$ref"in e),due=e=>!("$ref"in e),f4e=500,fue={integer:"integer",float:"float",number:"float",string:"string",boolean:"boolean",enum:"enum",ImageField:"image",image_collection:"image_collection",LatentsField:"latents",ConditioningField:"conditioning",UNetField:"unet",ClipField:"clip",VaeField:"vae",model:"model",refiner_model:"refiner_model",vae_model:"vae_model",lora_model:"lora_model",controlnet_model:"controlnet_model",ControlNetModelField:"controlnet_model",array:"array",item:"item",ColorField:"color",ControlField:"control",control:"control",cfg_scale:"float",control_weight:"float"},hue=500,Dt=e=>`var(--invokeai-colors-${e}-${hue})`,h4e={integer:{color:"red",colorCssVar:Dt("red"),title:"Integer",description:"Integers are whole numbers, without a decimal point."},float:{color:"orange",colorCssVar:Dt("orange"),title:"Float",description:"Floats are numbers with a decimal point."},string:{color:"yellow",colorCssVar:Dt("yellow"),title:"String",description:"Strings are text."},boolean:{color:"green",colorCssVar:Dt("green"),title:"Boolean",description:"Booleans are true or false."},enum:{color:"blue",colorCssVar:Dt("blue"),title:"Enum",description:"Enums are values that may be one of a number of options."},image:{color:"purple",colorCssVar:Dt("purple"),title:"Image",description:"Images may be passed between nodes."},image_collection:{color:"purple",colorCssVar:Dt("purple"),title:"Image Collection",description:"A collection of images."},latents:{color:"pink",colorCssVar:Dt("pink"),title:"Latents",description:"Latents may be passed between nodes."},conditioning:{color:"cyan",colorCssVar:Dt("cyan"),title:"Conditioning",description:"Conditioning may be passed between nodes."},unet:{color:"red",colorCssVar:Dt("red"),title:"UNet",description:"UNet submodel."},clip:{color:"green",colorCssVar:Dt("green"),title:"Clip",description:"Tokenizer and text_encoder submodels."},vae:{color:"blue",colorCssVar:Dt("blue"),title:"Vae",description:"Vae submodel."},control:{color:"cyan",colorCssVar:Dt("cyan"),title:"Control",description:"Control info passed between nodes."},model:{color:"teal",colorCssVar:Dt("teal"),title:"Model",description:"Models are models."},refiner_model:{color:"teal",colorCssVar:Dt("teal"),title:"Refiner Model",description:"Models are models."},vae_model:{color:"teal",colorCssVar:Dt("teal"),title:"VAE",description:"Models are models."},lora_model:{color:"teal",colorCssVar:Dt("teal"),title:"LoRA",description:"Models are models."},controlnet_model:{color:"teal",colorCssVar:Dt("teal"),title:"ControlNet",description:"Models are models."},array:{color:"gray",colorCssVar:Dt("gray"),title:"Array",description:"TODO: Array type description."},item:{color:"gray",colorCssVar:Dt("gray"),title:"Collection Item",description:"TODO: Collection Item type description."},color:{color:"gray",colorCssVar:Dt("gray"),title:"Color",description:"A RGBA color."}},p4e=250,Ub=e=>e.$ref.split("/").slice(-1)[0],pue=({schemaObject:e,baseField:t})=>{const n={...t,type:"integer",inputRequirement:"always",inputKind:"any",default:e.default??0};return e.multipleOf!==void 0&&(n.multipleOf=e.multipleOf),e.maximum!==void 0&&(n.maximum=e.maximum),e.exclusiveMaximum!==void 0&&(n.exclusiveMaximum=e.exclusiveMaximum),e.minimum!==void 0&&(n.minimum=e.minimum),e.exclusiveMinimum!==void 0&&(n.exclusiveMinimum=e.exclusiveMinimum),n},gue=({schemaObject:e,baseField:t})=>{const n={...t,type:"float",inputRequirement:"always",inputKind:"any",default:e.default??0};return e.multipleOf!==void 0&&(n.multipleOf=e.multipleOf),e.maximum!==void 0&&(n.maximum=e.maximum),e.exclusiveMaximum!==void 0&&(n.exclusiveMaximum=e.exclusiveMaximum),e.minimum!==void 0&&(n.minimum=e.minimum),e.exclusiveMinimum!==void 0&&(n.exclusiveMinimum=e.exclusiveMinimum),n},mue=({schemaObject:e,baseField:t})=>{const n={...t,type:"string",inputRequirement:"always",inputKind:"any",default:e.default??""};return e.minLength!==void 0&&(n.minLength=e.minLength),e.maxLength!==void 0&&(n.maxLength=e.maxLength),e.pattern!==void 0&&(n.pattern=e.pattern),n},yue=({schemaObject:e,baseField:t})=>({...t,type:"boolean",inputRequirement:"always",inputKind:"any",default:e.default??!1}),vue=({schemaObject:e,baseField:t})=>({...t,type:"model",inputRequirement:"always",inputKind:"direct",default:e.default??void 0}),bue=({schemaObject:e,baseField:t})=>({...t,type:"refiner_model",inputRequirement:"always",inputKind:"direct",default:e.default??void 0}),Sue=({schemaObject:e,baseField:t})=>({...t,type:"vae_model",inputRequirement:"always",inputKind:"direct",default:e.default??void 0}),_ue=({schemaObject:e,baseField:t})=>({...t,type:"lora_model",inputRequirement:"always",inputKind:"direct",default:e.default??void 0}),wue=({schemaObject:e,baseField:t})=>({...t,type:"controlnet_model",inputRequirement:"always",inputKind:"direct",default:e.default??void 0}),xue=({schemaObject:e,baseField:t})=>({...t,type:"image",inputRequirement:"always",inputKind:"any",default:e.default??void 0}),Cue=({schemaObject:e,baseField:t})=>({...t,type:"image_collection",inputRequirement:"always",inputKind:"any",default:e.default??void 0}),Tue=({schemaObject:e,baseField:t})=>({...t,type:"latents",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),Eue=({schemaObject:e,baseField:t})=>({...t,type:"conditioning",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),Pue=({schemaObject:e,baseField:t})=>({...t,type:"unet",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),Aue=({schemaObject:e,baseField:t})=>({...t,type:"clip",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),kue=({schemaObject:e,baseField:t})=>({...t,type:"vae",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),Rue=({schemaObject:e,baseField:t})=>({...t,type:"control",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),Oue=({schemaObject:e,baseField:t})=>{const n=e.enum??[];return{...t,type:"enum",enumType:e.type??"string",options:n,inputRequirement:"always",inputKind:"direct",default:e.default??n[0]}},WE=({baseField:e})=>({...e,type:"array",inputRequirement:"always",inputKind:"direct",default:[]}),KE=({baseField:e})=>({...e,type:"item",inputRequirement:"always",inputKind:"direct",default:void 0}),Mue=({schemaObject:e,baseField:t})=>({...t,type:"color",inputRequirement:"always",inputKind:"direct",default:e.default??{r:127,g:127,b:127,a:255}}),iN=(e,t,n)=>{let r="";n&&t in n?r=n[t]:e.type?e.enum?r="enum":e.type&&(r=e.type):e.allOf?r=Ub(e.allOf[0]):e.anyOf?r=Ub(e.anyOf[0]):e.oneOf&&(r=Ub(e.oneOf[0]));const i=fue[r];if(!i)throw`Field type "${r}" is unknown!`;return i},Iue=(e,t,n)=>{const r=iN(e,t,n),i={name:t,title:e.title??"",description:e.description??""};if(["image"].includes(r))return xue({schemaObject:e,baseField:i});if(["image_collection"].includes(r))return Cue({schemaObject:e,baseField:i});if(["latents"].includes(r))return Tue({schemaObject:e,baseField:i});if(["conditioning"].includes(r))return Eue({schemaObject:e,baseField:i});if(["unet"].includes(r))return Pue({schemaObject:e,baseField:i});if(["clip"].includes(r))return Aue({schemaObject:e,baseField:i});if(["vae"].includes(r))return kue({schemaObject:e,baseField:i});if(["control"].includes(r))return Rue({schemaObject:e,baseField:i});if(["model"].includes(r))return vue({schemaObject:e,baseField:i});if(["refiner_model"].includes(r))return bue({schemaObject:e,baseField:i});if(["vae_model"].includes(r))return Sue({schemaObject:e,baseField:i});if(["lora_model"].includes(r))return _ue({schemaObject:e,baseField:i});if(["controlnet_model"].includes(r))return wue({schemaObject:e,baseField:i});if(["enum"].includes(r))return Oue({schemaObject:e,baseField:i});if(["integer"].includes(r))return pue({schemaObject:e,baseField:i});if(["number","float"].includes(r))return gue({schemaObject:e,baseField:i});if(["string"].includes(r))return mue({schemaObject:e,baseField:i});if(["boolean"].includes(r))return yue({schemaObject:e,baseField:i});if(["array"].includes(r))return WE({schemaObject:e,baseField:i});if(["item"].includes(r))return KE({schemaObject:e,baseField:i});if(["color"].includes(r))return Mue({schemaObject:e,baseField:i});if(["array"].includes(r))return WE({schemaObject:e,baseField:i});if(["item"].includes(r))return KE({schemaObject:e,baseField:i})},Nue=(e,t,n)=>{const r=e.$ref.split("/").slice(-1)[0],i=t.components.schemas[r];return p2(i)?$x(i.properties,(s,a,l)=>{if(!["type","id"].includes(l)&&!["object"].includes(a.type)&&p2(a)){const u=iN(a,l,n);s[l]={name:l,title:a.title??"",description:a.description??"",type:u}}return s},{}):{}},Due=e=>e==="l2i"?["id","type","metadata"]:["id","type","is_intermediate","metadata"],Lue=["Graph","InvocationMeta","MetadataAccumulatorInvocation"],$ue=e=>{var r;return aO((r=e.components)==null?void 0:r.schemas,(i,o)=>o.includes("Invocation")&&!o.includes("InvocationOutput")&&!Lue.some(s=>o.includes(s))).reduce((i,o)=>{var s,a,l,u,c;if(due(o)){const d=o.properties.type.default,f=Due(d),h=((s=o.ui)==null?void 0:s.title)??o.title.replace("Invocation",""),p=(a=o.ui)==null?void 0:a.type_hints,m={};if(d==="collect"){const g=o.properties.item;m.item={type:"item",name:"item",description:g.description??"",title:"Collection Item",inputKind:"connection",inputRequirement:"always",default:void 0}}else if(d==="iterate"){const g=o.properties.collection;m.collection={type:"array",name:"collection",title:g.title??"",default:[],description:g.description??"",inputRequirement:"always",inputKind:"connection"}}else $x(o.properties,(g,b,_)=>{if(!f.includes(_)&&p2(b)){const w=Iue(b,_,p);w&&(g[_]=w)}return g},m);const S=o.output;let y;if(d==="iterate"){const g=(u=(l=e.components)==null?void 0:l.schemas)==null?void 0:u.IterateInvocationOutput;y={item:{name:"item",title:(g==null?void 0:g.title)??"",description:(g==null?void 0:g.description)??"",type:"array"}}}else y=Nue(S,e,p);const v={title:h,type:d,tags:((c=o.ui)==null?void 0:c.tags)??[],description:o.description??"",inputs:m,outputs:y};Object.assign(i,{[d]:v})}return i},{})},Fue=()=>{le({actionCreator:Df.fulfilled,effect:(e,{dispatch:t})=>{const n=fe("system"),r=e.payload;n.debug({schemaJSON:r},"Dereferenced OpenAPI schema");const i=$ue(r);n.debug({nodeTemplates:ia(i)},`Built ${gO(i)} node templates`),t(fC(i))}}),le({actionCreator:Df.rejected,effect:()=>{fe("system").error("Problem dereferencing OpenAPI Schema")}})},Bue=[EvalError,RangeError,ReferenceError,SyntaxError,TypeError,URIError,globalThis.DOMException,globalThis.AssertionError,globalThis.SystemError].filter(Boolean).map(e=>[e.name,e]),jue=new Map(Bue),Vue=[{property:"name",enumerable:!1},{property:"message",enumerable:!1},{property:"stack",enumerable:!1},{property:"code",enumerable:!0},{property:"cause",enumerable:!1}],g2=Symbol(".toJSON was called"),zue=e=>{e[g2]=!0;const t=e.toJSON();return delete e[g2],t},Uue=e=>jue.get(e)??Error,oN=({from:e,seen:t,to:n,forceEnumerable:r,maxDepth:i,depth:o,useToJSON:s,serialize:a})=>{if(!n)if(Array.isArray(e))n=[];else if(!a&&XE(e)){const u=Uue(e.name);n=new u}else n={};if(t.push(e),o>=i)return n;if(s&&typeof e.toJSON=="function"&&e[g2]!==!0)return zue(e);const l=u=>oN({from:u,seen:[...t],forceEnumerable:r,maxDepth:i,depth:o,useToJSON:s,serialize:a});for(const[u,c]of Object.entries(e)){if(typeof Buffer=="function"&&Buffer.isBuffer(c)){n[u]="[object Buffer]";continue}if(c!==null&&typeof c=="object"&&typeof c.pipe=="function"){n[u]="[object Stream]";continue}if(typeof c!="function"){if(!c||typeof c!="object"){n[u]=c;continue}if(!t.includes(e[u])){o++,n[u]=l(e[u]);continue}n[u]="[Circular]"}}for(const{property:u,enumerable:c}of Vue)typeof e[u]<"u"&&e[u]!==null&&Object.defineProperty(n,u,{value:XE(e[u])?l(e[u]):e[u],enumerable:r?!0:c,configurable:!0,writable:!0});return n};function bC(e,t={}){const{maxDepth:n=Number.POSITIVE_INFINITY,useToJSON:r=!0}=t;return typeof e=="object"&&e!==null?oN({from:e,seen:[],forceEnumerable:!0,maxDepth:n,depth:0,useToJSON:r,serialize:!0}):typeof e=="function"?`[Function: ${e.name??"anonymous"}]`:e}function XE(e){return!!e&&typeof e=="object"&&"name"in e&&"message"in e&&"stack"in e}const Gue=()=>{le({actionCreator:hl.pending,effect:()=>{}})},Hue=()=>{le({actionCreator:hl.fulfilled,effect:e=>{const t=fe("session"),{session_id:n}=e.meta.arg;t.debug({session_id:n},`Session canceled (${n})`)}})},que=()=>{le({actionCreator:hl.rejected,effect:e=>{const t=fe("session"),{session_id:n}=e.meta.arg;if(e.payload){const{error:r}=e.payload;t.error({session_id:n,error:bC(r)},"Problem canceling session")}}})},Wue=()=>{le({actionCreator:Rn.pending,effect:()=>{}})},Kue=()=>{le({actionCreator:Rn.fulfilled,effect:e=>{const t=fe("session"),n=e.payload;t.debug({session:ia(n)},`Session created (${n.id})`)}})},Xue=()=>{le({actionCreator:Rn.rejected,effect:e=>{const t=fe("session");if(e.payload){const{error:n,status:r}=e.payload,i=ia(e.meta.arg);t.error({graph:i,status:r,error:bC(n)},"Problem creating session")}}})},Yue=()=>{le({actionCreator:yh.pending,effect:()=>{}})},Que=()=>{le({actionCreator:yh.fulfilled,effect:e=>{const t=fe("session"),{session_id:n}=e.meta.arg;t.debug({session_id:n},`Session invoked (${n})`)}})},Zue=()=>{le({actionCreator:yh.rejected,effect:e=>{const t=fe("session"),{session_id:n}=e.meta.arg;if(e.payload){const{error:r}=e.payload;t.error({session_id:n,error:bC(r)},"Problem invoking session")}}})},Jue=()=>{le({actionCreator:pl,effect:(e,{getState:t,dispatch:n})=>{const r=fe("session"),{sessionId:i}=t().system;i&&(r.debug({session_id:i},`Session ready to invoke (${i})})`),n(yh({session_id:i})))}})},ece=()=>{le({actionCreator:i7,effect:(e,{dispatch:t,getState:n})=>{fe("socketio").debug("Connected");const{nodes:i,config:o}=n(),{disabledTabs:s}=o;!i.schema&&!s.includes("nodes")&&t(Df()),t(o7(e.payload)),t(xo.util.invalidateTags([{type:"MainModel",id:Ie},{type:"SDXLRefinerModel",id:Ie},{type:"LoRAModel",id:Ie},{type:"ControlNetModel",id:Ie},{type:"VaeModel",id:Ie},{type:"TextualInversionModel",id:Ie},{type:"ScannedModels",id:Ie}])),t(mC.util.invalidateTags(["AppConfig","AppVersion"]))}})},tce=()=>{le({actionCreator:s7,effect:(e,{dispatch:t})=>{fe("socketio").debug("Disconnected"),t(a7(e.payload))}})},nce=()=>{le({actionCreator:y7,effect:(e,{dispatch:t,getState:n})=>{const r=fe("socketio");if(n().system.canceledSession===e.payload.data.graph_execution_state_id){r.trace(e.payload,"Ignored generator progress for canceled session");return}r.trace(e.payload,`Generator progress (${e.payload.data.node.type})`),t(v7(e.payload))}})},rce=()=>{le({actionCreator:g7,effect:(e,{dispatch:t})=>{fe("socketio").debug(e.payload,"Session complete"),t(m7(e.payload))}})},ice=["dataURL_image"],oce=()=>{le({actionCreator:Ux,effect:async(e,{dispatch:t,getState:n})=>{const r=fe("socketio"),{data:i}=e.payload;r.debug({data:ia(i)},`Invocation complete (${e.payload.data.node.type})`);const o=e.payload.data.graph_execution_state_id,{cancelType:s,isCancelScheduled:a}=n().system;s==="scheduled"&&a&&t(hl({session_id:o}));const{result:l,node:u,graph_execution_state_id:c}=i;if(tN(l)&&!ice.includes(u.type)){const{image_name:d}=l.image,{canvas:f,gallery:h}=n(),p=await t(he.endpoints.getImageDTO.initiate(d)).unwrap();if(c===f.layerState.stagingArea.sessionId&&t(GQ(p)),!p.is_intermediate){const{autoAddBoardId:m}=h;t(m?he.endpoints.addImageToBoard.initiate({board_id:m,imageDTO:p}):he.util.updateQueryData("listImages",{board_id:"none",categories:gi},v=>{const g=v.total,_=Kn.addOne(v,p).total-g;v.total=v.total+_})),t(he.util.invalidateTags([{type:"BoardImagesTotal",id:m??"none"},{type:"BoardAssetsTotal",id:m??"none"}]));const{selectedBoardId:S,shouldAutoSwitch:y}=h;y&&(m&&m!==S?(t(G_(m)),t(km("images"))):m||t(km("images")),t(Os(p.image_name)))}t(Cae(null))}t(h7(e.payload))}})},sce=()=>{le({actionCreator:p7,effect:(e,{dispatch:t})=>{fe("socketio").error(e.payload,`Invocation error (${e.payload.data.node.type})`),t(Gx(e.payload))}})},ace=()=>{le({actionCreator:x7,effect:(e,{dispatch:t})=>{fe("socketio").error(e.payload,`Invocation retrieval error (${e.payload.data.graph_execution_state_id})`),t(C7(e.payload))}})},lce=()=>{le({actionCreator:d7,effect:(e,{dispatch:t,getState:n})=>{const r=fe("socketio");if(n().system.canceledSession===e.payload.data.graph_execution_state_id){r.trace(e.payload,"Ignored invocation started for canceled session");return}r.debug(e.payload,`Invocation started (${e.payload.data.node.type})`),t(f7(e.payload))}})},uce=()=>{le({actionCreator:b7,effect:(e,{dispatch:t})=>{const n=fe("socketio"),{base_model:r,model_name:i,model_type:o,submodel:s}=e.payload.data;let a=`Model load started: ${r}/${o}/${i}`;s&&(a=a.concat(`/${s}`)),n.debug(e.payload,a),t(oJ(e.payload))}}),le({actionCreator:S7,effect:(e,{dispatch:t})=>{const n=fe("socketio"),{base_model:r,model_name:i,model_type:o,submodel:s}=e.payload.data;let a=`Model load complete: ${r}/${o}/${i}`;s&&(a=a.concat(`/${s}`)),n.debug(e.payload,a),t(sJ(e.payload))}})},cce=()=>{le({actionCreator:_7,effect:(e,{dispatch:t})=>{fe("socketio").error(e.payload,`Session retrieval error (${e.payload.data.graph_execution_state_id})`),t(w7(e.payload))}})},dce=()=>{le({actionCreator:zx,effect:(e,{dispatch:t})=>{fe("socketio").debug(e.payload,"Subscribed"),t(l7(e.payload))}})},fce=()=>{le({actionCreator:u7,effect:(e,{dispatch:t})=>{fe("socketio").debug(e.payload,"Unsubscribed"),t(c7(e.payload))}})},hce=()=>{le({actionCreator:Ile,effect:async(e,{dispatch:t,getState:n})=>{const{imageDTO:r}=e.payload;try{const i=await t(he.endpoints.changeImageIsIntermediate.initiate({imageDTO:r,is_intermediate:!1})).unwrap(),{autoAddBoardId:o}=n().gallery;o&&await t(he.endpoints.addImageToBoard.initiate({imageDTO:i,board_id:o})),t(Ft({title:"Image Saved",status:"success"}))}catch(i){t(Ft({title:"Image Saving Failed",description:i==null?void 0:i.message,status:"error"}))}}})},g4e=["sd-1","sd-2","sdxl","sdxl-refiner"],pce=["sd-1","sd-2","sdxl"],m4e=["sdxl-refiner"],gce=()=>{le({actionCreator:IO,effect:(e,{getState:t,dispatch:n})=>{if(e.payload==="unifiedCanvas"){const{data:i}=xo.endpoints.getMainModels.select(pce)(t());if(!i){n(Va(null));return}const o=[];Za(i.entities,c=>{c&&["sd-1","sd-2"].includes(c.base_model)&&o.push(c)});const s=o[0];if(!s){n(Va(null));return}const{base_model:a,model_name:l,model_type:u}=s;n(Va({base_model:a,model_name:l,model_type:u}))}}})},Be="positive_conditioning",qe="negative_conditioning",cn="text_to_latents",We="latents_to_image",hu="nsfw_checker",Qc="invisible_watermark",$e="noise",Fi="rand_int",Co="range_of_size",lr="iterate",Pn="main_model_loader",rv="onnx_model_loader",Zc="vae_loader",mce="lora_loader",it="clip_skip",vt="image_to_latents",Wt="latents_to_latents",Qn="resize_image",Ii="inpaint",Op="control_net_collect",Gb="dynamic_prompt",Ke="metadata_accumulator",YE="esrgan",Jt="sdxl_model_loader",is="t2l_sdxl",Ni="l2l_sdxl",Ul="sdxl_refiner_model_loader",Mp="sdxl_refiner_positive_conditioning",Ip="sdxl_refiner_negative_conditioning",ya="l2l_sdxl_refiner",SC="text_to_image_graph",yce="sdxl_text_to_image_graph",vce="sxdl_image_to_image_graph",Ym="image_to_image_graph",sN="inpaint_graph",bce=({image_name:e,esrganModelName:t})=>{const n={id:YE,type:"esrgan",image:{image_name:e},model_name:t,is_intermediate:!1};return{id:"adhoc-esrgan-graph",nodes:{[YE]:n},edges:[]}},Sce=ue("upscale/upscaleRequested"),_ce=()=>{le({actionCreator:Sce,effect:async(e,{dispatch:t,getState:n,take:r})=>{const{image_name:i}=e.payload,{esrganModelName:o}=n().postprocessing,s=bce({image_name:i,esrganModelName:o});t(Rn({graph:s})),await r(Rn.fulfilled.match),t(pl())}})},wce=e=>{const t=window.open("");t&&e.forEach(n=>{const r=new Image;r.src=n.base64,t.document.write(n.caption),t.document.write("
"),t.document.write(r.outerHTML),t.document.write("

")})},QE=e=>new Promise((t,n)=>{const r=new FileReader;r.onload=i=>t(r.result),r.onerror=i=>n(r.error),r.onabort=i=>n(new Error("Read aborted")),r.readAsDataURL(e)});var _C={exports:{}},iv={},aN={},Pe={};(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e._registerNode=e.Konva=e.glob=void 0;var t=Math.PI/180;function n(){return typeof window<"u"&&({}.toString.call(window)==="[object Window]"||{}.toString.call(window)==="[object global]")}e.glob=typeof Ee<"u"?Ee:typeof window<"u"?window:typeof WorkerGlobalScope<"u"?self:{},e.Konva={_global:e.glob,version:"9.2.0",isBrowser:n(),isUnminified:/param/.test((function(i){}).toString()),dblClickWindow:400,getAngle(i){return e.Konva.angleDeg?i*t:i},enableTrace:!1,pointerEventsEnabled:!0,autoDrawEnabled:!0,hitOnDragEnabled:!1,capturePointerEventsEnabled:!1,_mouseListenClick:!1,_touchListenClick:!1,_pointerListenClick:!1,_mouseInDblClickWindow:!1,_touchInDblClickWindow:!1,_pointerInDblClickWindow:!1,_mouseDblClickPointerId:null,_touchDblClickPointerId:null,_pointerDblClickPointerId:null,pixelRatio:typeof window<"u"&&window.devicePixelRatio||1,dragDistance:3,angleDeg:!0,showWarnings:!0,dragButtons:[0,1],isDragging(){return e.Konva.DD.isDragging},isDragReady(){return!!e.Konva.DD.node},releaseCanvasOnDestroy:!0,document:e.glob.document,_injectGlobal(i){e.glob.Konva=i}};const r=i=>{e.Konva[i.prototype.getClassName()]=i};e._registerNode=r,e.Konva._injectGlobal(e.Konva)})(Pe);var Ot={};(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.Util=e.Transform=void 0;const t=Pe;class n{constructor(b=[1,0,0,1,0,0]){this.dirty=!1,this.m=b&&b.slice()||[1,0,0,1,0,0]}reset(){this.m[0]=1,this.m[1]=0,this.m[2]=0,this.m[3]=1,this.m[4]=0,this.m[5]=0}copy(){return new n(this.m)}copyInto(b){b.m[0]=this.m[0],b.m[1]=this.m[1],b.m[2]=this.m[2],b.m[3]=this.m[3],b.m[4]=this.m[4],b.m[5]=this.m[5]}point(b){var _=this.m;return{x:_[0]*b.x+_[2]*b.y+_[4],y:_[1]*b.x+_[3]*b.y+_[5]}}translate(b,_){return this.m[4]+=this.m[0]*b+this.m[2]*_,this.m[5]+=this.m[1]*b+this.m[3]*_,this}scale(b,_){return this.m[0]*=b,this.m[1]*=b,this.m[2]*=_,this.m[3]*=_,this}rotate(b){var _=Math.cos(b),w=Math.sin(b),x=this.m[0]*_+this.m[2]*w,T=this.m[1]*_+this.m[3]*w,P=this.m[0]*-w+this.m[2]*_,E=this.m[1]*-w+this.m[3]*_;return this.m[0]=x,this.m[1]=T,this.m[2]=P,this.m[3]=E,this}getTranslation(){return{x:this.m[4],y:this.m[5]}}skew(b,_){var w=this.m[0]+this.m[2]*_,x=this.m[1]+this.m[3]*_,T=this.m[2]+this.m[0]*b,P=this.m[3]+this.m[1]*b;return this.m[0]=w,this.m[1]=x,this.m[2]=T,this.m[3]=P,this}multiply(b){var _=this.m[0]*b.m[0]+this.m[2]*b.m[1],w=this.m[1]*b.m[0]+this.m[3]*b.m[1],x=this.m[0]*b.m[2]+this.m[2]*b.m[3],T=this.m[1]*b.m[2]+this.m[3]*b.m[3],P=this.m[0]*b.m[4]+this.m[2]*b.m[5]+this.m[4],E=this.m[1]*b.m[4]+this.m[3]*b.m[5]+this.m[5];return this.m[0]=_,this.m[1]=w,this.m[2]=x,this.m[3]=T,this.m[4]=P,this.m[5]=E,this}invert(){var b=1/(this.m[0]*this.m[3]-this.m[1]*this.m[2]),_=this.m[3]*b,w=-this.m[1]*b,x=-this.m[2]*b,T=this.m[0]*b,P=b*(this.m[2]*this.m[5]-this.m[3]*this.m[4]),E=b*(this.m[1]*this.m[4]-this.m[0]*this.m[5]);return this.m[0]=_,this.m[1]=w,this.m[2]=x,this.m[3]=T,this.m[4]=P,this.m[5]=E,this}getMatrix(){return this.m}decompose(){var b=this.m[0],_=this.m[1],w=this.m[2],x=this.m[3],T=this.m[4],P=this.m[5],E=b*x-_*w;let A={x:T,y:P,rotation:0,scaleX:0,scaleY:0,skewX:0,skewY:0};if(b!=0||_!=0){var $=Math.sqrt(b*b+_*_);A.rotation=_>0?Math.acos(b/$):-Math.acos(b/$),A.scaleX=$,A.scaleY=E/$,A.skewX=(b*w+_*x)/E,A.skewY=0}else if(w!=0||x!=0){var I=Math.sqrt(w*w+x*x);A.rotation=Math.PI/2-(x>0?Math.acos(-w/I):-Math.acos(w/I)),A.scaleX=E/I,A.scaleY=I,A.skewX=0,A.skewY=(b*w+_*x)/E}return A.rotation=e.Util._getRotation(A.rotation),A}}e.Transform=n;var r="[object Array]",i="[object Number]",o="[object String]",s="[object Boolean]",a=Math.PI/180,l=180/Math.PI,u="#",c="",d="0",f="Konva warning: ",h="Konva error: ",p="rgb(",m={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,132,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,255,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,203],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[119,128,144],slategrey:[119,128,144],snow:[255,255,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],transparent:[255,255,255,0],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,5]},S=/rgb\((\d{1,3}),(\d{1,3}),(\d{1,3})\)/,y=[];const v=typeof requestAnimationFrame<"u"&&requestAnimationFrame||function(g){setTimeout(g,60)};e.Util={_isElement(g){return!!(g&&g.nodeType==1)},_isFunction(g){return!!(g&&g.constructor&&g.call&&g.apply)},_isPlainObject(g){return!!g&&g.constructor===Object},_isArray(g){return Object.prototype.toString.call(g)===r},_isNumber(g){return Object.prototype.toString.call(g)===i&&!isNaN(g)&&isFinite(g)},_isString(g){return Object.prototype.toString.call(g)===o},_isBoolean(g){return Object.prototype.toString.call(g)===s},isObject(g){return g instanceof Object},isValidSelector(g){if(typeof g!="string")return!1;var b=g[0];return b==="#"||b==="."||b===b.toUpperCase()},_sign(g){return g===0||g>0?1:-1},requestAnimFrame(g){y.push(g),y.length===1&&v(function(){const b=y;y=[],b.forEach(function(_){_()})})},createCanvasElement(){var g=document.createElement("canvas");try{g.style=g.style||{}}catch{}return g},createImageElement(){return document.createElement("img")},_isInDocument(g){for(;g=g.parentNode;)if(g==document)return!0;return!1},_urlToImage(g,b){var _=e.Util.createImageElement();_.onload=function(){b(_)},_.src=g},_rgbToHex(g,b,_){return((1<<24)+(g<<16)+(b<<8)+_).toString(16).slice(1)},_hexToRgb(g){g=g.replace(u,c);var b=parseInt(g,16);return{r:b>>16&255,g:b>>8&255,b:b&255}},getRandomColor(){for(var g=(Math.random()*16777215<<0).toString(16);g.length<6;)g=d+g;return u+g},getRGB(g){var b;return g in m?(b=m[g],{r:b[0],g:b[1],b:b[2]}):g[0]===u?this._hexToRgb(g.substring(1)):g.substr(0,4)===p?(b=S.exec(g.replace(/ /g,"")),{r:parseInt(b[1],10),g:parseInt(b[2],10),b:parseInt(b[3],10)}):{r:0,g:0,b:0}},colorToRGBA(g){return g=g||"black",e.Util._namedColorToRBA(g)||e.Util._hex3ColorToRGBA(g)||e.Util._hex4ColorToRGBA(g)||e.Util._hex6ColorToRGBA(g)||e.Util._hex8ColorToRGBA(g)||e.Util._rgbColorToRGBA(g)||e.Util._rgbaColorToRGBA(g)||e.Util._hslColorToRGBA(g)},_namedColorToRBA(g){var b=m[g.toLowerCase()];return b?{r:b[0],g:b[1],b:b[2],a:1}:null},_rgbColorToRGBA(g){if(g.indexOf("rgb(")===0){g=g.match(/rgb\(([^)]+)\)/)[1];var b=g.split(/ *, */).map(Number);return{r:b[0],g:b[1],b:b[2],a:1}}},_rgbaColorToRGBA(g){if(g.indexOf("rgba(")===0){g=g.match(/rgba\(([^)]+)\)/)[1];var b=g.split(/ *, */).map((_,w)=>_.slice(-1)==="%"?w===3?parseInt(_)/100:parseInt(_)/100*255:Number(_));return{r:b[0],g:b[1],b:b[2],a:b[3]}}},_hex8ColorToRGBA(g){if(g[0]==="#"&&g.length===9)return{r:parseInt(g.slice(1,3),16),g:parseInt(g.slice(3,5),16),b:parseInt(g.slice(5,7),16),a:parseInt(g.slice(7,9),16)/255}},_hex6ColorToRGBA(g){if(g[0]==="#"&&g.length===7)return{r:parseInt(g.slice(1,3),16),g:parseInt(g.slice(3,5),16),b:parseInt(g.slice(5,7),16),a:1}},_hex4ColorToRGBA(g){if(g[0]==="#"&&g.length===5)return{r:parseInt(g[1]+g[1],16),g:parseInt(g[2]+g[2],16),b:parseInt(g[3]+g[3],16),a:parseInt(g[4]+g[4],16)/255}},_hex3ColorToRGBA(g){if(g[0]==="#"&&g.length===4)return{r:parseInt(g[1]+g[1],16),g:parseInt(g[2]+g[2],16),b:parseInt(g[3]+g[3],16),a:1}},_hslColorToRGBA(g){if(/hsl\((\d+),\s*([\d.]+)%,\s*([\d.]+)%\)/g.test(g)){const[b,..._]=/hsl\((\d+),\s*([\d.]+)%,\s*([\d.]+)%\)/g.exec(g),w=Number(_[0])/360,x=Number(_[1])/100,T=Number(_[2])/100;let P,E,A;if(x===0)return A=T*255,{r:Math.round(A),g:Math.round(A),b:Math.round(A),a:1};T<.5?P=T*(1+x):P=T+x-T*x;const $=2*T-P,I=[0,0,0];for(let C=0;C<3;C++)E=w+1/3*-(C-1),E<0&&E++,E>1&&E--,6*E<1?A=$+(P-$)*6*E:2*E<1?A=P:3*E<2?A=$+(P-$)*(2/3-E)*6:A=$,I[C]=A*255;return{r:Math.round(I[0]),g:Math.round(I[1]),b:Math.round(I[2]),a:1}}},haveIntersection(g,b){return!(b.x>g.x+g.width||b.x+b.widthg.y+g.height||b.y+b.height1?(P=_,E=w,A=(_-x)*(_-x)+(w-T)*(w-T)):(P=g+I*(_-g),E=b+I*(w-b),A=(P-x)*(P-x)+(E-T)*(E-T))}return[P,E,A]},_getProjectionToLine(g,b,_){var w=e.Util.cloneObject(g),x=Number.MAX_VALUE;return b.forEach(function(T,P){if(!(!_&&P===b.length-1)){var E=b[(P+1)%b.length],A=e.Util._getProjectionToSegment(T.x,T.y,E.x,E.y,g.x,g.y),$=A[0],I=A[1],C=A[2];Cb.length){var P=b;b=g,g=P}for(w=0;w{b.width=0,b.height=0})},drawRoundedRectPath(g,b,_,w){let x=0,T=0,P=0,E=0;typeof w=="number"?x=T=P=E=Math.min(w,b/2,_/2):(x=Math.min(w[0]||0,b/2,_/2),T=Math.min(w[1]||0,b/2,_/2),E=Math.min(w[2]||0,b/2,_/2),P=Math.min(w[3]||0,b/2,_/2)),g.moveTo(x,0),g.lineTo(b-T,0),g.arc(b-T,T,T,Math.PI*3/2,0,!1),g.lineTo(b,_-E),g.arc(b-E,_-E,E,0,Math.PI/2,!1),g.lineTo(P,_),g.arc(P,_-P,P,Math.PI/2,Math.PI,!1),g.lineTo(0,x),g.arc(x,x,x,Math.PI,Math.PI*3/2,!1)}}})(Ot);var wt={},Te={},de={};Object.defineProperty(de,"__esModule",{value:!0});de.getComponentValidator=de.getBooleanValidator=de.getNumberArrayValidator=de.getFunctionValidator=de.getStringOrGradientValidator=de.getStringValidator=de.getNumberOrAutoValidator=de.getNumberOrArrayOfNumbersValidator=de.getNumberValidator=de.alphaComponent=de.RGBComponent=void 0;const Ko=Pe,Nt=Ot;function Xo(e){return Nt.Util._isString(e)?'"'+e+'"':Object.prototype.toString.call(e)==="[object Number]"||Nt.Util._isBoolean(e)?e:Object.prototype.toString.call(e)}function xce(e){return e>255?255:e<0?0:Math.round(e)}de.RGBComponent=xce;function Cce(e){return e>1?1:e<1e-4?1e-4:e}de.alphaComponent=Cce;function Tce(){if(Ko.Konva.isUnminified)return function(e,t){return Nt.Util._isNumber(e)||Nt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a number.'),e}}de.getNumberValidator=Tce;function Ece(e){if(Ko.Konva.isUnminified)return function(t,n){let r=Nt.Util._isNumber(t),i=Nt.Util._isArray(t)&&t.length==e;return!r&&!i&&Nt.Util.warn(Xo(t)+' is a not valid value for "'+n+'" attribute. The value should be a number or Array('+e+")"),t}}de.getNumberOrArrayOfNumbersValidator=Ece;function Pce(){if(Ko.Konva.isUnminified)return function(e,t){var n=Nt.Util._isNumber(e),r=e==="auto";return n||r||Nt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a number or "auto".'),e}}de.getNumberOrAutoValidator=Pce;function Ace(){if(Ko.Konva.isUnminified)return function(e,t){return Nt.Util._isString(e)||Nt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a string.'),e}}de.getStringValidator=Ace;function kce(){if(Ko.Konva.isUnminified)return function(e,t){const n=Nt.Util._isString(e),r=Object.prototype.toString.call(e)==="[object CanvasGradient]"||e&&e.addColorStop;return n||r||Nt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a string or a native gradient.'),e}}de.getStringOrGradientValidator=kce;function Rce(){if(Ko.Konva.isUnminified)return function(e,t){return Nt.Util._isFunction(e)||Nt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a function.'),e}}de.getFunctionValidator=Rce;function Oce(){if(Ko.Konva.isUnminified)return function(e,t){const n=Int8Array?Object.getPrototypeOf(Int8Array):null;return n&&e instanceof n||(Nt.Util._isArray(e)?e.forEach(function(r){Nt.Util._isNumber(r)||Nt.Util.warn('"'+t+'" attribute has non numeric element '+r+". Make sure that all elements are numbers.")}):Nt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a array of numbers.')),e}}de.getNumberArrayValidator=Oce;function Mce(){if(Ko.Konva.isUnminified)return function(e,t){var n=e===!0||e===!1;return n||Nt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a boolean.'),e}}de.getBooleanValidator=Mce;function Ice(e){if(Ko.Konva.isUnminified)return function(t,n){return t==null||Nt.Util.isObject(t)||Nt.Util.warn(Xo(t)+' is a not valid value for "'+n+'" attribute. The value should be an object with properties '+e),t}}de.getComponentValidator=Ice;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.Factory=void 0;const t=Ot,n=de;var r="get",i="set";e.Factory={addGetterSetter(o,s,a,l,u){e.Factory.addGetter(o,s,a),e.Factory.addSetter(o,s,l,u),e.Factory.addOverloadedGetterSetter(o,s)},addGetter(o,s,a){var l=r+t.Util._capitalize(s);o.prototype[l]=o.prototype[l]||function(){var u=this.attrs[s];return u===void 0?a:u}},addSetter(o,s,a,l){var u=i+t.Util._capitalize(s);o.prototype[u]||e.Factory.overWriteSetter(o,s,a,l)},overWriteSetter(o,s,a,l){var u=i+t.Util._capitalize(s);o.prototype[u]=function(c){return a&&c!==void 0&&c!==null&&(c=a.call(this,c,s)),this._setAttr(s,c),l&&l.call(this),this}},addComponentsGetterSetter(o,s,a,l,u){var c=a.length,d=t.Util._capitalize,f=r+d(s),h=i+d(s),p,m;o.prototype[f]=function(){var y={};for(p=0;p{this._setAttr(s+d(b),void 0)}),this._fireChangeEvent(s,v,y),u&&u.call(this),this},e.Factory.addOverloadedGetterSetter(o,s)},addOverloadedGetterSetter(o,s){var a=t.Util._capitalize(s),l=i+a,u=r+a;o.prototype[s]=function(){return arguments.length?(this[l](arguments[0]),this):this[u]()}},addDeprecatedGetterSetter(o,s,a,l){t.Util.error("Adding deprecated "+s);var u=r+t.Util._capitalize(s),c=s+" property is deprecated and will be removed soon. Look at Konva change log for more information.";o.prototype[u]=function(){t.Util.error(c);var d=this.attrs[s];return d===void 0?a:d},e.Factory.addSetter(o,s,l,function(){t.Util.error(c)}),e.Factory.addOverloadedGetterSetter(o,s)},backCompat(o,s){t.Util.each(s,function(a,l){var u=o.prototype[l],c=r+t.Util._capitalize(a),d=i+t.Util._capitalize(a);function f(){u.apply(this,arguments),t.Util.error('"'+a+'" method is deprecated and will be removed soon. Use ""'+l+'" instead.')}o.prototype[a]=f,o.prototype[c]=f,o.prototype[d]=f})},afterSetFilter(){this._filterUpToDate=!1}}})(Te);var _i={},Oo={};Object.defineProperty(Oo,"__esModule",{value:!0});Oo.HitContext=Oo.SceneContext=Oo.Context=void 0;const lN=Ot,Nce=Pe;function Dce(e){var t=[],n=e.length,r=lN.Util,i,o;for(i=0;itypeof c=="number"?Math.floor(c):c)),o+=Lce+u.join(ZE)+$ce)):(o+=a.property,t||(o+=zce+a.val)),o+=jce;return o}clearTrace(){this.traceArr=[]}_trace(t){var n=this.traceArr,r;n.push(t),r=n.length,r>=Gce&&n.shift()}reset(){var t=this.getCanvas().getPixelRatio();this.setTransform(1*t,0,0,1*t,0,0)}getCanvas(){return this.canvas}clear(t){var n=this.getCanvas();t?this.clearRect(t.x||0,t.y||0,t.width||0,t.height||0):this.clearRect(0,0,n.getWidth()/n.pixelRatio,n.getHeight()/n.pixelRatio)}_applyLineCap(t){const n=t.attrs.lineCap;n&&this.setAttr("lineCap",n)}_applyOpacity(t){var n=t.getAbsoluteOpacity();n!==1&&this.setAttr("globalAlpha",n)}_applyLineJoin(t){const n=t.attrs.lineJoin;n&&this.setAttr("lineJoin",n)}setAttr(t,n){this._context[t]=n}arc(t,n,r,i,o,s){this._context.arc(t,n,r,i,o,s)}arcTo(t,n,r,i,o){this._context.arcTo(t,n,r,i,o)}beginPath(){this._context.beginPath()}bezierCurveTo(t,n,r,i,o,s){this._context.bezierCurveTo(t,n,r,i,o,s)}clearRect(t,n,r,i){this._context.clearRect(t,n,r,i)}clip(...t){this._context.clip.apply(this._context,t)}closePath(){this._context.closePath()}createImageData(t,n){var r=arguments;if(r.length===2)return this._context.createImageData(t,n);if(r.length===1)return this._context.createImageData(t)}createLinearGradient(t,n,r,i){return this._context.createLinearGradient(t,n,r,i)}createPattern(t,n){return this._context.createPattern(t,n)}createRadialGradient(t,n,r,i,o,s){return this._context.createRadialGradient(t,n,r,i,o,s)}drawImage(t,n,r,i,o,s,a,l,u){var c=arguments,d=this._context;c.length===3?d.drawImage(t,n,r):c.length===5?d.drawImage(t,n,r,i,o):c.length===9&&d.drawImage(t,n,r,i,o,s,a,l,u)}ellipse(t,n,r,i,o,s,a,l){this._context.ellipse(t,n,r,i,o,s,a,l)}isPointInPath(t,n,r,i){return r?this._context.isPointInPath(r,t,n,i):this._context.isPointInPath(t,n,i)}fill(...t){this._context.fill.apply(this._context,t)}fillRect(t,n,r,i){this._context.fillRect(t,n,r,i)}strokeRect(t,n,r,i){this._context.strokeRect(t,n,r,i)}fillText(t,n,r,i){i?this._context.fillText(t,n,r,i):this._context.fillText(t,n,r)}measureText(t){return this._context.measureText(t)}getImageData(t,n,r,i){return this._context.getImageData(t,n,r,i)}lineTo(t,n){this._context.lineTo(t,n)}moveTo(t,n){this._context.moveTo(t,n)}rect(t,n,r,i){this._context.rect(t,n,r,i)}putImageData(t,n,r){this._context.putImageData(t,n,r)}quadraticCurveTo(t,n,r,i){this._context.quadraticCurveTo(t,n,r,i)}restore(){this._context.restore()}rotate(t){this._context.rotate(t)}save(){this._context.save()}scale(t,n){this._context.scale(t,n)}setLineDash(t){this._context.setLineDash?this._context.setLineDash(t):"mozDash"in this._context?this._context.mozDash=t:"webkitLineDash"in this._context&&(this._context.webkitLineDash=t)}getLineDash(){return this._context.getLineDash()}setTransform(t,n,r,i,o,s){this._context.setTransform(t,n,r,i,o,s)}stroke(t){t?this._context.stroke(t):this._context.stroke()}strokeText(t,n,r,i){this._context.strokeText(t,n,r,i)}transform(t,n,r,i,o,s){this._context.transform(t,n,r,i,o,s)}translate(t,n){this._context.translate(t,n)}_enableTrace(){var t=this,n=JE.length,r=this.setAttr,i,o,s=function(a){var l=t[a],u;t[a]=function(){return o=Dce(Array.prototype.slice.call(arguments,0)),u=l.apply(t,arguments),t._trace({method:a,args:o}),u}};for(i=0;i{i.dragStatus==="dragging"&&(r=!0)}),r},justDragged:!1,get node(){var r;return e.DD._dragElements.forEach(i=>{r=i.node}),r},_dragElements:new Map,_drag(r){const i=[];e.DD._dragElements.forEach((o,s)=>{const{node:a}=o,l=a.getStage();l.setPointersPositions(r),o.pointerId===void 0&&(o.pointerId=n.Util._getFirstPointerId(r));const u=l._changedPointerPositions.find(f=>f.id===o.pointerId);if(u){if(o.dragStatus!=="dragging"){var c=a.dragDistance(),d=Math.max(Math.abs(u.x-o.startPointerPos.x),Math.abs(u.y-o.startPointerPos.y));if(d{o.fire("dragmove",{type:"dragmove",target:o,evt:r},!0)})},_endDragBefore(r){const i=[];e.DD._dragElements.forEach(o=>{const{node:s}=o,a=s.getStage();if(r&&a.setPointersPositions(r),!a._changedPointerPositions.find(c=>c.id===o.pointerId))return;(o.dragStatus==="dragging"||o.dragStatus==="stopped")&&(e.DD.justDragged=!0,t.Konva._mouseListenClick=!1,t.Konva._touchListenClick=!1,t.Konva._pointerListenClick=!1,o.dragStatus="stopped");const u=o.node.getLayer()||o.node instanceof t.Konva.Stage&&o.node;u&&i.indexOf(u)===-1&&i.push(u)}),i.forEach(o=>{o.draw()})},_endDragAfter(r){e.DD._dragElements.forEach((i,o)=>{i.dragStatus==="stopped"&&i.node.fire("dragend",{type:"dragend",target:i.node,evt:r},!0),i.dragStatus!=="dragging"&&e.DD._dragElements.delete(o)})}},t.Konva.isBrowser&&(window.addEventListener("mouseup",e.DD._endDragBefore,!0),window.addEventListener("touchend",e.DD._endDragBefore,!0),window.addEventListener("mousemove",e.DD._drag),window.addEventListener("touchmove",e.DD._drag),window.addEventListener("mouseup",e.DD._endDragAfter,!1),window.addEventListener("touchend",e.DD._endDragAfter,!1))})(av);Object.defineProperty(wt,"__esModule",{value:!0});wt.Node=void 0;const ke=Ot,Ah=Te,Dp=_i,va=Pe,Br=av,Vt=de;var Sg="absoluteOpacity",Lp="allEventListeners",bo="absoluteTransform",e6="absoluteScale",ba="canvas",Zce="Change",Jce="children",ede="konva",m2="listening",t6="mouseenter",n6="mouseleave",r6="set",i6="Shape",_g=" ",o6="stage",ss="transform",tde="Stage",y2="visible",nde=["xChange.konva","yChange.konva","scaleXChange.konva","scaleYChange.konva","skewXChange.konva","skewYChange.konva","rotationChange.konva","offsetXChange.konva","offsetYChange.konva","transformsEnabledChange.konva"].join(_g);let rde=1,Se=class v2{constructor(t){this._id=rde++,this.eventListeners={},this.attrs={},this.index=0,this._allEventListeners=null,this.parent=null,this._cache=new Map,this._attachedDepsListeners=new Map,this._lastPos=null,this._batchingTransformChange=!1,this._needClearTransformCache=!1,this._filterUpToDate=!1,this._isUnderCache=!1,this._dragEventId=null,this._shouldFireChangeEvents=!1,this.setAttrs(t),this._shouldFireChangeEvents=!0}hasChildren(){return!1}_clearCache(t){(t===ss||t===bo)&&this._cache.get(t)?this._cache.get(t).dirty=!0:t?this._cache.delete(t):this._cache.clear()}_getCache(t,n){var r=this._cache.get(t),i=t===ss||t===bo,o=r===void 0||i&&r.dirty===!0;return o&&(r=n.call(this),this._cache.set(t,r)),r}_calculate(t,n,r){if(!this._attachedDepsListeners.get(t)){const i=n.map(o=>o+"Change.konva").join(_g);this.on(i,()=>{this._clearCache(t)}),this._attachedDepsListeners.set(t,!0)}return this._getCache(t,r)}_getCanvasCache(){return this._cache.get(ba)}_clearSelfAndDescendantCache(t){this._clearCache(t),t===bo&&this.fire("absoluteTransformChange")}clearCache(){if(this._cache.has(ba)){const{scene:t,filter:n,hit:r}=this._cache.get(ba);ke.Util.releaseCanvas(t,n,r),this._cache.delete(ba)}return this._clearSelfAndDescendantCache(),this._requestDraw(),this}cache(t){var n=t||{},r={};(n.x===void 0||n.y===void 0||n.width===void 0||n.height===void 0)&&(r=this.getClientRect({skipTransform:!0,relativeTo:this.getParent()}));var i=Math.ceil(n.width||r.width),o=Math.ceil(n.height||r.height),s=n.pixelRatio,a=n.x===void 0?Math.floor(r.x):n.x,l=n.y===void 0?Math.floor(r.y):n.y,u=n.offset||0,c=n.drawBorder||!1,d=n.hitCanvasPixelRatio||1;if(!i||!o){ke.Util.error("Can not cache the node. Width or height of the node equals 0. Caching is skipped.");return}i+=u*2+1,o+=u*2+1,a-=u,l-=u;var f=new Dp.SceneCanvas({pixelRatio:s,width:i,height:o}),h=new Dp.SceneCanvas({pixelRatio:s,width:0,height:0,willReadFrequently:!0}),p=new Dp.HitCanvas({pixelRatio:d,width:i,height:o}),m=f.getContext(),S=p.getContext();return p.isCache=!0,f.isCache=!0,this._cache.delete(ba),this._filterUpToDate=!1,n.imageSmoothingEnabled===!1&&(f.getContext()._context.imageSmoothingEnabled=!1,h.getContext()._context.imageSmoothingEnabled=!1),m.save(),S.save(),m.translate(-a,-l),S.translate(-a,-l),this._isUnderCache=!0,this._clearSelfAndDescendantCache(Sg),this._clearSelfAndDescendantCache(e6),this.drawScene(f,this),this.drawHit(p,this),this._isUnderCache=!1,m.restore(),S.restore(),c&&(m.save(),m.beginPath(),m.rect(0,0,i,o),m.closePath(),m.setAttr("strokeStyle","red"),m.setAttr("lineWidth",5),m.stroke(),m.restore()),this._cache.set(ba,{scene:f,filter:h,hit:p,x:a,y:l}),this._requestDraw(),this}isCached(){return this._cache.has(ba)}getClientRect(t){throw new Error('abstract "getClientRect" method call')}_transformedRect(t,n){var r=[{x:t.x,y:t.y},{x:t.x+t.width,y:t.y},{x:t.x+t.width,y:t.y+t.height},{x:t.x,y:t.y+t.height}],i,o,s,a,l=this.getAbsoluteTransform(n);return r.forEach(function(u){var c=l.point(u);i===void 0&&(i=s=c.x,o=a=c.y),i=Math.min(i,c.x),o=Math.min(o,c.y),s=Math.max(s,c.x),a=Math.max(a,c.y)}),{x:i,y:o,width:s-i,height:a-o}}_drawCachedSceneCanvas(t){t.save(),t._applyOpacity(this),t._applyGlobalCompositeOperation(this);const n=this._getCanvasCache();t.translate(n.x,n.y);var r=this._getCachedSceneCanvas(),i=r.pixelRatio;t.drawImage(r._canvas,0,0,r.width/i,r.height/i),t.restore()}_drawCachedHitCanvas(t){var n=this._getCanvasCache(),r=n.hit;t.save(),t.translate(n.x,n.y),t.drawImage(r._canvas,0,0,r.width/r.pixelRatio,r.height/r.pixelRatio),t.restore()}_getCachedSceneCanvas(){var t=this.filters(),n=this._getCanvasCache(),r=n.scene,i=n.filter,o=i.getContext(),s,a,l,u;if(t){if(!this._filterUpToDate){var c=r.pixelRatio;i.setSize(r.width/r.pixelRatio,r.height/r.pixelRatio);try{for(s=t.length,o.clear(),o.drawImage(r._canvas,0,0,r.getWidth()/c,r.getHeight()/c),a=o.getImageData(0,0,i.getWidth(),i.getHeight()),l=0;l{var n,r;if(!t)return this;for(n in t)n!==Jce&&(r=r6+ke.Util._capitalize(n),ke.Util._isFunction(this[r])?this[r](t[n]):this._setAttr(n,t[n]))}),this}isListening(){return this._getCache(m2,this._isListening)}_isListening(t){if(!this.listening())return!1;const r=this.getParent();return r&&r!==t&&this!==t?r._isListening(t):!0}isVisible(){return this._getCache(y2,this._isVisible)}_isVisible(t){if(!this.visible())return!1;const r=this.getParent();return r&&r!==t&&this!==t?r._isVisible(t):!0}shouldDrawHit(t,n=!1){if(t)return this._isVisible(t)&&this._isListening(t);var r=this.getLayer(),i=!1;Br.DD._dragElements.forEach(s=>{s.dragStatus==="dragging"&&(s.node.nodeType==="Stage"||s.node.getLayer()===r)&&(i=!0)});var o=!n&&!va.Konva.hitOnDragEnabled&&i;return this.isListening()&&this.isVisible()&&!o}show(){return this.visible(!0),this}hide(){return this.visible(!1),this}getZIndex(){return this.index||0}getAbsoluteZIndex(){var t=this.getDepth(),n=this,r=0,i,o,s,a;function l(u){for(i=[],o=u.length,s=0;s0&&i[0].getDepth()<=t&&l(i)}return n.nodeType!==tde&&l(n.getStage().getChildren()),r}getDepth(){for(var t=0,n=this.parent;n;)t++,n=n.parent;return t}_batchTransformChanges(t){this._batchingTransformChange=!0,t(),this._batchingTransformChange=!1,this._needClearTransformCache&&(this._clearCache(ss),this._clearSelfAndDescendantCache(bo)),this._needClearTransformCache=!1}setPosition(t){return this._batchTransformChanges(()=>{this.x(t.x),this.y(t.y)}),this}getPosition(){return{x:this.x(),y:this.y()}}getRelativePointerPosition(){if(!this.getStage())return null;var t=this.getStage().getPointerPosition();if(!t)return null;var n=this.getAbsoluteTransform().copy();return n.invert(),n.point(t)}getAbsolutePosition(t){let n=!1,r=this.parent;for(;r;){if(r.isCached()){n=!0;break}r=r.parent}n&&!t&&(t=!0);var i=this.getAbsoluteTransform(t).getMatrix(),o=new ke.Transform,s=this.offset();return o.m=i.slice(),o.translate(s.x,s.y),o.getTranslation()}setAbsolutePosition(t){var n=this._clearTransform();this.attrs.x=n.x,this.attrs.y=n.y,delete n.x,delete n.y,this._clearCache(ss);var r=this._getAbsoluteTransform().copy();return r.invert(),r.translate(t.x,t.y),t={x:this.attrs.x+r.getTranslation().x,y:this.attrs.y+r.getTranslation().y},this._setTransform(n),this.setPosition({x:t.x,y:t.y}),this._clearCache(ss),this._clearSelfAndDescendantCache(bo),this}_setTransform(t){var n;for(n in t)this.attrs[n]=t[n]}_clearTransform(){var t={x:this.x(),y:this.y(),rotation:this.rotation(),scaleX:this.scaleX(),scaleY:this.scaleY(),offsetX:this.offsetX(),offsetY:this.offsetY(),skewX:this.skewX(),skewY:this.skewY()};return this.attrs.x=0,this.attrs.y=0,this.attrs.rotation=0,this.attrs.scaleX=1,this.attrs.scaleY=1,this.attrs.offsetX=0,this.attrs.offsetY=0,this.attrs.skewX=0,this.attrs.skewY=0,t}move(t){var n=t.x,r=t.y,i=this.x(),o=this.y();return n!==void 0&&(i+=n),r!==void 0&&(o+=r),this.setPosition({x:i,y:o}),this}_eachAncestorReverse(t,n){var r=[],i=this.getParent(),o,s;if(!(n&&n._id===this._id)){for(r.unshift(this);i&&(!n||i._id!==n._id);)r.unshift(i),i=i.parent;for(o=r.length,s=0;s0?(this.parent.children.splice(t,1),this.parent.children.splice(t-1,0,this),this.parent._setChildrenIndices(),!0):!1}moveToBottom(){if(!this.parent)return ke.Util.warn("Node has no parent. moveToBottom function is ignored."),!1;var t=this.index;return t>0?(this.parent.children.splice(t,1),this.parent.children.unshift(this),this.parent._setChildrenIndices(),!0):!1}setZIndex(t){if(!this.parent)return ke.Util.warn("Node has no parent. zIndex parameter is ignored."),this;(t<0||t>=this.parent.children.length)&&ke.Util.warn("Unexpected value "+t+" for zIndex property. zIndex is just index of a node in children of its parent. Expected value is from 0 to "+(this.parent.children.length-1)+".");var n=this.index;return this.parent.children.splice(n,1),this.parent.children.splice(t,0,this),this.parent._setChildrenIndices(),this}getAbsoluteOpacity(){return this._getCache(Sg,this._getAbsoluteOpacity)}_getAbsoluteOpacity(){var t=this.opacity(),n=this.getParent();return n&&!n._isUnderCache&&(t*=n.getAbsoluteOpacity()),t}moveTo(t){return this.getParent()!==t&&(this._remove(),t.add(this)),this}toObject(){var t={},n=this.getAttrs(),r,i,o,s,a;t.attrs={};for(r in n)i=n[r],a=ke.Util.isObject(i)&&!ke.Util._isPlainObject(i)&&!ke.Util._isArray(i),!a&&(o=typeof this[r]=="function"&&this[r],delete n[r],s=o?o.call(this):null,n[r]=i,s!==i&&(t.attrs[r]=i));return t.className=this.getClassName(),ke.Util._prepareToStringify(t)}toJSON(){return JSON.stringify(this.toObject())}getParent(){return this.parent}findAncestors(t,n,r){var i=[];n&&this._isMatch(t)&&i.push(this);for(var o=this.parent;o;){if(o===r)return i;o._isMatch(t)&&i.push(o),o=o.parent}return i}isAncestorOf(t){return!1}findAncestor(t,n,r){return this.findAncestors(t,n,r)[0]}_isMatch(t){if(!t)return!1;if(typeof t=="function")return t(this);var n=t.replace(/ /g,"").split(","),r=n.length,i,o;for(i=0;i{try{const i=t==null?void 0:t.callback;i&&delete t.callback,ke.Util._urlToImage(this.toDataURL(t),function(o){n(o),i==null||i(o)})}catch(i){r(i)}})}toBlob(t){return new Promise((n,r)=>{try{const i=t==null?void 0:t.callback;i&&delete t.callback,this.toCanvas(t).toBlob(o=>{n(o),i==null||i(o)})}catch(i){r(i)}})}setSize(t){return this.width(t.width),this.height(t.height),this}getSize(){return{width:this.width(),height:this.height()}}getClassName(){return this.className||this.nodeType}getType(){return this.nodeType}getDragDistance(){return this.attrs.dragDistance!==void 0?this.attrs.dragDistance:this.parent?this.parent.getDragDistance():va.Konva.dragDistance}_off(t,n,r){var i=this.eventListeners[t],o,s,a;for(o=0;o=0;if(r&&!this.isDragging()){var i=!1;Br.DD._dragElements.forEach(o=>{this.isAncestorOf(o.node)&&(i=!0)}),i||this._createDragElement(t)}})}_dragChange(){if(this.attrs.draggable)this._listenDrag();else{this._dragCleanup();var t=this.getStage();if(!t)return;const n=Br.DD._dragElements.get(this._id),r=n&&n.dragStatus==="dragging",i=n&&n.dragStatus==="ready";r?this.stopDrag():i&&Br.DD._dragElements.delete(this._id)}}_dragCleanup(){this.off("mousedown.konva"),this.off("touchstart.konva")}isClientRectOnScreen(t={x:0,y:0}){const n=this.getStage();if(!n)return!1;const r={x:-t.x,y:-t.y,width:n.width()+2*t.x,height:n.height()+2*t.y};return ke.Util.haveIntersection(r,this.getClientRect())}static create(t,n){return ke.Util._isString(t)&&(t=JSON.parse(t)),this._createNode(t,n)}static _createNode(t,n){var r=v2.prototype.getClassName.call(t),i=t.children,o,s,a;n&&(t.attrs.container=n),va.Konva[r]||(ke.Util.warn('Can not find a node with class name "'+r+'". Fallback to "Shape".'),r="Shape");const l=va.Konva[r];if(o=new l(t.attrs),i)for(s=i.length,a=0;a0}removeChildren(){return this.getChildren().forEach(t=>{t.parent=null,t.index=0,t.remove()}),this.children=[],this._requestDraw(),this}destroyChildren(){return this.getChildren().forEach(t=>{t.parent=null,t.index=0,t.destroy()}),this.children=[],this._requestDraw(),this}add(...t){if(t.length===0)return this;if(t.length>1){for(var n=0;n0?n[0]:void 0}_generalFind(t,n){var r=[];return this._descendants(i=>{const o=i._isMatch(t);return o&&r.push(i),!!(o&&n)}),r}_descendants(t){let n=!1;const r=this.getChildren();for(const i of r){if(n=t(i),n)return!0;if(i.hasChildren()&&(n=i._descendants(t),n))return!0}return!1}toObject(){var t=Hb.Node.prototype.toObject.call(this);return t.children=[],this.getChildren().forEach(n=>{t.children.push(n.toObject())}),t}isAncestorOf(t){for(var n=t.getParent();n;){if(n._id===this._id)return!0;n=n.getParent()}return!1}clone(t){var n=Hb.Node.prototype.clone.call(this,t);return this.getChildren().forEach(function(r){n.add(r.clone())}),n}getAllIntersections(t){var n=[];return this.find("Shape").forEach(function(r){r.isVisible()&&r.intersects(t)&&n.push(r)}),n}_clearSelfAndDescendantCache(t){var n;super._clearSelfAndDescendantCache(t),!this.isCached()&&((n=this.children)===null||n===void 0||n.forEach(function(r){r._clearSelfAndDescendantCache(t)}))}_setChildrenIndices(){var t;(t=this.children)===null||t===void 0||t.forEach(function(n,r){n.index=r}),this._requestDraw()}drawScene(t,n){var r=this.getLayer(),i=t||r&&r.getCanvas(),o=i&&i.getContext(),s=this._getCanvasCache(),a=s&&s.scene,l=i&&i.isCache;if(!this.isVisible()&&!l)return this;if(a){o.save();var u=this.getAbsoluteTransform(n).getMatrix();o.transform(u[0],u[1],u[2],u[3],u[4],u[5]),this._drawCachedSceneCanvas(o),o.restore()}else this._drawChildren("drawScene",i,n);return this}drawHit(t,n){if(!this.shouldDrawHit(n))return this;var r=this.getLayer(),i=t||r&&r.hitCanvas,o=i&&i.getContext(),s=this._getCanvasCache(),a=s&&s.hit;if(a){o.save();var l=this.getAbsoluteTransform(n).getMatrix();o.transform(l[0],l[1],l[2],l[3],l[4],l[5]),this._drawCachedHitCanvas(o),o.restore()}else this._drawChildren("drawHit",i,n);return this}_drawChildren(t,n,r){var i,o=n&&n.getContext(),s=this.clipWidth(),a=this.clipHeight(),l=this.clipFunc(),u=s&&a||l;const c=r===this;if(u){o.save();var d=this.getAbsoluteTransform(r),f=d.getMatrix();o.transform(f[0],f[1],f[2],f[3],f[4],f[5]),o.beginPath();let S;if(l)S=l.call(this,o,this);else{var h=this.clipX(),p=this.clipY();o.rect(h,p,s,a)}o.clip.apply(o,S),f=d.copy().invert().getMatrix(),o.transform(f[0],f[1],f[2],f[3],f[4],f[5])}var m=!c&&this.globalCompositeOperation()!=="source-over"&&t==="drawScene";m&&(o.save(),o._applyGlobalCompositeOperation(this)),(i=this.children)===null||i===void 0||i.forEach(function(S){S[t](n,r)}),m&&o.restore(),u&&o.restore()}getClientRect(t){var n;t=t||{};var r=t.skipTransform,i=t.relativeTo,o,s,a,l,u={x:1/0,y:1/0,width:0,height:0},c=this;(n=this.children)===null||n===void 0||n.forEach(function(m){if(m.visible()){var S=m.getClientRect({relativeTo:c,skipShadow:t.skipShadow,skipStroke:t.skipStroke});S.width===0&&S.height===0||(o===void 0?(o=S.x,s=S.y,a=S.x+S.width,l=S.y+S.height):(o=Math.min(o,S.x),s=Math.min(s,S.y),a=Math.max(a,S.x+S.width),l=Math.max(l,S.y+S.height)))}});for(var d=this.find("Shape"),f=!1,h=0;hY.indexOf("pointer")>=0?"pointer":Y.indexOf("touch")>=0?"touch":"mouse",U=Y=>{const B=j(Y);if(B==="pointer")return i.Konva.pointerEventsEnabled&&L.pointer;if(B==="touch")return L.touch;if(B==="mouse")return L.mouse};function G(Y={}){return(Y.clipFunc||Y.clipWidth||Y.clipHeight)&&t.Util.warn("Stage does not support clipping. Please use clip for Layers or Groups."),Y}const W="Pointer position is missing and not registered by the stage. Looks like it is outside of the stage container. You can set it manually from event: stage.setPointersPositions(event);";e.stages=[];class X extends r.Container{constructor(B){super(G(B)),this._pointerPositions=[],this._changedPointerPositions=[],this._buildDOM(),this._bindContentEvents(),e.stages.push(this),this.on("widthChange.konva heightChange.konva",this._resizeDOM),this.on("visibleChange.konva",this._checkVisibility),this.on("clipWidthChange.konva clipHeightChange.konva clipFuncChange.konva",()=>{G(this.attrs)}),this._checkVisibility()}_validateAdd(B){const H=B.getType()==="Layer",Q=B.getType()==="FastLayer";H||Q||t.Util.throw("You may only add layers to the stage.")}_checkVisibility(){if(!this.content)return;const B=this.visible()?"":"none";this.content.style.display=B}setContainer(B){if(typeof B===c){if(B.charAt(0)==="."){var H=B.slice(1);B=document.getElementsByClassName(H)[0]}else{var Q;B.charAt(0)!=="#"?Q=B:Q=B.slice(1),B=document.getElementById(Q)}if(!B)throw"Can not find container in document with id "+Q}return this._setAttr("container",B),this.content&&(this.content.parentElement&&this.content.parentElement.removeChild(this.content),B.appendChild(this.content)),this}shouldDrawHit(){return!0}clear(){var B=this.children,H=B.length,Q;for(Q=0;Q-1&&e.stages.splice(H,1),t.Util.releaseCanvas(this.bufferCanvas._canvas,this.bufferHitCanvas._canvas),this}getPointerPosition(){const B=this._pointerPositions[0]||this._changedPointerPositions[0];return B?{x:B.x,y:B.y}:(t.Util.warn(W),null)}_getPointerById(B){return this._pointerPositions.find(H=>H.id===B)}getPointersPositions(){return this._pointerPositions}getStage(){return this}getContent(){return this.content}_toKonvaCanvas(B){B=B||{},B.x=B.x||0,B.y=B.y||0,B.width=B.width||this.width(),B.height=B.height||this.height();var H=new o.SceneCanvas({width:B.width,height:B.height,pixelRatio:B.pixelRatio||1}),Q=H.getContext()._context,J=this.children;return(B.x||B.y)&&Q.translate(-1*B.x,-1*B.y),J.forEach(function(ne){if(ne.isVisible()){var te=ne._toKonvaCanvas(B);Q.drawImage(te._canvas,B.x,B.y,te.getWidth()/te.getPixelRatio(),te.getHeight()/te.getPixelRatio())}}),H}getIntersection(B){if(!B)return null;var H=this.children,Q=H.length,J=Q-1,ne;for(ne=J;ne>=0;ne--){const te=H[ne].getIntersection(B);if(te)return te}return null}_resizeDOM(){var B=this.width(),H=this.height();this.content&&(this.content.style.width=B+d,this.content.style.height=H+d),this.bufferCanvas.setSize(B,H),this.bufferHitCanvas.setSize(B,H),this.children.forEach(Q=>{Q.setSize({width:B,height:H}),Q.draw()})}add(B,...H){if(arguments.length>1){for(var Q=0;QO&&t.Util.warn("The stage has "+J+" layers. Recommended maximum number of layers is 3-5. Adding more layers into the stage may drop the performance. Rethink your tree structure, you can use Konva.Group."),B.setSize({width:this.width(),height:this.height()}),B.draw(),i.Konva.isBrowser&&this.content.appendChild(B.canvas._canvas),this}getParent(){return null}getLayer(){return null}hasPointerCapture(B){return l.hasPointerCapture(B,this)}setPointerCapture(B){l.setPointerCapture(B,this)}releaseCapture(B){l.releaseCapture(B,this)}getLayers(){return this.children}_bindContentEvents(){i.Konva.isBrowser&&D.forEach(([B,H])=>{this.content.addEventListener(B,Q=>{this[H](Q)},{passive:!1})})}_pointerenter(B){this.setPointersPositions(B);const H=U(B.type);this._fire(H.pointerenter,{evt:B,target:this,currentTarget:this})}_pointerover(B){this.setPointersPositions(B);const H=U(B.type);this._fire(H.pointerover,{evt:B,target:this,currentTarget:this})}_getTargetShape(B){let H=this[B+"targetShape"];return H&&!H.getStage()&&(H=null),H}_pointerleave(B){const H=U(B.type),Q=j(B.type);if(H){this.setPointersPositions(B);var J=this._getTargetShape(Q),ne=!s.DD.isDragging||i.Konva.hitOnDragEnabled;J&&ne?(J._fireAndBubble(H.pointerout,{evt:B}),J._fireAndBubble(H.pointerleave,{evt:B}),this._fire(H.pointerleave,{evt:B,target:this,currentTarget:this}),this[Q+"targetShape"]=null):ne&&(this._fire(H.pointerleave,{evt:B,target:this,currentTarget:this}),this._fire(H.pointerout,{evt:B,target:this,currentTarget:this})),this.pointerPos=void 0,this._pointerPositions=[]}}_pointerdown(B){const H=U(B.type),Q=j(B.type);if(H){this.setPointersPositions(B);var J=!1;this._changedPointerPositions.forEach(ne=>{var te=this.getIntersection(ne);if(s.DD.justDragged=!1,i.Konva["_"+Q+"ListenClick"]=!0,!(te&&te.isListening()))return;i.Konva.capturePointerEventsEnabled&&te.setPointerCapture(ne.id),this[Q+"ClickStartShape"]=te,te._fireAndBubble(H.pointerdown,{evt:B,pointerId:ne.id}),J=!0;const ve=B.type.indexOf("touch")>=0;te.preventDefault()&&B.cancelable&&ve&&B.preventDefault()}),J||this._fire(H.pointerdown,{evt:B,target:this,currentTarget:this,pointerId:this._pointerPositions[0].id})}}_pointermove(B){const H=U(B.type),Q=j(B.type);if(!H)return;s.DD.isDragging&&s.DD.node.preventDefault()&&B.cancelable&&B.preventDefault(),this.setPointersPositions(B);var J=!s.DD.isDragging||i.Konva.hitOnDragEnabled;if(!J)return;var ne={};let te=!1;var xe=this._getTargetShape(Q);this._changedPointerPositions.forEach(ve=>{const ce=l.getCapturedShape(ve.id)||this.getIntersection(ve),De=ve.id,se={evt:B,pointerId:De};var pt=xe!==ce;if(pt&&xe&&(xe._fireAndBubble(H.pointerout,Object.assign({},se),ce),xe._fireAndBubble(H.pointerleave,Object.assign({},se),ce)),ce){if(ne[ce._id])return;ne[ce._id]=!0}ce&&ce.isListening()?(te=!0,pt&&(ce._fireAndBubble(H.pointerover,Object.assign({},se),xe),ce._fireAndBubble(H.pointerenter,Object.assign({},se),xe),this[Q+"targetShape"]=ce),ce._fireAndBubble(H.pointermove,Object.assign({},se))):xe&&(this._fire(H.pointerover,{evt:B,target:this,currentTarget:this,pointerId:De}),this[Q+"targetShape"]=null)}),te||this._fire(H.pointermove,{evt:B,target:this,currentTarget:this,pointerId:this._changedPointerPositions[0].id})}_pointerup(B){const H=U(B.type),Q=j(B.type);if(!H)return;this.setPointersPositions(B);const J=this[Q+"ClickStartShape"],ne=this[Q+"ClickEndShape"];var te={};let xe=!1;this._changedPointerPositions.forEach(ve=>{const ce=l.getCapturedShape(ve.id)||this.getIntersection(ve);if(ce){if(ce.releaseCapture(ve.id),te[ce._id])return;te[ce._id]=!0}const De=ve.id,se={evt:B,pointerId:De};let pt=!1;i.Konva["_"+Q+"InDblClickWindow"]?(pt=!0,clearTimeout(this[Q+"DblTimeout"])):s.DD.justDragged||(i.Konva["_"+Q+"InDblClickWindow"]=!0,clearTimeout(this[Q+"DblTimeout"])),this[Q+"DblTimeout"]=setTimeout(function(){i.Konva["_"+Q+"InDblClickWindow"]=!1},i.Konva.dblClickWindow),ce&&ce.isListening()?(xe=!0,this[Q+"ClickEndShape"]=ce,ce._fireAndBubble(H.pointerup,Object.assign({},se)),i.Konva["_"+Q+"ListenClick"]&&J&&J===ce&&(ce._fireAndBubble(H.pointerclick,Object.assign({},se)),pt&&ne&&ne===ce&&ce._fireAndBubble(H.pointerdblclick,Object.assign({},se)))):(this[Q+"ClickEndShape"]=null,i.Konva["_"+Q+"ListenClick"]&&this._fire(H.pointerclick,{evt:B,target:this,currentTarget:this,pointerId:De}),pt&&this._fire(H.pointerdblclick,{evt:B,target:this,currentTarget:this,pointerId:De}))}),xe||this._fire(H.pointerup,{evt:B,target:this,currentTarget:this,pointerId:this._changedPointerPositions[0].id}),i.Konva["_"+Q+"ListenClick"]=!1,B.cancelable&&Q!=="touch"&&B.preventDefault()}_contextmenu(B){this.setPointersPositions(B);var H=this.getIntersection(this.getPointerPosition());H&&H.isListening()?H._fireAndBubble($,{evt:B}):this._fire($,{evt:B,target:this,currentTarget:this})}_wheel(B){this.setPointersPositions(B);var H=this.getIntersection(this.getPointerPosition());H&&H.isListening()?H._fireAndBubble(N,{evt:B}):this._fire(N,{evt:B,target:this,currentTarget:this})}_pointercancel(B){this.setPointersPositions(B);const H=l.getCapturedShape(B.pointerId)||this.getIntersection(this.getPointerPosition());H&&H._fireAndBubble(_,l.createEvent(B)),l.releaseCapture(B.pointerId)}_lostpointercapture(B){l.releaseCapture(B.pointerId)}setPointersPositions(B){var H=this._getContentPosition(),Q=null,J=null;B=B||window.event,B.touches!==void 0?(this._pointerPositions=[],this._changedPointerPositions=[],Array.prototype.forEach.call(B.touches,ne=>{this._pointerPositions.push({id:ne.identifier,x:(ne.clientX-H.left)/H.scaleX,y:(ne.clientY-H.top)/H.scaleY})}),Array.prototype.forEach.call(B.changedTouches||B.touches,ne=>{this._changedPointerPositions.push({id:ne.identifier,x:(ne.clientX-H.left)/H.scaleX,y:(ne.clientY-H.top)/H.scaleY})})):(Q=(B.clientX-H.left)/H.scaleX,J=(B.clientY-H.top)/H.scaleY,this.pointerPos={x:Q,y:J},this._pointerPositions=[{x:Q,y:J,id:t.Util._getFirstPointerId(B)}],this._changedPointerPositions=[{x:Q,y:J,id:t.Util._getFirstPointerId(B)}])}_setPointerPosition(B){t.Util.warn('Method _setPointerPosition is deprecated. Use "stage.setPointersPositions(event)" instead.'),this.setPointersPositions(B)}_getContentPosition(){if(!this.content||!this.content.getBoundingClientRect)return{top:0,left:0,scaleX:1,scaleY:1};var B=this.content.getBoundingClientRect();return{top:B.top,left:B.left,scaleX:B.width/this.content.clientWidth||1,scaleY:B.height/this.content.clientHeight||1}}_buildDOM(){if(this.bufferCanvas=new o.SceneCanvas({width:this.width(),height:this.height()}),this.bufferHitCanvas=new o.HitCanvas({pixelRatio:1,width:this.width(),height:this.height()}),!!i.Konva.isBrowser){var B=this.container();if(!B)throw"Stage has no container. A container is required.";B.innerHTML="",this.content=document.createElement("div"),this.content.style.position="relative",this.content.style.userSelect="none",this.content.className="konvajs-content",this.content.setAttribute("role","presentation"),B.appendChild(this.content),this._resizeDOM()}}cache(){return t.Util.warn("Cache function is not allowed for stage. You may use cache only for layers, groups and shapes."),this}clearCache(){return this}batchDraw(){return this.getChildren().forEach(function(B){B.batchDraw()}),this}}e.Stage=X,X.prototype.nodeType=u,(0,a._registerNode)(X),n.Factory.addGetterSetter(X,"container")})(dN);var kh={},on={};(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.Shape=e.shapes=void 0;const t=Pe,n=Ot,r=Te,i=wt,o=de,s=Pe,a=Tr;var l="hasShadow",u="shadowRGBA",c="patternImage",d="linearGradient",f="radialGradient";let h;function p(){return h||(h=n.Util.createCanvasElement().getContext("2d"),h)}e.shapes={};function m(P){const E=this.attrs.fillRule;E?P.fill(E):P.fill()}function S(P){P.stroke()}function y(P){P.fill()}function v(P){P.stroke()}function g(){this._clearCache(l)}function b(){this._clearCache(u)}function _(){this._clearCache(c)}function w(){this._clearCache(d)}function x(){this._clearCache(f)}class T extends i.Node{constructor(E){super(E);let A;for(;A=n.Util.getRandomColor(),!(A&&!(A in e.shapes)););this.colorKey=A,e.shapes[A]=this}getContext(){return n.Util.warn("shape.getContext() method is deprecated. Please do not use it."),this.getLayer().getContext()}getCanvas(){return n.Util.warn("shape.getCanvas() method is deprecated. Please do not use it."),this.getLayer().getCanvas()}getSceneFunc(){return this.attrs.sceneFunc||this._sceneFunc}getHitFunc(){return this.attrs.hitFunc||this._hitFunc}hasShadow(){return this._getCache(l,this._hasShadow)}_hasShadow(){return this.shadowEnabled()&&this.shadowOpacity()!==0&&!!(this.shadowColor()||this.shadowBlur()||this.shadowOffsetX()||this.shadowOffsetY())}_getFillPattern(){return this._getCache(c,this.__getFillPattern)}__getFillPattern(){if(this.fillPatternImage()){var E=p();const A=E.createPattern(this.fillPatternImage(),this.fillPatternRepeat()||"repeat");if(A&&A.setTransform){const $=new n.Transform;$.translate(this.fillPatternX(),this.fillPatternY()),$.rotate(t.Konva.getAngle(this.fillPatternRotation())),$.scale(this.fillPatternScaleX(),this.fillPatternScaleY()),$.translate(-1*this.fillPatternOffsetX(),-1*this.fillPatternOffsetY());const I=$.getMatrix(),C=typeof DOMMatrix>"u"?{a:I[0],b:I[1],c:I[2],d:I[3],e:I[4],f:I[5]}:new DOMMatrix(I);A.setTransform(C)}return A}}_getLinearGradient(){return this._getCache(d,this.__getLinearGradient)}__getLinearGradient(){var E=this.fillLinearGradientColorStops();if(E){for(var A=p(),$=this.fillLinearGradientStartPoint(),I=this.fillLinearGradientEndPoint(),C=A.createLinearGradient($.x,$.y,I.x,I.y),R=0;Rthis.fillEnabled()&&!!(this.fill()||this.fillPatternImage()||this.fillLinearGradientColorStops()||this.fillRadialGradientColorStops()))}hasStroke(){return this._calculate("hasStroke",["strokeEnabled","strokeWidth","stroke","strokeLinearGradientColorStops"],()=>this.strokeEnabled()&&this.strokeWidth()&&!!(this.stroke()||this.strokeLinearGradientColorStops()))}hasHitStroke(){const E=this.hitStrokeWidth();return E==="auto"?this.hasStroke():this.strokeEnabled()&&!!E}intersects(E){var A=this.getStage(),$=A.bufferHitCanvas,I;return $.getContext().clear(),this.drawHit($,null,!0),I=$.context.getImageData(Math.round(E.x),Math.round(E.y),1,1).data,I[3]>0}destroy(){return i.Node.prototype.destroy.call(this),delete e.shapes[this.colorKey],delete this.colorKey,this}_useBufferCanvas(E){var A;if(!this.getStage()||!((A=this.attrs.perfectDrawEnabled)!==null&&A!==void 0?A:!0))return!1;const I=E||this.hasFill(),C=this.hasStroke(),R=this.getAbsoluteOpacity()!==1;if(I&&C&&R)return!0;const M=this.hasShadow(),N=this.shadowForStrokeEnabled();return!!(I&&C&&M&&N)}setStrokeHitEnabled(E){n.Util.warn("strokeHitEnabled property is deprecated. Please use hitStrokeWidth instead."),E?this.hitStrokeWidth("auto"):this.hitStrokeWidth(0)}getStrokeHitEnabled(){return this.hitStrokeWidth()!==0}getSelfRect(){var E=this.size();return{x:this._centroid?-E.width/2:0,y:this._centroid?-E.height/2:0,width:E.width,height:E.height}}getClientRect(E={}){const A=E.skipTransform,$=E.relativeTo,I=this.getSelfRect(),R=!E.skipStroke&&this.hasStroke()&&this.strokeWidth()||0,M=I.width+R,N=I.height+R,O=!E.skipShadow&&this.hasShadow(),D=O?this.shadowOffsetX():0,L=O?this.shadowOffsetY():0,j=M+Math.abs(D),U=N+Math.abs(L),G=O&&this.shadowBlur()||0,W=j+G*2,X=U+G*2,Y={width:W,height:X,x:-(R/2+G)+Math.min(D,0)+I.x,y:-(R/2+G)+Math.min(L,0)+I.y};return A?Y:this._transformedRect(Y,$)}drawScene(E,A){var $=this.getLayer(),I=E||$.getCanvas(),C=I.getContext(),R=this._getCanvasCache(),M=this.getSceneFunc(),N=this.hasShadow(),O,D,L,j=I.isCache,U=A===this;if(!this.isVisible()&&!U)return this;if(R){C.save();var G=this.getAbsoluteTransform(A).getMatrix();return C.transform(G[0],G[1],G[2],G[3],G[4],G[5]),this._drawCachedSceneCanvas(C),C.restore(),this}if(!M)return this;if(C.save(),this._useBufferCanvas()&&!j){O=this.getStage(),D=O.bufferCanvas,L=D.getContext(),L.clear(),L.save(),L._applyLineJoin(this);var W=this.getAbsoluteTransform(A).getMatrix();L.transform(W[0],W[1],W[2],W[3],W[4],W[5]),M.call(this,L,this),L.restore();var X=D.pixelRatio;N&&C._applyShadow(this),C._applyOpacity(this),C._applyGlobalCompositeOperation(this),C.drawImage(D._canvas,0,0,D.width/X,D.height/X)}else{if(C._applyLineJoin(this),!U){var W=this.getAbsoluteTransform(A).getMatrix();C.transform(W[0],W[1],W[2],W[3],W[4],W[5]),C._applyOpacity(this),C._applyGlobalCompositeOperation(this)}N&&C._applyShadow(this),M.call(this,C,this)}return C.restore(),this}drawHit(E,A,$=!1){if(!this.shouldDrawHit(A,$))return this;var I=this.getLayer(),C=E||I.hitCanvas,R=C&&C.getContext(),M=this.hitFunc()||this.sceneFunc(),N=this._getCanvasCache(),O=N&&N.hit;if(this.colorKey||n.Util.warn("Looks like your canvas has a destroyed shape in it. Do not reuse shape after you destroyed it. If you want to reuse shape you should call remove() instead of destroy()"),O){R.save();var D=this.getAbsoluteTransform(A).getMatrix();return R.transform(D[0],D[1],D[2],D[3],D[4],D[5]),this._drawCachedHitCanvas(R),R.restore(),this}if(!M)return this;if(R.save(),R._applyLineJoin(this),!(this===A)){var j=this.getAbsoluteTransform(A).getMatrix();R.transform(j[0],j[1],j[2],j[3],j[4],j[5])}return M.call(this,R,this),R.restore(),this}drawHitFromCache(E=0){var A=this._getCanvasCache(),$=this._getCachedSceneCanvas(),I=A.hit,C=I.getContext(),R=I.getWidth(),M=I.getHeight(),N,O,D,L,j,U;C.clear(),C.drawImage($._canvas,0,0,R,M);try{for(N=C.getImageData(0,0,R,M),O=N.data,D=O.length,L=n.Util._hexToRgb(this.colorKey),j=0;jE?(O[j]=L.r,O[j+1]=L.g,O[j+2]=L.b,O[j+3]=255):O[j+3]=0;C.putImageData(N,0,0)}catch(G){n.Util.error("Unable to draw hit graph from cached scene canvas. "+G.message)}return this}hasPointerCapture(E){return a.hasPointerCapture(E,this)}setPointerCapture(E){a.setPointerCapture(E,this)}releaseCapture(E){a.releaseCapture(E,this)}}e.Shape=T,T.prototype._fillFunc=m,T.prototype._strokeFunc=S,T.prototype._fillFuncHit=y,T.prototype._strokeFuncHit=v,T.prototype._centroid=!1,T.prototype.nodeType="Shape",(0,s._registerNode)(T),T.prototype.eventListeners={},T.prototype.on.call(T.prototype,"shadowColorChange.konva shadowBlurChange.konva shadowOffsetChange.konva shadowOpacityChange.konva shadowEnabledChange.konva",g),T.prototype.on.call(T.prototype,"shadowColorChange.konva shadowOpacityChange.konva shadowEnabledChange.konva",b),T.prototype.on.call(T.prototype,"fillPriorityChange.konva fillPatternImageChange.konva fillPatternRepeatChange.konva fillPatternScaleXChange.konva fillPatternScaleYChange.konva fillPatternOffsetXChange.konva fillPatternOffsetYChange.konva fillPatternXChange.konva fillPatternYChange.konva fillPatternRotationChange.konva",_),T.prototype.on.call(T.prototype,"fillPriorityChange.konva fillLinearGradientColorStopsChange.konva fillLinearGradientStartPointXChange.konva fillLinearGradientStartPointYChange.konva fillLinearGradientEndPointXChange.konva fillLinearGradientEndPointYChange.konva",w),T.prototype.on.call(T.prototype,"fillPriorityChange.konva fillRadialGradientColorStopsChange.konva fillRadialGradientStartPointXChange.konva fillRadialGradientStartPointYChange.konva fillRadialGradientEndPointXChange.konva fillRadialGradientEndPointYChange.konva fillRadialGradientStartRadiusChange.konva fillRadialGradientEndRadiusChange.konva",x),r.Factory.addGetterSetter(T,"stroke",void 0,(0,o.getStringOrGradientValidator)()),r.Factory.addGetterSetter(T,"strokeWidth",2,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillAfterStrokeEnabled",!1),r.Factory.addGetterSetter(T,"hitStrokeWidth","auto",(0,o.getNumberOrAutoValidator)()),r.Factory.addGetterSetter(T,"strokeHitEnabled",!0,(0,o.getBooleanValidator)()),r.Factory.addGetterSetter(T,"perfectDrawEnabled",!0,(0,o.getBooleanValidator)()),r.Factory.addGetterSetter(T,"shadowForStrokeEnabled",!0,(0,o.getBooleanValidator)()),r.Factory.addGetterSetter(T,"lineJoin"),r.Factory.addGetterSetter(T,"lineCap"),r.Factory.addGetterSetter(T,"sceneFunc"),r.Factory.addGetterSetter(T,"hitFunc"),r.Factory.addGetterSetter(T,"dash"),r.Factory.addGetterSetter(T,"dashOffset",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"shadowColor",void 0,(0,o.getStringValidator)()),r.Factory.addGetterSetter(T,"shadowBlur",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"shadowOpacity",1,(0,o.getNumberValidator)()),r.Factory.addComponentsGetterSetter(T,"shadowOffset",["x","y"]),r.Factory.addGetterSetter(T,"shadowOffsetX",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"shadowOffsetY",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillPatternImage"),r.Factory.addGetterSetter(T,"fill",void 0,(0,o.getStringOrGradientValidator)()),r.Factory.addGetterSetter(T,"fillPatternX",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillPatternY",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillLinearGradientColorStops"),r.Factory.addGetterSetter(T,"strokeLinearGradientColorStops"),r.Factory.addGetterSetter(T,"fillRadialGradientStartRadius",0),r.Factory.addGetterSetter(T,"fillRadialGradientEndRadius",0),r.Factory.addGetterSetter(T,"fillRadialGradientColorStops"),r.Factory.addGetterSetter(T,"fillPatternRepeat","repeat"),r.Factory.addGetterSetter(T,"fillEnabled",!0),r.Factory.addGetterSetter(T,"strokeEnabled",!0),r.Factory.addGetterSetter(T,"shadowEnabled",!0),r.Factory.addGetterSetter(T,"dashEnabled",!0),r.Factory.addGetterSetter(T,"strokeScaleEnabled",!0),r.Factory.addGetterSetter(T,"fillPriority","color"),r.Factory.addComponentsGetterSetter(T,"fillPatternOffset",["x","y"]),r.Factory.addGetterSetter(T,"fillPatternOffsetX",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillPatternOffsetY",0,(0,o.getNumberValidator)()),r.Factory.addComponentsGetterSetter(T,"fillPatternScale",["x","y"]),r.Factory.addGetterSetter(T,"fillPatternScaleX",1,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillPatternScaleY",1,(0,o.getNumberValidator)()),r.Factory.addComponentsGetterSetter(T,"fillLinearGradientStartPoint",["x","y"]),r.Factory.addComponentsGetterSetter(T,"strokeLinearGradientStartPoint",["x","y"]),r.Factory.addGetterSetter(T,"fillLinearGradientStartPointX",0),r.Factory.addGetterSetter(T,"strokeLinearGradientStartPointX",0),r.Factory.addGetterSetter(T,"fillLinearGradientStartPointY",0),r.Factory.addGetterSetter(T,"strokeLinearGradientStartPointY",0),r.Factory.addComponentsGetterSetter(T,"fillLinearGradientEndPoint",["x","y"]),r.Factory.addComponentsGetterSetter(T,"strokeLinearGradientEndPoint",["x","y"]),r.Factory.addGetterSetter(T,"fillLinearGradientEndPointX",0),r.Factory.addGetterSetter(T,"strokeLinearGradientEndPointX",0),r.Factory.addGetterSetter(T,"fillLinearGradientEndPointY",0),r.Factory.addGetterSetter(T,"strokeLinearGradientEndPointY",0),r.Factory.addComponentsGetterSetter(T,"fillRadialGradientStartPoint",["x","y"]),r.Factory.addGetterSetter(T,"fillRadialGradientStartPointX",0),r.Factory.addGetterSetter(T,"fillRadialGradientStartPointY",0),r.Factory.addComponentsGetterSetter(T,"fillRadialGradientEndPoint",["x","y"]),r.Factory.addGetterSetter(T,"fillRadialGradientEndPointX",0),r.Factory.addGetterSetter(T,"fillRadialGradientEndPointY",0),r.Factory.addGetterSetter(T,"fillPatternRotation",0),r.Factory.addGetterSetter(T,"fillRule",void 0,(0,o.getStringValidator)()),r.Factory.backCompat(T,{dashArray:"dash",getDashArray:"getDash",setDashArray:"getDash",drawFunc:"sceneFunc",getDrawFunc:"getSceneFunc",setDrawFunc:"setSceneFunc",drawHitFunc:"hitFunc",getDrawHitFunc:"getHitFunc",setDrawHitFunc:"setHitFunc"})})(on);Object.defineProperty(kh,"__esModule",{value:!0});kh.Layer=void 0;const go=Ot,qb=gl,Gl=wt,xC=Te,s6=_i,lde=de,ude=on,cde=Pe;var dde="#",fde="beforeDraw",hde="draw",pN=[{x:0,y:0},{x:-1,y:-1},{x:1,y:-1},{x:1,y:1},{x:-1,y:1}],pde=pN.length;class bc extends qb.Container{constructor(t){super(t),this.canvas=new s6.SceneCanvas,this.hitCanvas=new s6.HitCanvas({pixelRatio:1}),this._waitingForDraw=!1,this.on("visibleChange.konva",this._checkVisibility),this._checkVisibility(),this.on("imageSmoothingEnabledChange.konva",this._setSmoothEnabled),this._setSmoothEnabled()}createPNGStream(){return this.canvas._canvas.createPNGStream()}getCanvas(){return this.canvas}getNativeCanvasElement(){return this.canvas._canvas}getHitCanvas(){return this.hitCanvas}getContext(){return this.getCanvas().getContext()}clear(t){return this.getContext().clear(t),this.getHitCanvas().getContext().clear(t),this}setZIndex(t){super.setZIndex(t);var n=this.getStage();return n&&n.content&&(n.content.removeChild(this.getNativeCanvasElement()),t{this.draw(),this._waitingForDraw=!1})),this}getIntersection(t){if(!this.isListening()||!this.isVisible())return null;for(var n=1,r=!1;;){for(let i=0;i0)return{antialiased:!0};return{}}drawScene(t,n){var r=this.getLayer(),i=t||r&&r.getCanvas();return this._fire(fde,{node:this}),this.clearBeforeDraw()&&i.getContext().clear(),qb.Container.prototype.drawScene.call(this,i,n),this._fire(hde,{node:this}),this}drawHit(t,n){var r=this.getLayer(),i=t||r&&r.hitCanvas;return r&&r.clearBeforeDraw()&&r.getHitCanvas().getContext().clear(),qb.Container.prototype.drawHit.call(this,i,n),this}enableHitGraph(){return this.hitGraphEnabled(!0),this}disableHitGraph(){return this.hitGraphEnabled(!1),this}setHitGraphEnabled(t){go.Util.warn("hitGraphEnabled method is deprecated. Please use layer.listening() instead."),this.listening(t)}getHitGraphEnabled(t){return go.Util.warn("hitGraphEnabled method is deprecated. Please use layer.listening() instead."),this.listening()}toggleHitCanvas(){if(!(!this.parent||!this.parent.content)){var t=this.parent,n=!!this.hitCanvas._canvas.parentNode;n?t.content.removeChild(this.hitCanvas._canvas):t.content.appendChild(this.hitCanvas._canvas)}}destroy(){return go.Util.releaseCanvas(this.getNativeCanvasElement(),this.getHitCanvas()._canvas),super.destroy()}}kh.Layer=bc;bc.prototype.nodeType="Layer";(0,cde._registerNode)(bc);xC.Factory.addGetterSetter(bc,"imageSmoothingEnabled",!0);xC.Factory.addGetterSetter(bc,"clearBeforeDraw",!0);xC.Factory.addGetterSetter(bc,"hitGraphEnabled",!0,(0,lde.getBooleanValidator)());var uv={};Object.defineProperty(uv,"__esModule",{value:!0});uv.FastLayer=void 0;const gde=Ot,mde=kh,yde=Pe;class CC extends mde.Layer{constructor(t){super(t),this.listening(!1),gde.Util.warn('Konva.Fast layer is deprecated. Please use "new Konva.Layer({ listening: false })" instead.')}}uv.FastLayer=CC;CC.prototype.nodeType="FastLayer";(0,yde._registerNode)(CC);var Sc={};Object.defineProperty(Sc,"__esModule",{value:!0});Sc.Group=void 0;const vde=Ot,bde=gl,Sde=Pe;class TC extends bde.Container{_validateAdd(t){var n=t.getType();n!=="Group"&&n!=="Shape"&&vde.Util.throw("You may only add groups and shapes to groups.")}}Sc.Group=TC;TC.prototype.nodeType="Group";(0,Sde._registerNode)(TC);var _c={};Object.defineProperty(_c,"__esModule",{value:!0});_c.Animation=void 0;const Wb=Pe,a6=Ot;var Kb=function(){return Wb.glob.performance&&Wb.glob.performance.now?function(){return Wb.glob.performance.now()}:function(){return new Date().getTime()}}();class Gi{constructor(t,n){this.id=Gi.animIdCounter++,this.frame={time:0,timeDiff:0,lastTime:Kb(),frameRate:0},this.func=t,this.setLayers(n)}setLayers(t){var n=[];return t?t.length>0?n=t:n=[t]:n=[],this.layers=n,this}getLayers(){return this.layers}addLayer(t){var n=this.layers,r=n.length,i;for(i=0;ithis.duration?this.yoyo?(this._time=this.duration,this.reverse()):this.finish():p<0?this.yoyo?(this._time=0,this.play()):this.reset():(this._time=p,this.update())}getTime(){return this._time}setPosition(p){this.prevPos=this._pos,this.propFunc(p),this._pos=p}getPosition(p){return p===void 0&&(p=this._time),this.func(p,this.begin,this._change,this.duration)}play(){this.state=a,this._startTime=this.getTimer()-this._time,this.onEnterFrame(),this.fire("onPlay")}reverse(){this.state=l,this._time=this.duration-this._time,this._startTime=this.getTimer()-this._time,this.onEnterFrame(),this.fire("onReverse")}seek(p){this.pause(),this._time=p,this.update(),this.fire("onSeek")}reset(){this.pause(),this._time=0,this.update(),this.fire("onReset")}finish(){this.pause(),this._time=this.duration,this.update(),this.fire("onFinish")}update(){this.setPosition(this.getPosition(this._time)),this.fire("onUpdate")}onEnterFrame(){var p=this.getTimer()-this._startTime;this.state===a?this.setTime(p):this.state===l&&this.setTime(this.duration-p)}pause(){this.state=s,this.fire("onPause")}getTimer(){return new Date().getTime()}}class f{constructor(p){var m=this,S=p.node,y=S._id,v,g=p.easing||e.Easings.Linear,b=!!p.yoyo,_;typeof p.duration>"u"?v=.3:p.duration===0?v=.001:v=p.duration,this.node=S,this._id=u++;var w=S.getLayer()||(S instanceof i.Konva.Stage?S.getLayers():null);w||t.Util.error("Tween constructor have `node` that is not in a layer. Please add node into layer first."),this.anim=new n.Animation(function(){m.tween.onEnterFrame()},w),this.tween=new d(_,function(x){m._tweenFunc(x)},g,0,1,v*1e3,b),this._addListeners(),f.attrs[y]||(f.attrs[y]={}),f.attrs[y][this._id]||(f.attrs[y][this._id]={}),f.tweens[y]||(f.tweens[y]={});for(_ in p)o[_]===void 0&&this._addAttr(_,p[_]);this.reset(),this.onFinish=p.onFinish,this.onReset=p.onReset,this.onUpdate=p.onUpdate}_addAttr(p,m){var S=this.node,y=S._id,v,g,b,_,w,x,T,P;if(b=f.tweens[y][p],b&&delete f.attrs[y][b][p],v=S.getAttr(p),t.Util._isArray(m))if(g=[],w=Math.max(m.length,v.length),p==="points"&&m.length!==v.length&&(m.length>v.length?(T=v,v=t.Util._prepareArrayForTween(v,m,S.closed())):(x=m,m=t.Util._prepareArrayForTween(m,v,S.closed()))),p.indexOf("fill")===0)for(_=0;_{this.anim.start()},this.tween.onReverse=()=>{this.anim.start()},this.tween.onPause=()=>{this.anim.stop()},this.tween.onFinish=()=>{var p=this.node,m=f.attrs[p._id][this._id];m.points&&m.points.trueEnd&&p.setAttr("points",m.points.trueEnd),this.onFinish&&this.onFinish.call(this)},this.tween.onReset=()=>{var p=this.node,m=f.attrs[p._id][this._id];m.points&&m.points.trueStart&&p.points(m.points.trueStart),this.onReset&&this.onReset()},this.tween.onUpdate=()=>{this.onUpdate&&this.onUpdate.call(this)}}play(){return this.tween.play(),this}reverse(){return this.tween.reverse(),this}reset(){return this.tween.reset(),this}seek(p){return this.tween.seek(p*1e3),this}pause(){return this.tween.pause(),this}finish(){return this.tween.finish(),this}destroy(){var p=this.node._id,m=this._id,S=f.tweens[p],y;this.pause();for(y in S)delete f.tweens[p][y];delete f.attrs[p][m]}}e.Tween=f,f.attrs={},f.tweens={},r.Node.prototype.to=function(h){var p=h.onFinish;h.node=this,h.onFinish=function(){this.destroy(),p&&p()};var m=new f(h);m.play()},e.Easings={BackEaseIn(h,p,m,S){var y=1.70158;return m*(h/=S)*h*((y+1)*h-y)+p},BackEaseOut(h,p,m,S){var y=1.70158;return m*((h=h/S-1)*h*((y+1)*h+y)+1)+p},BackEaseInOut(h,p,m,S){var y=1.70158;return(h/=S/2)<1?m/2*(h*h*(((y*=1.525)+1)*h-y))+p:m/2*((h-=2)*h*(((y*=1.525)+1)*h+y)+2)+p},ElasticEaseIn(h,p,m,S,y,v){var g=0;return h===0?p:(h/=S)===1?p+m:(v||(v=S*.3),!y||y0?t:n),c=s*n,d=a*(a>0?t:n),f=l*(l>0?n:t);return{x:u,y:r?-1*f:d,width:c-u,height:f-d}}}cv.Arc=Yo;Yo.prototype._centroid=!0;Yo.prototype.className="Arc";Yo.prototype._attrsAffectingSize=["innerRadius","outerRadius"];(0,wde._registerNode)(Yo);dv.Factory.addGetterSetter(Yo,"innerRadius",0,(0,fv.getNumberValidator)());dv.Factory.addGetterSetter(Yo,"outerRadius",0,(0,fv.getNumberValidator)());dv.Factory.addGetterSetter(Yo,"angle",0,(0,fv.getNumberValidator)());dv.Factory.addGetterSetter(Yo,"clockwise",!1,(0,fv.getBooleanValidator)());var hv={},Rh={};Object.defineProperty(Rh,"__esModule",{value:!0});Rh.Line=void 0;const pv=Te,xde=on,mN=de,Cde=Pe;function b2(e,t,n,r,i,o,s){var a=Math.sqrt(Math.pow(n-e,2)+Math.pow(r-t,2)),l=Math.sqrt(Math.pow(i-n,2)+Math.pow(o-r,2)),u=s*a/(a+l),c=s*l/(a+l),d=n-u*(i-e),f=r-u*(o-t),h=n+c*(i-e),p=r+c*(o-t);return[d,f,h,p]}function u6(e,t){var n=e.length,r=[],i,o;for(i=2;i4){for(a=this.getTensionPoints(),l=a.length,u=o?0:4,o||t.quadraticCurveTo(a[0],a[1],a[2],a[3]);u{let u,c,d;u=l/2,c=0;for(let h=0;h<20;h++)d=u*e.tValues[20][h]+u,c+=e.cValues[20][h]*r(s,a,d);return u*c};e.getCubicArcLength=t;const n=(s,a,l)=>{l===void 0&&(l=1);const u=s[0]-2*s[1]+s[2],c=a[0]-2*a[1]+a[2],d=2*s[1]-2*s[0],f=2*a[1]-2*a[0],h=4*(u*u+c*c),p=4*(u*d+c*f),m=d*d+f*f;if(h===0)return l*Math.sqrt(Math.pow(s[2]-s[0],2)+Math.pow(a[2]-a[0],2));const S=p/(2*h),y=m/h,v=l+S,g=y-S*S,b=v*v+g>0?Math.sqrt(v*v+g):0,_=S*S+g>0?Math.sqrt(S*S+g):0,w=S+Math.sqrt(S*S+g)!==0?g*Math.log(Math.abs((v+b)/(S+_))):0;return Math.sqrt(h)/2*(v*b-S*_+w)};e.getQuadraticArcLength=n;function r(s,a,l){const u=i(1,l,s),c=i(1,l,a),d=u*u+c*c;return Math.sqrt(d)}const i=(s,a,l)=>{const u=l.length-1;let c,d;if(u===0)return 0;if(s===0){d=0;for(let f=0;f<=u;f++)d+=e.binomialCoefficients[u][f]*Math.pow(1-a,u-f)*Math.pow(a,f)*l[f];return d}else{c=new Array(u);for(let f=0;f{let u=1,c=s/a,d=(s-l(c))/a,f=0;for(;u>.001;){const h=l(c+d),p=Math.abs(s-h)/a;if(p500)break}return c};e.t2length=o})(yN);Object.defineProperty(wc,"__esModule",{value:!0});wc.Path=void 0;const Tde=Te,Ede=on,Pde=Pe,Hl=yN;class Zt extends Ede.Shape{constructor(t){super(t),this.dataArray=[],this.pathLength=0,this._readDataAttribute(),this.on("dataChange.konva",function(){this._readDataAttribute()})}_readDataAttribute(){this.dataArray=Zt.parsePathData(this.data()),this.pathLength=Zt.getPathLength(this.dataArray)}_sceneFunc(t){var n=this.dataArray;t.beginPath();for(var r=!1,i=0;ic?u:c,S=u>c?1:u/c,y=u>c?c/u:1;t.translate(a,l),t.rotate(h),t.scale(S,y),t.arc(0,0,m,d,d+f,1-p),t.scale(1/S,1/y),t.rotate(-h),t.translate(-a,-l);break;case"z":r=!0,t.closePath();break}}!r&&!this.hasFill()?t.strokeShape(this):t.fillStrokeShape(this)}getSelfRect(){var t=[];this.dataArray.forEach(function(u){if(u.command==="A"){var c=u.points[4],d=u.points[5],f=u.points[4]+d,h=Math.PI/180;if(Math.abs(c-f)f;p-=h){const m=Zt.getPointOnEllipticalArc(u.points[0],u.points[1],u.points[2],u.points[3],p,0);t.push(m.x,m.y)}else for(let p=c+h;pn[i].pathLength;)t-=n[i].pathLength,++i;if(i===o)return r=n[i-1].points.slice(-2),{x:r[0],y:r[1]};if(t<.01)return r=n[i].points.slice(0,2),{x:r[0],y:r[1]};var s=n[i],a=s.points;switch(s.command){case"L":return Zt.getPointOnLine(t,s.start.x,s.start.y,a[0],a[1]);case"C":return Zt.getPointOnCubicBezier((0,Hl.t2length)(t,Zt.getPathLength(n),m=>(0,Hl.getCubicArcLength)([s.start.x,a[0],a[2],a[4]],[s.start.y,a[1],a[3],a[5]],m)),s.start.x,s.start.y,a[0],a[1],a[2],a[3],a[4],a[5]);case"Q":return Zt.getPointOnQuadraticBezier((0,Hl.t2length)(t,Zt.getPathLength(n),m=>(0,Hl.getQuadraticArcLength)([s.start.x,a[0],a[2]],[s.start.y,a[1],a[3]],m)),s.start.x,s.start.y,a[0],a[1],a[2],a[3]);case"A":var l=a[0],u=a[1],c=a[2],d=a[3],f=a[4],h=a[5],p=a[6];return f+=h*t/s.pathLength,Zt.getPointOnEllipticalArc(l,u,c,d,f,p)}return null}static getPointOnLine(t,n,r,i,o,s,a){s===void 0&&(s=n),a===void 0&&(a=r);var l=(o-r)/(i-n+1e-8),u=Math.sqrt(t*t/(1+l*l));i0&&!isNaN(p[0]);){var v=null,g=[],b=l,_=u,w,x,T,P,E,A,$,I,C,R;switch(h){case"l":l+=p.shift(),u+=p.shift(),v="L",g.push(l,u);break;case"L":l=p.shift(),u=p.shift(),g.push(l,u);break;case"m":var M=p.shift(),N=p.shift();if(l+=M,u+=N,v="M",s.length>2&&s[s.length-1].command==="z"){for(var O=s.length-2;O>=0;O--)if(s[O].command==="M"){l=s[O].points[0]+M,u=s[O].points[1]+N;break}}g.push(l,u),h="l";break;case"M":l=p.shift(),u=p.shift(),v="M",g.push(l,u),h="L";break;case"h":l+=p.shift(),v="L",g.push(l,u);break;case"H":l=p.shift(),v="L",g.push(l,u);break;case"v":u+=p.shift(),v="L",g.push(l,u);break;case"V":u=p.shift(),v="L",g.push(l,u);break;case"C":g.push(p.shift(),p.shift(),p.shift(),p.shift()),l=p.shift(),u=p.shift(),g.push(l,u);break;case"c":g.push(l+p.shift(),u+p.shift(),l+p.shift(),u+p.shift()),l+=p.shift(),u+=p.shift(),v="C",g.push(l,u);break;case"S":x=l,T=u,w=s[s.length-1],w.command==="C"&&(x=l+(l-w.points[2]),T=u+(u-w.points[3])),g.push(x,T,p.shift(),p.shift()),l=p.shift(),u=p.shift(),v="C",g.push(l,u);break;case"s":x=l,T=u,w=s[s.length-1],w.command==="C"&&(x=l+(l-w.points[2]),T=u+(u-w.points[3])),g.push(x,T,l+p.shift(),u+p.shift()),l+=p.shift(),u+=p.shift(),v="C",g.push(l,u);break;case"Q":g.push(p.shift(),p.shift()),l=p.shift(),u=p.shift(),g.push(l,u);break;case"q":g.push(l+p.shift(),u+p.shift()),l+=p.shift(),u+=p.shift(),v="Q",g.push(l,u);break;case"T":x=l,T=u,w=s[s.length-1],w.command==="Q"&&(x=l+(l-w.points[0]),T=u+(u-w.points[1])),l=p.shift(),u=p.shift(),v="Q",g.push(x,T,l,u);break;case"t":x=l,T=u,w=s[s.length-1],w.command==="Q"&&(x=l+(l-w.points[0]),T=u+(u-w.points[1])),l+=p.shift(),u+=p.shift(),v="Q",g.push(x,T,l,u);break;case"A":P=p.shift(),E=p.shift(),A=p.shift(),$=p.shift(),I=p.shift(),C=l,R=u,l=p.shift(),u=p.shift(),v="A",g=this.convertEndpointToCenterParameterization(C,R,l,u,$,I,P,E,A);break;case"a":P=p.shift(),E=p.shift(),A=p.shift(),$=p.shift(),I=p.shift(),C=l,R=u,l+=p.shift(),u+=p.shift(),v="A",g=this.convertEndpointToCenterParameterization(C,R,l,u,$,I,P,E,A);break}s.push({command:v||h,points:g,start:{x:b,y:_},pathLength:this.calcLength(b,_,v||h,g)})}(h==="z"||h==="Z")&&s.push({command:"z",points:[],start:void 0,pathLength:0})}return s}static calcLength(t,n,r,i){var o,s,a,l,u=Zt;switch(r){case"L":return u.getLineLength(t,n,i[0],i[1]);case"C":return(0,Hl.getCubicArcLength)([t,i[0],i[2],i[4]],[n,i[1],i[3],i[5]],1);case"Q":return(0,Hl.getQuadraticArcLength)([t,i[0],i[2]],[n,i[1],i[3]],1);case"A":o=0;var c=i[4],d=i[5],f=i[4]+d,h=Math.PI/180;if(Math.abs(c-f)f;l-=h)a=u.getPointOnEllipticalArc(i[0],i[1],i[2],i[3],l,0),o+=u.getLineLength(s.x,s.y,a.x,a.y),s=a;else for(l=c+h;l1&&(a*=Math.sqrt(h),l*=Math.sqrt(h));var p=Math.sqrt((a*a*(l*l)-a*a*(f*f)-l*l*(d*d))/(a*a*(f*f)+l*l*(d*d)));o===s&&(p*=-1),isNaN(p)&&(p=0);var m=p*a*f/l,S=p*-l*d/a,y=(t+r)/2+Math.cos(c)*m-Math.sin(c)*S,v=(n+i)/2+Math.sin(c)*m+Math.cos(c)*S,g=function(E){return Math.sqrt(E[0]*E[0]+E[1]*E[1])},b=function(E,A){return(E[0]*A[0]+E[1]*A[1])/(g(E)*g(A))},_=function(E,A){return(E[0]*A[1]=1&&(P=0),s===0&&P>0&&(P=P-2*Math.PI),s===1&&P<0&&(P=P+2*Math.PI),[y,v,a,l,w,P,c,s]}}wc.Path=Zt;Zt.prototype.className="Path";Zt.prototype._attrsAffectingSize=["data"];(0,Pde._registerNode)(Zt);Tde.Factory.addGetterSetter(Zt,"data");Object.defineProperty(hv,"__esModule",{value:!0});hv.Arrow=void 0;const gv=Te,Ade=Rh,vN=de,kde=Pe,c6=wc;class yl extends Ade.Line{_sceneFunc(t){super._sceneFunc(t);var n=Math.PI*2,r=this.points(),i=r,o=this.tension()!==0&&r.length>4;o&&(i=this.getTensionPoints());var s=this.pointerLength(),a=r.length,l,u;if(o){const f=[i[i.length-4],i[i.length-3],i[i.length-2],i[i.length-1],r[a-2],r[a-1]],h=c6.Path.calcLength(i[i.length-4],i[i.length-3],"C",f),p=c6.Path.getPointOnQuadraticBezier(Math.min(1,1-s/h),f[0],f[1],f[2],f[3],f[4],f[5]);l=r[a-2]-p.x,u=r[a-1]-p.y}else l=r[a-2]-r[a-4],u=r[a-1]-r[a-3];var c=(Math.atan2(u,l)+n)%n,d=this.pointerWidth();this.pointerAtEnding()&&(t.save(),t.beginPath(),t.translate(r[a-2],r[a-1]),t.rotate(c),t.moveTo(0,0),t.lineTo(-s,d/2),t.lineTo(-s,-d/2),t.closePath(),t.restore(),this.__fillStroke(t)),this.pointerAtBeginning()&&(t.save(),t.beginPath(),t.translate(r[0],r[1]),o?(l=(i[0]+i[2])/2-r[0],u=(i[1]+i[3])/2-r[1]):(l=r[2]-r[0],u=r[3]-r[1]),t.rotate((Math.atan2(-u,-l)+n)%n),t.moveTo(0,0),t.lineTo(-s,d/2),t.lineTo(-s,-d/2),t.closePath(),t.restore(),this.__fillStroke(t))}__fillStroke(t){var n=this.dashEnabled();n&&(this.attrs.dashEnabled=!1,t.setLineDash([])),t.fillStrokeShape(this),n&&(this.attrs.dashEnabled=!0)}getSelfRect(){const t=super.getSelfRect(),n=this.pointerWidth()/2;return{x:t.x-n,y:t.y-n,width:t.width+n*2,height:t.height+n*2}}}hv.Arrow=yl;yl.prototype.className="Arrow";(0,kde._registerNode)(yl);gv.Factory.addGetterSetter(yl,"pointerLength",10,(0,vN.getNumberValidator)());gv.Factory.addGetterSetter(yl,"pointerWidth",10,(0,vN.getNumberValidator)());gv.Factory.addGetterSetter(yl,"pointerAtBeginning",!1);gv.Factory.addGetterSetter(yl,"pointerAtEnding",!0);var mv={};Object.defineProperty(mv,"__esModule",{value:!0});mv.Circle=void 0;const Rde=Te,Ode=on,Mde=de,Ide=Pe;let xc=class extends Ode.Shape{_sceneFunc(t){t.beginPath(),t.arc(0,0,this.attrs.radius||0,0,Math.PI*2,!1),t.closePath(),t.fillStrokeShape(this)}getWidth(){return this.radius()*2}getHeight(){return this.radius()*2}setWidth(t){this.radius()!==t/2&&this.radius(t/2)}setHeight(t){this.radius()!==t/2&&this.radius(t/2)}};mv.Circle=xc;xc.prototype._centroid=!0;xc.prototype.className="Circle";xc.prototype._attrsAffectingSize=["radius"];(0,Ide._registerNode)(xc);Rde.Factory.addGetterSetter(xc,"radius",0,(0,Mde.getNumberValidator)());var yv={};Object.defineProperty(yv,"__esModule",{value:!0});yv.Ellipse=void 0;const EC=Te,Nde=on,bN=de,Dde=Pe;class sa extends Nde.Shape{_sceneFunc(t){var n=this.radiusX(),r=this.radiusY();t.beginPath(),t.save(),n!==r&&t.scale(1,r/n),t.arc(0,0,n,0,Math.PI*2,!1),t.restore(),t.closePath(),t.fillStrokeShape(this)}getWidth(){return this.radiusX()*2}getHeight(){return this.radiusY()*2}setWidth(t){this.radiusX(t/2)}setHeight(t){this.radiusY(t/2)}}yv.Ellipse=sa;sa.prototype.className="Ellipse";sa.prototype._centroid=!0;sa.prototype._attrsAffectingSize=["radiusX","radiusY"];(0,Dde._registerNode)(sa);EC.Factory.addComponentsGetterSetter(sa,"radius",["x","y"]);EC.Factory.addGetterSetter(sa,"radiusX",0,(0,bN.getNumberValidator)());EC.Factory.addGetterSetter(sa,"radiusY",0,(0,bN.getNumberValidator)());var vv={};Object.defineProperty(vv,"__esModule",{value:!0});vv.Image=void 0;const Xb=Ot,vl=Te,Lde=on,$de=Pe,Oh=de;let ao=class SN extends Lde.Shape{constructor(t){super(t),this.on("imageChange.konva",()=>{this._setImageLoad()}),this._setImageLoad()}_setImageLoad(){const t=this.image();t&&t.complete||t&&t.readyState===4||t&&t.addEventListener&&t.addEventListener("load",()=>{this._requestDraw()})}_useBufferCanvas(){return super._useBufferCanvas(!0)}_sceneFunc(t){const n=this.getWidth(),r=this.getHeight(),i=this.cornerRadius(),o=this.attrs.image;let s;if(o){const a=this.attrs.cropWidth,l=this.attrs.cropHeight;a&&l?s=[o,this.cropX(),this.cropY(),a,l,0,0,n,r]:s=[o,0,0,n,r]}(this.hasFill()||this.hasStroke()||i)&&(t.beginPath(),i?Xb.Util.drawRoundedRectPath(t,n,r,i):t.rect(0,0,n,r),t.closePath(),t.fillStrokeShape(this)),o&&(i&&t.clip(),t.drawImage.apply(t,s))}_hitFunc(t){var n=this.width(),r=this.height(),i=this.cornerRadius();t.beginPath(),i?Xb.Util.drawRoundedRectPath(t,n,r,i):t.rect(0,0,n,r),t.closePath(),t.fillStrokeShape(this)}getWidth(){var t,n;return(t=this.attrs.width)!==null&&t!==void 0?t:(n=this.image())===null||n===void 0?void 0:n.width}getHeight(){var t,n;return(t=this.attrs.height)!==null&&t!==void 0?t:(n=this.image())===null||n===void 0?void 0:n.height}static fromURL(t,n,r=null){var i=Xb.Util.createImageElement();i.onload=function(){var o=new SN({image:i});n(o)},i.onerror=r,i.crossOrigin="Anonymous",i.src=t}};vv.Image=ao;ao.prototype.className="Image";(0,$de._registerNode)(ao);vl.Factory.addGetterSetter(ao,"cornerRadius",0,(0,Oh.getNumberOrArrayOfNumbersValidator)(4));vl.Factory.addGetterSetter(ao,"image");vl.Factory.addComponentsGetterSetter(ao,"crop",["x","y","width","height"]);vl.Factory.addGetterSetter(ao,"cropX",0,(0,Oh.getNumberValidator)());vl.Factory.addGetterSetter(ao,"cropY",0,(0,Oh.getNumberValidator)());vl.Factory.addGetterSetter(ao,"cropWidth",0,(0,Oh.getNumberValidator)());vl.Factory.addGetterSetter(ao,"cropHeight",0,(0,Oh.getNumberValidator)());var sc={};Object.defineProperty(sc,"__esModule",{value:!0});sc.Tag=sc.Label=void 0;const bv=Te,Fde=on,Bde=Sc,PC=de,_N=Pe;var wN=["fontFamily","fontSize","fontStyle","padding","lineHeight","text","width","height","pointerDirection","pointerWidth","pointerHeight"],jde="Change.konva",Vde="none",S2="up",_2="right",w2="down",x2="left",zde=wN.length;class AC extends Bde.Group{constructor(t){super(t),this.on("add.konva",function(n){this._addListeners(n.child),this._sync()})}getText(){return this.find("Text")[0]}getTag(){return this.find("Tag")[0]}_addListeners(t){var n=this,r,i=function(){n._sync()};for(r=0;r{n=Math.min(n,s.x),r=Math.max(r,s.x),i=Math.min(i,s.y),o=Math.max(o,s.y)}),{x:n,y:i,width:r-n,height:o-i}}getWidth(){return this.radius()*2}getHeight(){return this.radius()*2}setWidth(t){this.radius(t/2)}setHeight(t){this.radius(t/2)}}_v.RegularPolygon=Sl;Sl.prototype.className="RegularPolygon";Sl.prototype._centroid=!0;Sl.prototype._attrsAffectingSize=["radius"];(0,Xde._registerNode)(Sl);xN.Factory.addGetterSetter(Sl,"radius",0,(0,CN.getNumberValidator)());xN.Factory.addGetterSetter(Sl,"sides",0,(0,CN.getNumberValidator)());var wv={};Object.defineProperty(wv,"__esModule",{value:!0});wv.Ring=void 0;const TN=Te,Yde=on,EN=de,Qde=Pe;var d6=Math.PI*2;class _l extends Yde.Shape{_sceneFunc(t){t.beginPath(),t.arc(0,0,this.innerRadius(),0,d6,!1),t.moveTo(this.outerRadius(),0),t.arc(0,0,this.outerRadius(),d6,0,!0),t.closePath(),t.fillStrokeShape(this)}getWidth(){return this.outerRadius()*2}getHeight(){return this.outerRadius()*2}setWidth(t){this.outerRadius(t/2)}setHeight(t){this.outerRadius(t/2)}}wv.Ring=_l;_l.prototype.className="Ring";_l.prototype._centroid=!0;_l.prototype._attrsAffectingSize=["innerRadius","outerRadius"];(0,Qde._registerNode)(_l);TN.Factory.addGetterSetter(_l,"innerRadius",0,(0,EN.getNumberValidator)());TN.Factory.addGetterSetter(_l,"outerRadius",0,(0,EN.getNumberValidator)());var xv={};Object.defineProperty(xv,"__esModule",{value:!0});xv.Sprite=void 0;const wl=Te,Zde=on,Jde=_c,PN=de,efe=Pe;class lo extends Zde.Shape{constructor(t){super(t),this._updated=!0,this.anim=new Jde.Animation(()=>{var n=this._updated;return this._updated=!1,n}),this.on("animationChange.konva",function(){this.frameIndex(0)}),this.on("frameIndexChange.konva",function(){this._updated=!0}),this.on("frameRateChange.konva",function(){this.anim.isRunning()&&(clearInterval(this.interval),this._setInterval())})}_sceneFunc(t){var n=this.animation(),r=this.frameIndex(),i=r*4,o=this.animations()[n],s=this.frameOffsets(),a=o[i+0],l=o[i+1],u=o[i+2],c=o[i+3],d=this.image();if((this.hasFill()||this.hasStroke())&&(t.beginPath(),t.rect(0,0,u,c),t.closePath(),t.fillStrokeShape(this)),d)if(s){var f=s[n],h=r*2;t.drawImage(d,a,l,u,c,f[h+0],f[h+1],u,c)}else t.drawImage(d,a,l,u,c,0,0,u,c)}_hitFunc(t){var n=this.animation(),r=this.frameIndex(),i=r*4,o=this.animations()[n],s=this.frameOffsets(),a=o[i+2],l=o[i+3];if(t.beginPath(),s){var u=s[n],c=r*2;t.rect(u[c+0],u[c+1],a,l)}else t.rect(0,0,a,l);t.closePath(),t.fillShape(this)}_useBufferCanvas(){return super._useBufferCanvas(!0)}_setInterval(){var t=this;this.interval=setInterval(function(){t._updateIndex()},1e3/this.frameRate())}start(){if(!this.isRunning()){var t=this.getLayer();this.anim.setLayers(t),this._setInterval(),this.anim.start()}}stop(){this.anim.stop(),clearInterval(this.interval)}isRunning(){return this.anim.isRunning()}_updateIndex(){var t=this.frameIndex(),n=this.animation(),r=this.animations(),i=r[n],o=i.length/4;t{t=t.trim();const n=t.indexOf(" ")>=0,r=t.indexOf('"')>=0||t.indexOf("'")>=0;return n&&!r&&(t=`"${t}"`),t}).join(", ")}var Fp;function Qb(){return Fp||(Fp=C2.Util.createCanvasElement().getContext(afe),Fp)}function vfe(e){e.fillText(this._partialText,this._partialTextX,this._partialTextY)}function bfe(e){e.setAttr("miterLimit",2),e.strokeText(this._partialText,this._partialTextX,this._partialTextY)}function Sfe(e){return e=e||{},!e.fillLinearGradientColorStops&&!e.fillRadialGradientColorStops&&!e.fillPatternImage&&(e.fill=e.fill||"black"),e}class zt extends rfe.Shape{constructor(t){super(Sfe(t)),this._partialTextX=0,this._partialTextY=0;for(var n=0;n1&&(y+=s)}}}_hitFunc(t){var n=this.getWidth(),r=this.getHeight();t.beginPath(),t.rect(0,0,n,r),t.closePath(),t.fillStrokeShape(this)}setText(t){var n=C2.Util._isString(t)?t:t==null?"":t+"";return this._setAttr(lfe,n),this}getWidth(){var t=this.attrs.width===ql||this.attrs.width===void 0;return t?this.getTextWidth()+this.padding()*2:this.attrs.width}getHeight(){var t=this.attrs.height===ql||this.attrs.height===void 0;return t?this.fontSize()*this.textArr.length*this.lineHeight()+this.padding()*2:this.attrs.height}getTextWidth(){return this.textWidth}getTextHeight(){return C2.Util.warn("text.getTextHeight() method is deprecated. Use text.height() - for full height and text.fontSize() - for one line height."),this.textHeight}measureSize(t){var n=Qb(),r=this.fontSize(),i;return n.save(),n.font=this._getContextFont(),i=n.measureText(t),n.restore(),{width:i.width,height:r}}_getContextFont(){return this.fontStyle()+$p+this.fontVariant()+$p+(this.fontSize()+ffe)+yfe(this.fontFamily())}_addTextLine(t){this.align()===Jc&&(t=t.trim());var r=this._getTextWidth(t);return this.textArr.push({text:t,width:r,lastInParagraph:!1})}_getTextWidth(t){var n=this.letterSpacing(),r=t.length;return Qb().measureText(t).width+(r?n*(r-1):0)}_setTextData(){var t=this.text().split(` +`),n=+this.fontSize(),r=0,i=this.lineHeight()*n,o=this.attrs.width,s=this.attrs.height,a=o!==ql&&o!==void 0,l=s!==ql&&s!==void 0,u=this.padding(),c=o-u*2,d=s-u*2,f=0,h=this.wrap(),p=h!==p6,m=h!==gfe&&p,S=this.ellipsis();this.textArr=[],Qb().font=this._getContextFont();for(var y=S?this._getTextWidth(Yb):0,v=0,g=t.length;vc)for(;b.length>0;){for(var w=0,x=b.length,T="",P=0;w>>1,A=b.slice(0,E+1),$=this._getTextWidth(A)+y;$<=c?(w=E+1,T=A,P=$):x=E}if(T){if(m){var I,C=b[T.length],R=C===$p||C===f6;R&&P<=c?I=T.length:I=Math.max(T.lastIndexOf($p),T.lastIndexOf(f6))+1,I>0&&(w=I,T=T.slice(0,w),P=this._getTextWidth(T))}T=T.trimRight(),this._addTextLine(T),r=Math.max(r,P),f+=i;var M=this._shouldHandleEllipsis(f);if(M){this._tryToAddEllipsisToLastLine();break}if(b=b.slice(w),b=b.trimLeft(),b.length>0&&(_=this._getTextWidth(b),_<=c)){this._addTextLine(b),f+=i,r=Math.max(r,_);break}}else break}else this._addTextLine(b),f+=i,r=Math.max(r,_),this._shouldHandleEllipsis(f)&&vd)break}this.textHeight=n,this.textWidth=r}_shouldHandleEllipsis(t){var n=+this.fontSize(),r=this.lineHeight()*n,i=this.attrs.height,o=i!==ql&&i!==void 0,s=this.padding(),a=i-s*2,l=this.wrap(),u=l!==p6;return!u||o&&t+r>a}_tryToAddEllipsisToLastLine(){var t=this.attrs.width,n=t!==ql&&t!==void 0,r=this.padding(),i=t-r*2,o=this.ellipsis(),s=this.textArr[this.textArr.length-1];if(!(!s||!o)){if(n){var a=this._getTextWidth(s.text+Yb)n?null:ed.Path.getPointAtLengthOfDataArray(t,this.dataArray)}_readDataAttribute(){this.dataArray=ed.Path.parsePathData(this.attrs.data),this.pathLength=this._getTextPathLength()}_sceneFunc(t){t.setAttr("font",this._getContextFont()),t.setAttr("textBaseline",this.textBaseline()),t.setAttr("textAlign","left"),t.save();var n=this.textDecoration(),r=this.fill(),i=this.fontSize(),o=this.glyphInfo;n==="underline"&&t.beginPath();for(var s=0;s=1){var r=n[0].p0;t.moveTo(r.x,r.y)}for(var i=0;ie+`.${LN}`).join(" "),y6="nodesRect",Afe=["widthChange","heightChange","scaleXChange","scaleYChange","skewXChange","skewYChange","rotationChange","offsetXChange","offsetYChange","transformsEnabledChange","strokeWidthChange"],kfe={"top-left":-45,"top-center":0,"top-right":45,"middle-right":-90,"middle-left":90,"bottom-left":-135,"bottom-center":180,"bottom-right":135};const Rfe="ontouchstart"in si.Konva._global;function Ofe(e,t){if(e==="rotater")return"crosshair";t+=Je.Util.degToRad(kfe[e]||0);var n=(Je.Util.radToDeg(t)%360+360)%360;return Je.Util._inRange(n,315+22.5,360)||Je.Util._inRange(n,0,22.5)?"ns-resize":Je.Util._inRange(n,45-22.5,45+22.5)?"nesw-resize":Je.Util._inRange(n,90-22.5,90+22.5)?"ew-resize":Je.Util._inRange(n,135-22.5,135+22.5)?"nwse-resize":Je.Util._inRange(n,180-22.5,180+22.5)?"ns-resize":Je.Util._inRange(n,225-22.5,225+22.5)?"nesw-resize":Je.Util._inRange(n,270-22.5,270+22.5)?"ew-resize":Je.Util._inRange(n,315-22.5,315+22.5)?"nwse-resize":(Je.Util.error("Transformer has unknown angle for cursor detection: "+n),"pointer")}var Zm=["top-left","top-center","top-right","middle-right","middle-left","bottom-left","bottom-center","bottom-right"],v6=1e8;function Mfe(e){return{x:e.x+e.width/2*Math.cos(e.rotation)+e.height/2*Math.sin(-e.rotation),y:e.y+e.height/2*Math.cos(e.rotation)+e.width/2*Math.sin(e.rotation)}}function $N(e,t,n){const r=n.x+(e.x-n.x)*Math.cos(t)-(e.y-n.y)*Math.sin(t),i=n.y+(e.x-n.x)*Math.sin(t)+(e.y-n.y)*Math.cos(t);return Object.assign(Object.assign({},e),{rotation:e.rotation+t,x:r,y:i})}function Ife(e,t){const n=Mfe(e);return $N(e,t,n)}function Nfe(e,t,n){let r=t;for(let i=0;ii.isAncestorOf(this)?(Je.Util.error("Konva.Transformer cannot be an a child of the node you are trying to attach"),!1):!0);this._nodes=t=n,t.length===1&&this.useSingleNodeRotation()?this.rotation(t[0].getAbsoluteRotation()):this.rotation(0),this._nodes.forEach(i=>{const o=()=>{this.nodes().length===1&&this.useSingleNodeRotation()&&this.rotation(this.nodes()[0].getAbsoluteRotation()),this._resetTransformCache(),!this._transforming&&!this.isDragging()&&this.update()},s=i._attrsAffectingSize.map(a=>a+"Change."+this._getEventNamespace()).join(" ");i.on(s,o),i.on(Afe.map(a=>a+`.${this._getEventNamespace()}`).join(" "),o),i.on(`absoluteTransformChange.${this._getEventNamespace()}`,o),this._proxyDrag(i)}),this._resetTransformCache();var r=!!this.findOne(".top-left");return r&&this.update(),this}_proxyDrag(t){let n;t.on(`dragstart.${this._getEventNamespace()}`,r=>{n=t.getAbsolutePosition(),!this.isDragging()&&t!==this.findOne(".back")&&this.startDrag(r,!1)}),t.on(`dragmove.${this._getEventNamespace()}`,r=>{if(!n)return;const i=t.getAbsolutePosition(),o=i.x-n.x,s=i.y-n.y;this.nodes().forEach(a=>{if(a===t||a.isDragging())return;const l=a.getAbsolutePosition();a.setAbsolutePosition({x:l.x+o,y:l.y+s}),a.startDrag(r)}),n=null})}getNodes(){return this._nodes||[]}getActiveAnchor(){return this._movingAnchorName}detach(){this._nodes&&this._nodes.forEach(t=>{t.off("."+this._getEventNamespace())}),this._nodes=[],this._resetTransformCache()}_resetTransformCache(){this._clearCache(y6),this._clearCache("transform"),this._clearSelfAndDescendantCache("absoluteTransform")}_getNodeRect(){return this._getCache(y6,this.__getNodeRect)}__getNodeShape(t,n=this.rotation(),r){var i=t.getClientRect({skipTransform:!0,skipShadow:!0,skipStroke:this.ignoreStroke()}),o=t.getAbsoluteScale(r),s=t.getAbsolutePosition(r),a=i.x*o.x-t.offsetX()*o.x,l=i.y*o.y-t.offsetY()*o.y;const u=(si.Konva.getAngle(t.getAbsoluteRotation())+Math.PI*2)%(Math.PI*2),c={x:s.x+a*Math.cos(u)+l*Math.sin(-u),y:s.y+l*Math.cos(u)+a*Math.sin(u),width:i.width*o.x,height:i.height*o.y,rotation:u};return $N(c,-si.Konva.getAngle(n),{x:0,y:0})}__getNodeRect(){var t=this.getNode();if(!t)return{x:-v6,y:-v6,width:0,height:0,rotation:0};const n=[];this.nodes().map(u=>{const c=u.getClientRect({skipTransform:!0,skipShadow:!0,skipStroke:this.ignoreStroke()});var d=[{x:c.x,y:c.y},{x:c.x+c.width,y:c.y},{x:c.x+c.width,y:c.y+c.height},{x:c.x,y:c.y+c.height}],f=u.getAbsoluteTransform();d.forEach(function(h){var p=f.point(h);n.push(p)})});const r=new Je.Transform;r.rotate(-si.Konva.getAngle(this.rotation()));var i,o,s,a;n.forEach(function(u){var c=r.point(u);i===void 0&&(i=s=c.x,o=a=c.y),i=Math.min(i,c.x),o=Math.min(o,c.y),s=Math.max(s,c.x),a=Math.max(a,c.y)}),r.invert();const l=r.point({x:i,y:o});return{x:l.x,y:l.y,width:s-i,height:a-o,rotation:si.Konva.getAngle(this.rotation())}}getX(){return this._getNodeRect().x}getY(){return this._getNodeRect().y}getWidth(){return this._getNodeRect().width}getHeight(){return this._getNodeRect().height}_createElements(){this._createBack(),Zm.forEach((function(t){this._createAnchor(t)}).bind(this)),this._createAnchor("rotater")}_createAnchor(t){var n=new Tfe.Rect({stroke:"rgb(0, 161, 255)",fill:"white",strokeWidth:1,name:t+" _anchor",dragDistance:0,draggable:!0,hitStrokeWidth:Rfe?10:"auto"}),r=this;n.on("mousedown touchstart",function(i){r._handleMouseDown(i)}),n.on("dragstart",i=>{n.stopDrag(),i.cancelBubble=!0}),n.on("dragend",i=>{i.cancelBubble=!0}),n.on("mouseenter",()=>{var i=si.Konva.getAngle(this.rotation()),o=Ofe(t,i);n.getStage().content&&(n.getStage().content.style.cursor=o),this._cursorChange=!0}),n.on("mouseout",()=>{n.getStage().content&&(n.getStage().content.style.cursor=""),this._cursorChange=!1}),this.add(n)}_createBack(){var t=new Cfe.Shape({name:"back",width:0,height:0,draggable:!0,sceneFunc(n){var r=this.getParent(),i=r.padding();n.beginPath(),n.rect(-i,-i,this.width()+i*2,this.height()+i*2),n.moveTo(this.width()/2,-i),r.rotateEnabled()&&n.lineTo(this.width()/2,-r.rotateAnchorOffset()*Je.Util._sign(this.height())-i),n.fillStrokeShape(this)},hitFunc:(n,r)=>{if(this.shouldOverdrawWholeArea()){var i=this.padding();n.beginPath(),n.rect(-i,-i,r.width()+i*2,r.height()+i*2),n.fillStrokeShape(r)}}});this.add(t),this._proxyDrag(t),t.on("dragstart",n=>{n.cancelBubble=!0}),t.on("dragmove",n=>{n.cancelBubble=!0}),t.on("dragend",n=>{n.cancelBubble=!0}),this.on("dragmove",n=>{this.update()})}_handleMouseDown(t){this._movingAnchorName=t.target.name().split(" ")[0];var n=this._getNodeRect(),r=n.width,i=n.height,o=Math.sqrt(Math.pow(r,2)+Math.pow(i,2));this.sin=Math.abs(i/o),this.cos=Math.abs(r/o),typeof window<"u"&&(window.addEventListener("mousemove",this._handleMouseMove),window.addEventListener("touchmove",this._handleMouseMove),window.addEventListener("mouseup",this._handleMouseUp,!0),window.addEventListener("touchend",this._handleMouseUp,!0)),this._transforming=!0;var s=t.target.getAbsolutePosition(),a=t.target.getStage().getPointerPosition();this._anchorDragOffset={x:a.x-s.x,y:a.y-s.y},this._fire("transformstart",{evt:t.evt,target:this.getNode()}),this._nodes.forEach(l=>{l._fire("transformstart",{evt:t.evt,target:l})})}_handleMouseMove(t){var n,r,i,o=this.findOne("."+this._movingAnchorName),s=o.getStage();s.setPointersPositions(t);const a=s.getPointerPosition();let l={x:a.x-this._anchorDragOffset.x,y:a.y-this._anchorDragOffset.y};const u=o.getAbsolutePosition();this.anchorDragBoundFunc()&&(l=this.anchorDragBoundFunc()(u,l,t)),o.setAbsolutePosition(l);const c=o.getAbsolutePosition();if(!(u.x===c.x&&u.y===c.y)){if(this._movingAnchorName==="rotater"){var d=this._getNodeRect();n=o.x()-d.width/2,r=-o.y()+d.height/2;let I=Math.atan2(-r,n)+Math.PI/2;d.height<0&&(I-=Math.PI);var f=si.Konva.getAngle(this.rotation());const C=f+I,R=si.Konva.getAngle(this.rotationSnapTolerance()),N=Nfe(this.rotationSnaps(),C,R)-d.rotation,O=Ife(d,N);this._fitNodesInto(O,t);return}var h=this.shiftBehavior(),p;h==="inverted"?p=this.keepRatio()&&!t.shiftKey:h==="none"?p=this.keepRatio():p=this.keepRatio()||t.shiftKey;var g=this.centeredScaling()||t.altKey;if(this._movingAnchorName==="top-left"){if(p){var m=g?{x:this.width()/2,y:this.height()/2}:{x:this.findOne(".bottom-right").x(),y:this.findOne(".bottom-right").y()};i=Math.sqrt(Math.pow(m.x-o.x(),2)+Math.pow(m.y-o.y(),2));var S=this.findOne(".top-left").x()>m.x?-1:1,y=this.findOne(".top-left").y()>m.y?-1:1;n=i*this.cos*S,r=i*this.sin*y,this.findOne(".top-left").x(m.x-n),this.findOne(".top-left").y(m.y-r)}}else if(this._movingAnchorName==="top-center")this.findOne(".top-left").y(o.y());else if(this._movingAnchorName==="top-right"){if(p){var m=g?{x:this.width()/2,y:this.height()/2}:{x:this.findOne(".bottom-left").x(),y:this.findOne(".bottom-left").y()};i=Math.sqrt(Math.pow(o.x()-m.x,2)+Math.pow(m.y-o.y(),2));var S=this.findOne(".top-right").x()m.y?-1:1;n=i*this.cos*S,r=i*this.sin*y,this.findOne(".top-right").x(m.x+n),this.findOne(".top-right").y(m.y-r)}var v=o.position();this.findOne(".top-left").y(v.y),this.findOne(".bottom-right").x(v.x)}else if(this._movingAnchorName==="middle-left")this.findOne(".top-left").x(o.x());else if(this._movingAnchorName==="middle-right")this.findOne(".bottom-right").x(o.x());else if(this._movingAnchorName==="bottom-left"){if(p){var m=g?{x:this.width()/2,y:this.height()/2}:{x:this.findOne(".top-right").x(),y:this.findOne(".top-right").y()};i=Math.sqrt(Math.pow(m.x-o.x(),2)+Math.pow(o.y()-m.y,2));var S=m.x{r._fire("transformend",{evt:t,target:r})}),this._movingAnchorName=null}}_fitNodesInto(t,n){var r=this._getNodeRect();const i=1;if(Je.Util._inRange(t.width,-this.padding()*2-i,i)){this.update();return}if(Je.Util._inRange(t.height,-this.padding()*2-i,i)){this.update();return}const o=this.flipEnabled();var s=new Je.Transform;if(s.rotate(si.Konva.getAngle(this.rotation())),this._movingAnchorName&&t.width<0&&this._movingAnchorName.indexOf("left")>=0){const d=s.point({x:-this.padding()*2,y:0});if(t.x+=d.x,t.y+=d.y,t.width+=this.padding()*2,this._movingAnchorName=this._movingAnchorName.replace("left","right"),this._anchorDragOffset.x-=d.x,this._anchorDragOffset.y-=d.y,!o){this.update();return}}else if(this._movingAnchorName&&t.width<0&&this._movingAnchorName.indexOf("right")>=0){const d=s.point({x:this.padding()*2,y:0});if(this._movingAnchorName=this._movingAnchorName.replace("right","left"),this._anchorDragOffset.x-=d.x,this._anchorDragOffset.y-=d.y,t.width+=this.padding()*2,!o){this.update();return}}if(this._movingAnchorName&&t.height<0&&this._movingAnchorName.indexOf("top")>=0){const d=s.point({x:0,y:-this.padding()*2});if(t.x+=d.x,t.y+=d.y,this._movingAnchorName=this._movingAnchorName.replace("top","bottom"),this._anchorDragOffset.x-=d.x,this._anchorDragOffset.y-=d.y,t.height+=this.padding()*2,!o){this.update();return}}else if(this._movingAnchorName&&t.height<0&&this._movingAnchorName.indexOf("bottom")>=0){const d=s.point({x:0,y:this.padding()*2});if(this._movingAnchorName=this._movingAnchorName.replace("bottom","top"),this._anchorDragOffset.x-=d.x,this._anchorDragOffset.y-=d.y,t.height+=this.padding()*2,!o){this.update();return}}if(this.boundBoxFunc()){const d=this.boundBoxFunc()(r,t);d?t=d:Je.Util.warn("boundBoxFunc returned falsy. You should return new bound rect from it!")}const a=1e7,l=new Je.Transform;l.translate(r.x,r.y),l.rotate(r.rotation),l.scale(r.width/a,r.height/a);const u=new Je.Transform;u.translate(t.x,t.y),u.rotate(t.rotation),u.scale(t.width/a,t.height/a);const c=u.multiply(l.invert());this._nodes.forEach(d=>{var f;const h=d.getParent().getAbsoluteTransform(),p=d.getTransform().copy();p.translate(d.offsetX(),d.offsetY());const m=new Je.Transform;m.multiply(h.copy().invert()).multiply(c).multiply(h).multiply(p);const S=m.decompose();d.setAttrs(S),this._fire("transform",{evt:n,target:d}),d._fire("transform",{evt:n,target:d}),(f=d.getLayer())===null||f===void 0||f.batchDraw()}),this.rotation(Je.Util._getRotation(t.rotation)),this._resetTransformCache(),this.update(),this.getLayer().batchDraw()}forceUpdate(){this._resetTransformCache(),this.update()}_batchChangeChild(t,n){this.findOne(t).setAttrs(n)}update(){var t,n=this._getNodeRect();this.rotation(Je.Util._getRotation(n.rotation));var r=n.width,i=n.height,o=this.enabledAnchors(),s=this.resizeEnabled(),a=this.padding(),l=this.anchorSize();const u=this.find("._anchor");u.forEach(d=>{d.setAttrs({width:l,height:l,offsetX:l/2,offsetY:l/2,stroke:this.anchorStroke(),strokeWidth:this.anchorStrokeWidth(),fill:this.anchorFill(),cornerRadius:this.anchorCornerRadius()})}),this._batchChangeChild(".top-left",{x:0,y:0,offsetX:l/2+a,offsetY:l/2+a,visible:s&&o.indexOf("top-left")>=0}),this._batchChangeChild(".top-center",{x:r/2,y:0,offsetY:l/2+a,visible:s&&o.indexOf("top-center")>=0}),this._batchChangeChild(".top-right",{x:r,y:0,offsetX:l/2-a,offsetY:l/2+a,visible:s&&o.indexOf("top-right")>=0}),this._batchChangeChild(".middle-left",{x:0,y:i/2,offsetX:l/2+a,visible:s&&o.indexOf("middle-left")>=0}),this._batchChangeChild(".middle-right",{x:r,y:i/2,offsetX:l/2-a,visible:s&&o.indexOf("middle-right")>=0}),this._batchChangeChild(".bottom-left",{x:0,y:i,offsetX:l/2+a,offsetY:l/2-a,visible:s&&o.indexOf("bottom-left")>=0}),this._batchChangeChild(".bottom-center",{x:r/2,y:i,offsetY:l/2-a,visible:s&&o.indexOf("bottom-center")>=0}),this._batchChangeChild(".bottom-right",{x:r,y:i,offsetX:l/2-a,offsetY:l/2-a,visible:s&&o.indexOf("bottom-right")>=0}),this._batchChangeChild(".rotater",{x:r/2,y:-this.rotateAnchorOffset()*Je.Util._sign(i)-a,visible:this.rotateEnabled()}),this._batchChangeChild(".back",{width:r,height:i,visible:this.borderEnabled(),stroke:this.borderStroke(),strokeWidth:this.borderStrokeWidth(),dash:this.borderDash(),x:0,y:0});const c=this.anchorStyleFunc();c&&u.forEach(d=>{c(d)}),(t=this.getLayer())===null||t===void 0||t.batchDraw()}isTransforming(){return this._transforming}stopTransform(){if(this._transforming){this._removeEvents();var t=this.findOne("."+this._movingAnchorName);t&&t.stopDrag()}}destroy(){return this.getStage()&&this._cursorChange&&this.getStage().content&&(this.getStage().content.style.cursor=""),m6.Group.prototype.destroy.call(this),this.detach(),this._removeEvents(),this}toObject(){return g6.Node.prototype.toObject.call(this)}clone(t){var n=g6.Node.prototype.clone.call(this,t);return n}getClientRect(){return this.nodes().length>0?super.getClientRect():{x:0,y:0,width:0,height:0}}}Ev.Transformer=ze;function Dfe(e){return e instanceof Array||Je.Util.warn("enabledAnchors value should be an array"),e instanceof Array&&e.forEach(function(t){Zm.indexOf(t)===-1&&Je.Util.warn("Unknown anchor name: "+t+". Available names are: "+Zm.join(", "))}),e||[]}ze.prototype.className="Transformer";(0,Efe._registerNode)(ze);Ze.Factory.addGetterSetter(ze,"enabledAnchors",Zm,Dfe);Ze.Factory.addGetterSetter(ze,"flipEnabled",!0,(0,ua.getBooleanValidator)());Ze.Factory.addGetterSetter(ze,"resizeEnabled",!0);Ze.Factory.addGetterSetter(ze,"anchorSize",10,(0,ua.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"rotateEnabled",!0);Ze.Factory.addGetterSetter(ze,"rotationSnaps",[]);Ze.Factory.addGetterSetter(ze,"rotateAnchorOffset",50,(0,ua.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"rotationSnapTolerance",5,(0,ua.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"borderEnabled",!0);Ze.Factory.addGetterSetter(ze,"anchorStroke","rgb(0, 161, 255)");Ze.Factory.addGetterSetter(ze,"anchorStrokeWidth",1,(0,ua.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"anchorFill","white");Ze.Factory.addGetterSetter(ze,"anchorCornerRadius",0,(0,ua.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"borderStroke","rgb(0, 161, 255)");Ze.Factory.addGetterSetter(ze,"borderStrokeWidth",1,(0,ua.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"borderDash");Ze.Factory.addGetterSetter(ze,"keepRatio",!0);Ze.Factory.addGetterSetter(ze,"shiftBehavior","default");Ze.Factory.addGetterSetter(ze,"centeredScaling",!1);Ze.Factory.addGetterSetter(ze,"ignoreStroke",!1);Ze.Factory.addGetterSetter(ze,"padding",0,(0,ua.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"node");Ze.Factory.addGetterSetter(ze,"nodes");Ze.Factory.addGetterSetter(ze,"boundBoxFunc");Ze.Factory.addGetterSetter(ze,"anchorDragBoundFunc");Ze.Factory.addGetterSetter(ze,"anchorStyleFunc");Ze.Factory.addGetterSetter(ze,"shouldOverdrawWholeArea",!1);Ze.Factory.addGetterSetter(ze,"useSingleNodeRotation",!0);Ze.Factory.backCompat(ze,{lineEnabled:"borderEnabled",rotateHandlerOffset:"rotateAnchorOffset",enabledHandlers:"enabledAnchors"});var Pv={};Object.defineProperty(Pv,"__esModule",{value:!0});Pv.Wedge=void 0;const Av=Te,Lfe=on,$fe=Pe,FN=de,Ffe=Pe;class Qo extends Lfe.Shape{_sceneFunc(t){t.beginPath(),t.arc(0,0,this.radius(),0,$fe.Konva.getAngle(this.angle()),this.clockwise()),t.lineTo(0,0),t.closePath(),t.fillStrokeShape(this)}getWidth(){return this.radius()*2}getHeight(){return this.radius()*2}setWidth(t){this.radius(t/2)}setHeight(t){this.radius(t/2)}}Pv.Wedge=Qo;Qo.prototype.className="Wedge";Qo.prototype._centroid=!0;Qo.prototype._attrsAffectingSize=["radius"];(0,Ffe._registerNode)(Qo);Av.Factory.addGetterSetter(Qo,"radius",0,(0,FN.getNumberValidator)());Av.Factory.addGetterSetter(Qo,"angle",0,(0,FN.getNumberValidator)());Av.Factory.addGetterSetter(Qo,"clockwise",!1);Av.Factory.backCompat(Qo,{angleDeg:"angle",getAngleDeg:"getAngle",setAngleDeg:"setAngle"});var kv={};Object.defineProperty(kv,"__esModule",{value:!0});kv.Blur=void 0;const b6=Te,Bfe=wt,jfe=de;function S6(){this.r=0,this.g=0,this.b=0,this.a=0,this.next=null}var Vfe=[512,512,456,512,328,456,335,512,405,328,271,456,388,335,292,512,454,405,364,328,298,271,496,456,420,388,360,335,312,292,273,512,482,454,428,405,383,364,345,328,312,298,284,271,259,496,475,456,437,420,404,388,374,360,347,335,323,312,302,292,282,273,265,512,497,482,468,454,441,428,417,405,394,383,373,364,354,345,337,328,320,312,305,298,291,284,278,271,265,259,507,496,485,475,465,456,446,437,428,420,412,404,396,388,381,374,367,360,354,347,341,335,329,323,318,312,307,302,297,292,287,282,278,273,269,265,261,512,505,497,489,482,475,468,461,454,447,441,435,428,422,417,411,405,399,394,389,383,378,373,368,364,359,354,350,345,341,337,332,328,324,320,316,312,309,305,301,298,294,291,287,284,281,278,274,271,268,265,262,259,257,507,501,496,491,485,480,475,470,465,460,456,451,446,442,437,433,428,424,420,416,412,408,404,400,396,392,388,385,381,377,374,370,367,363,360,357,354,350,347,344,341,338,335,332,329,326,323,320,318,315,312,310,307,304,302,299,297,294,292,289,287,285,282,280,278,275,273,271,269,267,265,263,261,259],zfe=[9,11,12,13,13,14,14,15,15,15,15,16,16,16,16,17,17,17,17,17,17,17,18,18,18,18,18,18,18,18,18,19,19,19,19,19,19,19,19,19,19,19,19,19,19,20,20,20,20,20,20,20,20,20,20,20,20,20,20,20,20,20,20,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24];function Ufe(e,t){var n=e.data,r=e.width,i=e.height,o,s,a,l,u,c,d,f,h,p,m,S,y,v,g,b,_,w,x,T,P,E,A,$,I=t+t+1,C=r-1,R=i-1,M=t+1,N=M*(M+1)/2,O=new S6,D=null,L=O,j=null,U=null,G=Vfe[t],W=zfe[t];for(a=1;a>W,A!==0?(A=255/A,n[c]=(f*G>>W)*A,n[c+1]=(h*G>>W)*A,n[c+2]=(p*G>>W)*A):n[c]=n[c+1]=n[c+2]=0,f-=S,h-=y,p-=v,m-=g,S-=j.r,y-=j.g,v-=j.b,g-=j.a,l=d+((l=o+t+1)>W,A>0?(A=255/A,n[l]=(f*G>>W)*A,n[l+1]=(h*G>>W)*A,n[l+2]=(p*G>>W)*A):n[l]=n[l+1]=n[l+2]=0,f-=S,h-=y,p-=v,m-=g,S-=j.r,y-=j.g,v-=j.b,g-=j.a,l=o+((l=s+M)0&&Ufe(t,n)};kv.Blur=Gfe;b6.Factory.addGetterSetter(Bfe.Node,"blurRadius",0,(0,jfe.getNumberValidator)(),b6.Factory.afterSetFilter);var Rv={};Object.defineProperty(Rv,"__esModule",{value:!0});Rv.Brighten=void 0;const _6=Te,Hfe=wt,qfe=de,Wfe=function(e){var t=this.brightness()*255,n=e.data,r=n.length,i;for(i=0;i255?255:i,o=o<0?0:o>255?255:o,s=s<0?0:s>255?255:s,n[a]=i,n[a+1]=o,n[a+2]=s};Ov.Contrast=Yfe;w6.Factory.addGetterSetter(Kfe.Node,"contrast",0,(0,Xfe.getNumberValidator)(),w6.Factory.afterSetFilter);var Mv={};Object.defineProperty(Mv,"__esModule",{value:!0});Mv.Emboss=void 0;const Ws=Te,Iv=wt,Qfe=Ot,BN=de,Zfe=function(e){var t=this.embossStrength()*10,n=this.embossWhiteLevel()*255,r=this.embossDirection(),i=this.embossBlend(),o=0,s=0,a=e.data,l=e.width,u=e.height,c=l*4,d=u;switch(r){case"top-left":o=-1,s=-1;break;case"top":o=-1,s=0;break;case"top-right":o=-1,s=1;break;case"right":o=0,s=1;break;case"bottom-right":o=1,s=1;break;case"bottom":o=1,s=0;break;case"bottom-left":o=1,s=-1;break;case"left":o=0,s=-1;break;default:Qfe.Util.error("Unknown emboss direction: "+r)}do{var f=(d-1)*c,h=o;d+h<1&&(h=0),d+h>u&&(h=0);var p=(d-1+h)*l*4,m=l;do{var S=f+(m-1)*4,y=s;m+y<1&&(y=0),m+y>l&&(y=0);var v=p+(m-1+y)*4,g=a[S]-a[v],b=a[S+1]-a[v+1],_=a[S+2]-a[v+2],w=g,x=w>0?w:-w,T=b>0?b:-b,P=_>0?_:-_;if(T>x&&(w=b),P>x&&(w=_),w*=t,i){var E=a[S]+w,A=a[S+1]+w,$=a[S+2]+w;a[S]=E>255?255:E<0?0:E,a[S+1]=A>255?255:A<0?0:A,a[S+2]=$>255?255:$<0?0:$}else{var I=n-w;I<0?I=0:I>255&&(I=255),a[S]=a[S+1]=a[S+2]=I}}while(--m)}while(--d)};Mv.Emboss=Zfe;Ws.Factory.addGetterSetter(Iv.Node,"embossStrength",.5,(0,BN.getNumberValidator)(),Ws.Factory.afterSetFilter);Ws.Factory.addGetterSetter(Iv.Node,"embossWhiteLevel",.5,(0,BN.getNumberValidator)(),Ws.Factory.afterSetFilter);Ws.Factory.addGetterSetter(Iv.Node,"embossDirection","top-left",null,Ws.Factory.afterSetFilter);Ws.Factory.addGetterSetter(Iv.Node,"embossBlend",!1,null,Ws.Factory.afterSetFilter);var Nv={};Object.defineProperty(Nv,"__esModule",{value:!0});Nv.Enhance=void 0;const x6=Te,Jfe=wt,ehe=de;function eS(e,t,n,r,i){var o=n-t,s=i-r,a;return o===0?r+s/2:s===0?r:(a=(e-t)/o,a=s*a+r,a)}const the=function(e){var t=e.data,n=t.length,r=t[0],i=r,o,s=t[1],a=s,l,u=t[2],c=u,d,f,h=this.enhance();if(h!==0){for(f=0;fi&&(i=o),l=t[f+1],la&&(a=l),d=t[f+2],dc&&(c=d);i===r&&(i=255,r=0),a===s&&(a=255,s=0),c===u&&(c=255,u=0);var p,m,S,y,v,g,b,_,w;for(h>0?(m=i+h*(255-i),S=r-h*(r-0),v=a+h*(255-a),g=s-h*(s-0),_=c+h*(255-c),w=u-h*(u-0)):(p=(i+r)*.5,m=i+h*(i-p),S=r+h*(r-p),y=(a+s)*.5,v=a+h*(a-y),g=s+h*(s-y),b=(c+u)*.5,_=c+h*(c-b),w=u+h*(u-b)),f=0;fy?S:y;var v=s,g=o,b,_,w=360/g*Math.PI/180,x,T;for(_=0;_g?v:g;var b=s,_=o,w,x,T=n.polarRotation||0,P,E;for(c=0;ct&&(b=g,_=0,w=-1),i=0;i=0&&h=0&&p=0&&h=0&&p=255*4?255:0}return s}function mhe(e,t,n){for(var r=[.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111],i=Math.round(Math.sqrt(r.length)),o=Math.floor(i/2),s=[],a=0;a=0&&h=0&&p=n))for(o=m;o=r||(s=(n*o+i)*4,a+=b[s+0],l+=b[s+1],u+=b[s+2],c+=b[s+3],g+=1);for(a=a/g,l=l/g,u=u/g,c=c/g,i=h;i=n))for(o=m;o=r||(s=(n*o+i)*4,b[s+0]=a,b[s+1]=l,b[s+2]=u,b[s+3]=c)}};zv.Pixelate=Che;P6.Factory.addGetterSetter(whe.Node,"pixelSize",8,(0,xhe.getNumberValidator)(),P6.Factory.afterSetFilter);var Uv={};Object.defineProperty(Uv,"__esModule",{value:!0});Uv.Posterize=void 0;const A6=Te,The=wt,Ehe=de,Phe=function(e){var t=Math.round(this.levels()*254)+1,n=e.data,r=n.length,i=255/t,o;for(o=0;o255?255:e<0?0:Math.round(e)});ey.Factory.addGetterSetter(DC.Node,"green",0,function(e){return this._filterUpToDate=!1,e>255?255:e<0?0:Math.round(e)});ey.Factory.addGetterSetter(DC.Node,"blue",0,Ahe.RGBComponent,ey.Factory.afterSetFilter);var Hv={};Object.defineProperty(Hv,"__esModule",{value:!0});Hv.RGBA=void 0;const Bf=Te,qv=wt,Rhe=de,Ohe=function(e){var t=e.data,n=t.length,r=this.red(),i=this.green(),o=this.blue(),s=this.alpha(),a,l;for(a=0;a255?255:e<0?0:Math.round(e)});Bf.Factory.addGetterSetter(qv.Node,"green",0,function(e){return this._filterUpToDate=!1,e>255?255:e<0?0:Math.round(e)});Bf.Factory.addGetterSetter(qv.Node,"blue",0,Rhe.RGBComponent,Bf.Factory.afterSetFilter);Bf.Factory.addGetterSetter(qv.Node,"alpha",1,function(e){return this._filterUpToDate=!1,e>1?1:e<0?0:e});var Wv={};Object.defineProperty(Wv,"__esModule",{value:!0});Wv.Sepia=void 0;const Mhe=function(e){var t=e.data,n=t.length,r,i,o,s;for(r=0;r127&&(u=255-u),c>127&&(c=255-c),d>127&&(d=255-d),t[l]=u,t[l+1]=c,t[l+2]=d}while(--a)}while(--o)};Kv.Solarize=Ihe;var Xv={};Object.defineProperty(Xv,"__esModule",{value:!0});Xv.Threshold=void 0;const k6=Te,Nhe=wt,Dhe=de,Lhe=function(e){var t=this.threshold()*255,n=e.data,r=n.length,i;for(i=0;i{const{width:r,height:i}=t,o=document.createElement("div"),s=new nd.Stage({container:o,width:r,height:i}),a=new nd.Layer,l=new nd.Layer;return a.add(new nd.Rect({...t,fill:n?"black":"white"})),e.forEach(u=>l.add(new nd.Line({points:u.points,stroke:n?"white":"black",strokeWidth:u.strokeWidth*2,tension:0,lineCap:"round",lineJoin:"round",shadowForStrokeEnabled:!1,globalCompositeOperation:u.tool==="brush"?"source-over":"destination-out"}))),s.add(a),s.add(l),o.remove(),s},wpe=async(e,t,n)=>new Promise((r,i)=>{const o=document.createElement("canvas");o.width=t,o.height=n;const s=o.getContext("2d"),a=new Image;if(!s){o.remove(),i("Unable to get context");return}a.onload=function(){s.drawImage(a,0,0),o.remove(),r(s.getImageData(0,0,t,n))},a.src=e}),M6=async(e,t)=>{const n=e.toDataURL(t);return await wpe(n,t.width,t.height)},xpe=async(e,t,n,r,i)=>{const o=fe("canvas"),s=nv(),a=Nle();if(!s||!a){o.error("Unable to find canvas / stage");return}const l={...t,...n},u=s.clone();u.scale({x:1,y:1});const c=u.getAbsolutePosition(),d={x:l.x+c.x,y:l.y+c.y,width:l.width,height:l.height},f=await Xm(u,d),h=await M6(u,d),p=await _pe(r?e.objects.filter(DO):[],l,i),m=await Xm(p,l),S=await M6(p,l);return{baseBlob:f,baseImageData:h,maskBlob:m,maskImageData:S}},Cpe=e=>{let t=!0,n=!1;const r=e.length;let i=3;for(i;i{const t=e.length;let n=0;for(n;n{const{isPartiallyTransparent:n,isFullyTransparent:r}=Cpe(e.data),i=Tpe(t.data);return n?r?"txt2img":"outpaint":i?"inpaint":"img2img"},Ppe=e=>aO(e,n=>n.isEnabled&&(!!n.processedControlImage||n.processorType==="none"&&!!n.controlImage)),Yv=(e,t,n)=>{const{isEnabled:r,controlNets:i}=e.controlNet,o=Ppe(i),s=t.nodes[Ke];if(r&&o.length&&o.length){const a={id:Op,type:"collect",is_intermediate:!0};t.nodes[Op]=a,t.edges.push({source:{node_id:Op,field:"collection"},destination:{node_id:n,field:"control"}}),o.forEach(l=>{const{controlNetId:u,controlImage:c,processedControlImage:d,beginStepPct:f,endStepPct:h,controlMode:p,resizeMode:m,model:S,processorType:y,weight:v}=l,g={id:`control_net_${u}`,type:"controlnet",is_intermediate:!0,begin_step_percent:f,end_step_percent:h,control_mode:p,resize_mode:m,control_model:S,control_weight:v};if(d&&y!=="none")g.image={image_name:d};else if(c)g.image={image_name:c};else return;if(t.nodes[g.id]=g,s){const b=w0(g,["id","type"]);s.controlnets.push(b)}t.edges.push({source:{node_id:g.id,field:"control"},destination:{node_id:Op,field:"item"}})})}},Cc=(e,t)=>{const{positivePrompt:n,iterations:r,seed:i,shouldRandomizeSeed:o}=e.generation,{combinatorial:s,isEnabled:a,maxPrompts:l}=e.dynamicPrompts,u=t.nodes[Ke];if(a){oY(t.nodes[Be],"prompt");const c={id:Gb,type:"dynamic_prompt",is_intermediate:!0,max_prompts:s?l:r,combinatorial:s,prompt:n},d={id:lr,type:"iterate",is_intermediate:!0};if(t.nodes[Gb]=c,t.nodes[lr]=d,t.edges.push({source:{node_id:Gb,field:"prompt_collection"},destination:{node_id:lr,field:"collection"}},{source:{node_id:lr,field:"item"},destination:{node_id:Be,field:"prompt"}}),u&&t.edges.push({source:{node_id:lr,field:"item"},destination:{node_id:Ke,field:"positive_prompt"}}),o){const f={id:Fi,type:"rand_int",is_intermediate:!0};t.nodes[Fi]=f,t.edges.push({source:{node_id:Fi,field:"a"},destination:{node_id:$e,field:"seed"}}),u&&t.edges.push({source:{node_id:Fi,field:"a"},destination:{node_id:Ke,field:"seed"}})}else t.nodes[$e].seed=i,u&&(u.seed=i)}else{u&&(u.positive_prompt=n);const c={id:Co,type:"range_of_size",is_intermediate:!0,size:r,step:1},d={id:lr,type:"iterate",is_intermediate:!0};if(t.nodes[lr]=d,t.nodes[Co]=c,t.edges.push({source:{node_id:Co,field:"collection"},destination:{node_id:lr,field:"collection"}}),t.edges.push({source:{node_id:lr,field:"item"},destination:{node_id:$e,field:"seed"}}),u&&t.edges.push({source:{node_id:lr,field:"item"},destination:{node_id:Ke,field:"seed"}}),o){const f={id:Fi,type:"rand_int",is_intermediate:!0};t.nodes[Fi]=f,t.edges.push({source:{node_id:Fi,field:"a"},destination:{node_id:Co,field:"start"}})}else c.start=i}},Ih=(e,t,n,r=Pn)=>{const{loras:i}=e.lora,o=gO(i),s=t.nodes[Ke];o>0&&(t.edges=t.edges.filter(u=>!(u.source.node_id===Pn&&["unet"].includes(u.source.field))&&!(u.source.node_id===rv&&["unet"].includes(u.source.field))),t.edges=t.edges.filter(u=>!(u.source.node_id===it&&["clip"].includes(u.source.field))));let a="",l=0;Za(i,u=>{const{model_name:c,base_model:d,weight:f}=u,h=`${mce}_${c.replace(".","_")}`,p={type:"lora_loader",id:h,is_intermediate:!0,lora:{model_name:c,base_model:d},weight:f};s&&s.loras.push({lora:{model_name:c,base_model:d},weight:f}),t.nodes[h]=p,l===0?(t.edges.push({source:{node_id:r,field:"unet"},destination:{node_id:h,field:"unet"}}),t.edges.push({source:{node_id:it,field:"clip"},destination:{node_id:h,field:"clip"}})):(t.edges.push({source:{node_id:a,field:"unet"},destination:{node_id:h,field:"unet"}}),t.edges.push({source:{node_id:a,field:"clip"},destination:{node_id:h,field:"clip"}})),l===o-1&&(t.edges.push({source:{node_id:h,field:"unet"},destination:{node_id:n,field:"unet"}}),t.edges.push({source:{node_id:h,field:"clip"},destination:{node_id:Be,field:"clip"}}),t.edges.push({source:{node_id:h,field:"clip"},destination:{node_id:qe,field:"clip"}})),a=h,l+=1})},zN=Jn(e=>e.ui,e=>RO[e.activeTab],{memoizeOptions:{equalityCheck:_0}}),b4e=Jn(e=>e.ui,e=>e.activeTab,{memoizeOptions:{equalityCheck:_0}}),S4e=Jn(e=>e.ui,e=>e,{memoizeOptions:{equalityCheck:_0}}),xl=(e,t,n=We)=>{const i=zN(e)==="unifiedCanvas"?!e.canvas.shouldAutoSave:!1,o=t.nodes[n],s=t.nodes[Ke];if(!o)return;o.is_intermediate=!0;const a={id:hu,type:"img_nsfw",is_intermediate:i};t.nodes[hu]=a,t.edges.push({source:{node_id:n,field:"image"},destination:{node_id:hu,field:"image"}}),s&&t.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:hu,field:"metadata"}})},Nh=(e,t,n=Pn)=>{const{vae:r}=e.generation,i=!r,o=t.nodes[Ke];i||(t.nodes[Zc]={type:"vae_loader",id:Zc,is_intermediate:!0,vae_model:r});const s=n==rv;(t.id===SC||t.id===Ym)&&t.edges.push({source:{node_id:i?n:Zc,field:i&&s?"vae_decoder":"vae"},destination:{node_id:We,field:"vae"}}),t.id===Ym&&t.edges.push({source:{node_id:i?n:Zc,field:i&&s?"vae_decoder":"vae"},destination:{node_id:vt,field:"vae"}}),t.id===sN&&t.edges.push({source:{node_id:i?n:Zc,field:i&&s?"vae_decoder":"vae"},destination:{node_id:Ii,field:"vae"}}),r&&o&&(o.vae=r)},Cl=(e,t,n=We)=>{const i=zN(e)==="unifiedCanvas"?!e.canvas.shouldAutoSave:!1,o=t.nodes[n],s=t.nodes[hu],a=t.nodes[Ke];if(!o)return;const l={id:Qc,type:"img_watermark",is_intermediate:i};t.nodes[Qc]=l,o.is_intermediate=!0,s?(s.is_intermediate=!0,t.edges.push({source:{node_id:hu,field:"image"},destination:{node_id:Qc,field:"image"}})):t.edges.push({source:{node_id:n,field:"image"},destination:{node_id:Qc,field:"image"}}),a&&t.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:Qc,field:"metadata"}})},Ape=(e,t)=>{const n=fe("nodes"),{positivePrompt:r,negativePrompt:i,model:o,cfgScale:s,scheduler:a,steps:l,img2imgStrength:u,clipSkip:c,shouldUseCpuNoise:d,shouldUseNoiseSettings:f}=e.generation,{width:h,height:p}=e.canvas.boundingBoxDimensions,{shouldAutoSave:m}=e.canvas;if(!o)throw n.error("No model found in state"),new Error("No model found in state");const S=f?d:Wo.shouldUseCpuNoise,y={id:Ym,nodes:{[Be]:{type:"compel",id:Be,is_intermediate:!0,prompt:r},[qe]:{type:"compel",id:qe,is_intermediate:!0,prompt:i},[$e]:{type:"noise",id:$e,is_intermediate:!0,use_cpu:S},[Pn]:{type:"main_model_loader",id:Pn,is_intermediate:!0,model:o},[it]:{type:"clip_skip",id:it,is_intermediate:!0,skipped_layers:c},[Wt]:{type:"l2l",id:Wt,is_intermediate:!0,cfg_scale:s,scheduler:a,steps:l,strength:u},[vt]:{type:"i2l",id:vt,is_intermediate:!0},[We]:{type:"l2i",id:We,is_intermediate:!m}},edges:[{source:{node_id:Pn,field:"clip"},destination:{node_id:it,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:Wt,field:"latents"},destination:{node_id:We,field:"latents"}},{source:{node_id:vt,field:"latents"},destination:{node_id:Wt,field:"latents"}},{source:{node_id:$e,field:"noise"},destination:{node_id:Wt,field:"noise"}},{source:{node_id:Pn,field:"unet"},destination:{node_id:Wt,field:"unet"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:Wt,field:"negative_conditioning"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:Wt,field:"positive_conditioning"}}]};if(t.width!==h||t.height!==p){const v={id:Qn,type:"img_resize",image:{image_name:t.image_name},is_intermediate:!0,width:h,height:p};y.nodes[Qn]=v,y.edges.push({source:{node_id:Qn,field:"image"},destination:{node_id:vt,field:"image"}}),y.edges.push({source:{node_id:Qn,field:"width"},destination:{node_id:$e,field:"width"}}),y.edges.push({source:{node_id:Qn,field:"height"},destination:{node_id:$e,field:"height"}})}else y.nodes[vt].image={image_name:t.image_name},y.edges.push({source:{node_id:vt,field:"width"},destination:{node_id:$e,field:"width"}}),y.edges.push({source:{node_id:vt,field:"height"},destination:{node_id:$e,field:"height"}});return y.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"img2img",cfg_scale:s,height:p,width:h,positive_prompt:"",negative_prompt:i,model:o,seed:0,steps:l,rand_device:S?"cpu":"cuda",scheduler:a,vae:void 0,controlnets:[],loras:[],clip_skip:c,strength:u,init_image:t.image_name},y.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),Ih(e,y,Wt),Nh(e,y),Cc(e,y),Yv(e,y,Wt),e.system.shouldUseNSFWChecker&&xl(e,y),e.system.shouldUseWatermarker&&Cl(e,y),y},kpe=(e,t,n)=>{const r=fe("nodes"),{positivePrompt:i,negativePrompt:o,model:s,cfgScale:a,scheduler:l,steps:u,img2imgStrength:c,shouldFitToWidthHeight:d,iterations:f,seed:h,shouldRandomizeSeed:p,seamSize:m,seamBlur:S,seamSteps:y,seamStrength:v,tileSize:g,infillMethod:b,clipSkip:_}=e.generation;if(!s)throw r.error("No model found in state"),new Error("No model found in state");const{width:w,height:x}=e.canvas.boundingBoxDimensions,{scaledBoundingBoxDimensions:T,boundingBoxScaleMethod:P,shouldAutoSave:E}=e.canvas,A={id:sN,nodes:{[Ii]:{is_intermediate:!E,type:"inpaint",id:Ii,steps:u,width:w,height:x,cfg_scale:a,scheduler:l,image:{image_name:t.image_name},strength:c,fit:d,mask:{image_name:n.image_name},seam_size:m,seam_blur:S,seam_strength:v,seam_steps:y,tile_size:b==="tile"?g:void 0,infill_method:b,inpaint_width:P!=="none"?T.width:void 0,inpaint_height:P!=="none"?T.height:void 0},[Be]:{type:"compel",id:Be,is_intermediate:!0,prompt:i},[qe]:{type:"compel",id:qe,is_intermediate:!0,prompt:o},[Pn]:{type:"main_model_loader",id:Pn,is_intermediate:!0,model:s},[it]:{type:"clip_skip",id:it,is_intermediate:!0,skipped_layers:_},[Co]:{type:"range_of_size",id:Co,is_intermediate:!0,size:f,step:1},[lr]:{type:"iterate",id:lr,is_intermediate:!0}},edges:[{source:{node_id:Pn,field:"unet"},destination:{node_id:Ii,field:"unet"}},{source:{node_id:Pn,field:"clip"},destination:{node_id:it,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:Ii,field:"negative_conditioning"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:Ii,field:"positive_conditioning"}},{source:{node_id:Co,field:"collection"},destination:{node_id:lr,field:"collection"}},{source:{node_id:lr,field:"item"},destination:{node_id:Ii,field:"seed"}}]};if(Ih(e,A,Ii),Nh(e,A),p){const $={id:Fi,type:"rand_int"};A.nodes[Fi]=$,A.edges.push({source:{node_id:Fi,field:"a"},destination:{node_id:Co,field:"start"}})}else A.nodes[Co].start=h;return e.system.shouldUseNSFWChecker&&xl(e,A,Ii),e.system.shouldUseWatermarker&&Cl(e,A,Ii),A},Rpe=e=>{const t=fe("nodes"),{positivePrompt:n,negativePrompt:r,model:i,cfgScale:o,scheduler:s,steps:a,clipSkip:l,shouldUseCpuNoise:u,shouldUseNoiseSettings:c}=e.generation,{width:d,height:f}=e.canvas.boundingBoxDimensions,{shouldAutoSave:h}=e.canvas;if(!i)throw t.error("No model found in state"),new Error("No model found in state");const p=c?u:Wo.shouldUseCpuNoise,m=i.model_type.includes("onnx"),S=m?rv:Pn,y={id:SC,nodes:{[Be]:{type:m?"prompt_onnx":"compel",id:Be,is_intermediate:!0,prompt:n},[qe]:{type:m?"prompt_onnx":"compel",id:qe,is_intermediate:!0,prompt:r},[$e]:{type:"noise",id:$e,is_intermediate:!0,width:d,height:f,use_cpu:p},[cn]:{type:m?"t2l_onnx":"t2l",id:cn,is_intermediate:!0,cfg_scale:o,scheduler:s,steps:a},[S]:{type:S,id:S,is_intermediate:!0,model:i},[it]:{type:"clip_skip",id:it,is_intermediate:!0,skipped_layers:l},[We]:{type:m?"l2i_onnx":"l2i",id:We,is_intermediate:!h}},edges:[{source:{node_id:qe,field:"conditioning"},destination:{node_id:cn,field:"negative_conditioning"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:cn,field:"positive_conditioning"}},{source:{node_id:S,field:"clip"},destination:{node_id:it,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:S,field:"unet"},destination:{node_id:cn,field:"unet"}},{source:{node_id:cn,field:"latents"},destination:{node_id:We,field:"latents"}},{source:{node_id:$e,field:"noise"},destination:{node_id:cn,field:"noise"}}]};return y.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"txt2img",cfg_scale:o,height:f,width:d,positive_prompt:"",negative_prompt:r,model:i,seed:0,steps:a,rand_device:p?"cpu":"cuda",scheduler:s,vae:void 0,controlnets:[],loras:[],clip_skip:l},y.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),Ih(e,y,cn,S),Nh(e,y,S),Cc(e,y),Yv(e,y,cn),e.system.shouldUseNSFWChecker&&xl(e,y),e.system.shouldUseWatermarker&&Cl(e,y),y},Ope=(e,t,n,r)=>{let i;if(t==="txt2img")i=Rpe(e);else if(t==="img2img"){if(!n)throw new Error("Missing canvas init image");i=Ape(e,n)}else{if(!n||!r)throw new Error("Missing canvas init and mask images");i=kpe(e,n,r)}return i},Mpe=()=>{le({predicate:e=>Ph.match(e)&&e.payload==="unifiedCanvas",effect:async(e,{getState:t,dispatch:n,take:r})=>{const i=fe("session"),o=t(),{layerState:s,boundingBoxCoordinates:a,boundingBoxDimensions:l,isMaskEnabled:u,shouldPreserveMaskedArea:c}=o.canvas,d=await xpe(s,a,l,u,c);if(!d){i.error("Unable to create canvas data");return}const{baseBlob:f,baseImageData:h,maskBlob:p,maskImageData:m}=d,S=Epe(h,m);if(o.system.enableImageDebugging){const x=await QE(f),T=await QE(p);wce([{base64:T,caption:"mask b64"},{base64:x,caption:"image b64"}])}i.debug(`Generation mode: ${S}`);let y,v;["img2img","inpaint","outpaint"].includes(S)&&(y=await n(he.endpoints.uploadImage.initiate({file:new File([f],"canvasInitImage.png",{type:"image/png"}),image_category:"general",is_intermediate:!0})).unwrap()),["inpaint","outpaint"].includes(S)&&(v=await n(he.endpoints.uploadImage.initiate({file:new File([p],"canvasMaskImage.png",{type:"image/png"}),image_category:"mask",is_intermediate:!0})).unwrap());const g=Ope(o,S,y,v);i.debug({graph:ia(g)},"Canvas graph built"),n(YI(g));const{requestId:b}=n(Rn({graph:g})),[_]=await r(x=>Rn.fulfilled.match(x)&&x.meta.requestId===b),w=_.payload.id;["img2img","inpaint"].includes(S)&&y&&n(he.endpoints.changeImageSessionId.initiate({imageDTO:y,session_id:w})),["inpaint"].includes(S)&&v&&n(he.endpoints.changeImageSessionId.initiate({imageDTO:v,session_id:w})),o.canvas.layerState.stagingArea.boundingBox||n(WQ({sessionId:w,boundingBox:{...o.canvas.boundingBoxCoordinates,...o.canvas.boundingBoxDimensions}})),n(KQ(w)),n(pl())}})},Ipe=e=>{const t=fe("nodes"),{positivePrompt:n,negativePrompt:r,model:i,cfgScale:o,scheduler:s,steps:a,initialImage:l,img2imgStrength:u,shouldFitToWidthHeight:c,width:d,height:f,clipSkip:h,shouldUseCpuNoise:p,shouldUseNoiseSettings:m,vaePrecision:S}=e.generation;if(!l)throw t.error("No initial image found in state"),new Error("No initial image found in state");if(!i)throw t.error("No model found in state"),new Error("No model found in state");const y=m?p:Wo.shouldUseCpuNoise,v={id:Ym,nodes:{[Pn]:{type:"main_model_loader",id:Pn,model:i},[it]:{type:"clip_skip",id:it,skipped_layers:h},[Be]:{type:"compel",id:Be,prompt:n},[qe]:{type:"compel",id:qe,prompt:r},[$e]:{type:"noise",id:$e,use_cpu:y},[We]:{type:"l2i",id:We,fp32:S==="fp32"},[Wt]:{type:"l2l",id:Wt,cfg_scale:o,scheduler:s,steps:a,strength:u},[vt]:{type:"i2l",id:vt,fp32:S==="fp32"}},edges:[{source:{node_id:Pn,field:"unet"},destination:{node_id:Wt,field:"unet"}},{source:{node_id:Pn,field:"clip"},destination:{node_id:it,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:Wt,field:"latents"},destination:{node_id:We,field:"latents"}},{source:{node_id:vt,field:"latents"},destination:{node_id:Wt,field:"latents"}},{source:{node_id:$e,field:"noise"},destination:{node_id:Wt,field:"noise"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:Wt,field:"negative_conditioning"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:Wt,field:"positive_conditioning"}}]};if(c&&(l.width!==d||l.height!==f)){const g={id:Qn,type:"img_resize",image:{image_name:l.imageName},is_intermediate:!0,width:d,height:f};v.nodes[Qn]=g,v.edges.push({source:{node_id:Qn,field:"image"},destination:{node_id:vt,field:"image"}}),v.edges.push({source:{node_id:Qn,field:"width"},destination:{node_id:$e,field:"width"}}),v.edges.push({source:{node_id:Qn,field:"height"},destination:{node_id:$e,field:"height"}})}else v.nodes[vt].image={image_name:l.imageName},v.edges.push({source:{node_id:vt,field:"width"},destination:{node_id:$e,field:"width"}}),v.edges.push({source:{node_id:vt,field:"height"},destination:{node_id:$e,field:"height"}});return v.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"img2img",cfg_scale:o,height:f,width:d,positive_prompt:"",negative_prompt:r,model:i,seed:0,steps:a,rand_device:y?"cpu":"cuda",scheduler:s,vae:void 0,controlnets:[],loras:[],clip_skip:h,strength:u,init_image:l.imageName},v.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),Ih(e,v,Wt),Nh(e,v),Cc(e,v),Yv(e,v,Wt),e.system.shouldUseNSFWChecker&&xl(e,v),e.system.shouldUseWatermarker&&Cl(e,v),v},UN=(e,t,n)=>{const{positivePrompt:r,negativePrompt:i}=e.generation,{refinerModel:o,refinerAestheticScore:s,positiveStylePrompt:a,negativeStylePrompt:l,refinerSteps:u,refinerScheduler:c,refinerCFGScale:d,refinerStart:f}=e.sdxl;if(!o)return;const h=t.nodes[Ke];h&&(h.refiner_model=o,h.refiner_aesthetic_store=s,h.refiner_cfg_scale=d,h.refiner_scheduler=c,h.refiner_start=f,h.refiner_steps=u),t.edges=t.edges.filter(p=>!(p.source.node_id===n&&["latents"].includes(p.source.field))),t.edges=t.edges.filter(p=>!(p.source.node_id===Jt&&["vae"].includes(p.source.field))),n===Ni&&t.edges.push({source:{node_id:Jt,field:"vae"},destination:{node_id:vt,field:"vae"}}),t.nodes[Ul]={type:"sdxl_refiner_model_loader",id:Ul,model:o},t.nodes[Mp]={type:"sdxl_refiner_compel_prompt",id:Mp,style:`${r} ${a}`,aesthetic_score:s},t.nodes[Ip]={type:"sdxl_refiner_compel_prompt",id:Ip,style:`${i} ${l}`,aesthetic_score:s},t.nodes[ya]={type:"l2l_sdxl",id:ya,cfg_scale:d,steps:u/(1-Math.min(f,.99)),scheduler:c,denoising_start:f,denoising_end:1},t.edges.push({source:{node_id:Ul,field:"unet"},destination:{node_id:ya,field:"unet"}},{source:{node_id:Ul,field:"vae"},destination:{node_id:We,field:"vae"}},{source:{node_id:Ul,field:"clip2"},destination:{node_id:Mp,field:"clip2"}},{source:{node_id:Ul,field:"clip2"},destination:{node_id:Ip,field:"clip2"}},{source:{node_id:Mp,field:"conditioning"},destination:{node_id:ya,field:"positive_conditioning"}},{source:{node_id:Ip,field:"conditioning"},destination:{node_id:ya,field:"negative_conditioning"}},{source:{node_id:n,field:"latents"},destination:{node_id:ya,field:"latents"}},{source:{node_id:ya,field:"latents"},destination:{node_id:We,field:"latents"}})},Npe=e=>{const t=fe("nodes"),{positivePrompt:n,negativePrompt:r,model:i,cfgScale:o,scheduler:s,steps:a,initialImage:l,shouldFitToWidthHeight:u,width:c,height:d,clipSkip:f,shouldUseCpuNoise:h,shouldUseNoiseSettings:p,vaePrecision:m}=e.generation,{positiveStylePrompt:S,negativeStylePrompt:y,shouldConcatSDXLStylePrompt:v,shouldUseSDXLRefiner:g,refinerStart:b,sdxlImg2ImgDenoisingStrength:_}=e.sdxl;if(!l)throw t.error("No initial image found in state"),new Error("No initial image found in state");if(!i)throw t.error("No model found in state"),new Error("No model found in state");const w=p?h:Wo.shouldUseCpuNoise,x={id:vce,nodes:{[Jt]:{type:"sdxl_model_loader",id:Jt,model:i},[Be]:{type:"sdxl_compel_prompt",id:Be,prompt:n,style:v?`${n} ${S}`:S},[qe]:{type:"sdxl_compel_prompt",id:qe,prompt:r,style:v?`${r} ${y}`:y},[$e]:{type:"noise",id:$e,use_cpu:w},[We]:{type:"l2i",id:We,fp32:m==="fp32"},[Ni]:{type:"l2l_sdxl",id:Ni,cfg_scale:o,scheduler:s,steps:a,denoising_start:g?Math.min(b,1-_):1-_,denoising_end:g?b:1},[vt]:{type:"i2l",id:vt,fp32:m==="fp32"}},edges:[{source:{node_id:Jt,field:"unet"},destination:{node_id:Ni,field:"unet"}},{source:{node_id:Jt,field:"vae"},destination:{node_id:We,field:"vae"}},{source:{node_id:Jt,field:"vae"},destination:{node_id:vt,field:"vae"}},{source:{node_id:Jt,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:Jt,field:"clip2"},destination:{node_id:Be,field:"clip2"}},{source:{node_id:Jt,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:Jt,field:"clip2"},destination:{node_id:qe,field:"clip2"}},{source:{node_id:Ni,field:"latents"},destination:{node_id:We,field:"latents"}},{source:{node_id:vt,field:"latents"},destination:{node_id:Ni,field:"latents"}},{source:{node_id:$e,field:"noise"},destination:{node_id:Ni,field:"noise"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:Ni,field:"positive_conditioning"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:Ni,field:"negative_conditioning"}}]};if(u&&(l.width!==c||l.height!==d)){const T={id:Qn,type:"img_resize",image:{image_name:l.imageName},is_intermediate:!0,width:c,height:d};x.nodes[Qn]=T,x.edges.push({source:{node_id:Qn,field:"image"},destination:{node_id:vt,field:"image"}}),x.edges.push({source:{node_id:Qn,field:"width"},destination:{node_id:$e,field:"width"}}),x.edges.push({source:{node_id:Qn,field:"height"},destination:{node_id:$e,field:"height"}})}else x.nodes[vt].image={image_name:l.imageName},x.edges.push({source:{node_id:vt,field:"width"},destination:{node_id:$e,field:"width"}}),x.edges.push({source:{node_id:vt,field:"height"},destination:{node_id:$e,field:"height"}});return x.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"sdxl_img2img",cfg_scale:o,height:d,width:c,positive_prompt:"",negative_prompt:r,model:i,seed:0,steps:a,rand_device:w?"cpu":"cuda",scheduler:s,vae:void 0,controlnets:[],loras:[],clip_skip:f,strength:_,init_image:l.imageName,positive_style_prompt:S,negative_style_prompt:y},x.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),g&&UN(e,x,Ni),Cc(e,x),e.system.shouldUseNSFWChecker&&xl(e,x),e.system.shouldUseWatermarker&&Cl(e,x),x},Dpe=()=>{le({predicate:e=>Ph.match(e)&&e.payload==="img2img",effect:async(e,{getState:t,dispatch:n,take:r})=>{const i=fe("session"),o=t(),s=o.generation.model;let a;s&&s.base_model==="sdxl"?a=Npe(o):a=Ipe(o),n(XI(a)),i.debug({graph:ia(a)},"Image to Image graph built"),n(Rn({graph:a})),await r(Rn.fulfilled.match),n(pl())}})};let jp;const Lpe=new Uint8Array(16);function $pe(){if(!jp&&(jp=typeof crypto<"u"&&crypto.getRandomValues&&crypto.getRandomValues.bind(crypto),!jp))throw new Error("crypto.getRandomValues() not supported. See https://github.com/uuidjs/uuid#getrandomvalues-not-supported");return jp(Lpe)}const xn=[];for(let e=0;e<256;++e)xn.push((e+256).toString(16).slice(1));function Fpe(e,t=0){return(xn[e[t+0]]+xn[e[t+1]]+xn[e[t+2]]+xn[e[t+3]]+"-"+xn[e[t+4]]+xn[e[t+5]]+"-"+xn[e[t+6]]+xn[e[t+7]]+"-"+xn[e[t+8]]+xn[e[t+9]]+"-"+xn[e[t+10]]+xn[e[t+11]]+xn[e[t+12]]+xn[e[t+13]]+xn[e[t+14]]+xn[e[t+15]]).toLowerCase()}const Bpe=typeof crypto<"u"&&crypto.randomUUID&&crypto.randomUUID.bind(crypto),I6={randomUUID:Bpe};function jpe(e,t,n){if(I6.randomUUID&&!t&&!e)return I6.randomUUID();e=e||{};const r=e.random||(e.rng||$pe)();if(r[6]=r[6]&15|64,r[8]=r[8]&63|128,t){n=n||0;for(let i=0;i<16;++i)t[n+i]=r[i];return t}return Fpe(r)}const Vpe=e=>{if(e.type==="color"&&e.value){const t=Ln(e.value),{r:n,g:r,b:i,a:o}=e.value,s=Math.max(0,Math.min(o*255,255));return Object.assign(t,{r:n,g:r,b:i,a:s}),t}return e.value},zpe=e=>{const{nodes:t,edges:n}=e.nodes,i=t.filter(a=>a.type!=="progress_image").reduce((a,l)=>{const{id:u,data:c}=l,{type:d,inputs:f}=c,h=$x(f,(m,S,y)=>{const v=Vpe(S);return m[y]=v,m},{}),p={type:d,id:u,...h};return Object.assign(a,{[u]:p}),a},{}),o=n.reduce((a,l)=>{const{source:u,target:c,sourceHandle:d,targetHandle:f}=l;return a.push({source:{node_id:u,field:d},destination:{node_id:c,field:f}}),a},[]);return o.forEach(a=>{const l=i[a.destination.node_id],u=a.destination.field;i[a.destination.node_id]=w0(l,u)}),{id:jpe(),nodes:i,edges:o}},Upe=()=>{le({predicate:e=>Ph.match(e)&&e.payload==="nodes",effect:async(e,{getState:t,dispatch:n,take:r})=>{const i=fe("session"),o=t(),s=zpe(o);n(QI(s)),i.debug({graph:ia(s)},"Nodes graph built"),n(Rn({graph:s})),await r(Rn.fulfilled.match),n(pl())}})},Gpe=e=>{const t=fe("nodes"),{positivePrompt:n,negativePrompt:r,model:i,cfgScale:o,scheduler:s,steps:a,width:l,height:u,clipSkip:c,shouldUseCpuNoise:d,shouldUseNoiseSettings:f,vaePrecision:h}=e.generation,{positiveStylePrompt:p,negativeStylePrompt:m,shouldConcatSDXLStylePrompt:S,shouldUseSDXLRefiner:y,refinerStart:v}=e.sdxl,g=f?d:Wo.shouldUseCpuNoise;if(!i)throw t.error("No model found in state"),new Error("No model found in state");const b={id:yce,nodes:{[Jt]:{type:"sdxl_model_loader",id:Jt,model:i},[Be]:{type:"sdxl_compel_prompt",id:Be,prompt:n,style:S?`${n} ${p}`:p},[qe]:{type:"sdxl_compel_prompt",id:qe,prompt:r,style:S?`${r} ${m}`:m},[$e]:{type:"noise",id:$e,width:l,height:u,use_cpu:g},[is]:{type:"t2l_sdxl",id:is,cfg_scale:o,scheduler:s,steps:a,denoising_end:y?v:1},[We]:{type:"l2i",id:We,fp32:h==="fp32"}},edges:[{source:{node_id:Jt,field:"unet"},destination:{node_id:is,field:"unet"}},{source:{node_id:Jt,field:"vae"},destination:{node_id:We,field:"vae"}},{source:{node_id:Jt,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:Jt,field:"clip2"},destination:{node_id:Be,field:"clip2"}},{source:{node_id:Jt,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:Jt,field:"clip2"},destination:{node_id:qe,field:"clip2"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:is,field:"positive_conditioning"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:is,field:"negative_conditioning"}},{source:{node_id:$e,field:"noise"},destination:{node_id:is,field:"noise"}},{source:{node_id:is,field:"latents"},destination:{node_id:We,field:"latents"}}]};return b.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"sdxl_txt2img",cfg_scale:o,height:u,width:l,positive_prompt:"",negative_prompt:r,model:i,seed:0,steps:a,rand_device:g?"cpu":"cuda",scheduler:s,vae:void 0,controlnets:[],loras:[],clip_skip:c,positive_style_prompt:p,negative_style_prompt:m},b.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),y&&UN(e,b,is),Cc(e,b),e.system.shouldUseNSFWChecker&&xl(e,b),e.system.shouldUseWatermarker&&Cl(e,b),b},Hpe=e=>{const t=fe("nodes"),{positivePrompt:n,negativePrompt:r,model:i,cfgScale:o,scheduler:s,steps:a,width:l,height:u,clipSkip:c,shouldUseCpuNoise:d,shouldUseNoiseSettings:f,vaePrecision:h}=e.generation,p=f?d:Wo.shouldUseCpuNoise;if(!i)throw t.error("No model found in state"),new Error("No model found in state");const m=i.model_type.includes("onnx"),S=m?rv:Pn,y={id:SC,nodes:{[S]:{type:S,id:S,model:i},[it]:{type:"clip_skip",id:it,skipped_layers:c},[Be]:{type:m?"prompt_onnx":"compel",id:Be,prompt:n},[qe]:{type:m?"prompt_onnx":"compel",id:qe,prompt:r},[$e]:{type:"noise",id:$e,width:l,height:u,use_cpu:p},[cn]:{type:m?"t2l_onnx":"t2l",id:cn,cfg_scale:o,scheduler:s,steps:a},[We]:{type:m?"l2i_onnx":"l2i",id:We,fp32:h==="fp32"}},edges:[{source:{node_id:S,field:"clip"},destination:{node_id:it,field:"clip"}},{source:{node_id:S,field:"unet"},destination:{node_id:cn,field:"unet"}},{source:{node_id:it,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:cn,field:"positive_conditioning"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:cn,field:"negative_conditioning"}},{source:{node_id:cn,field:"latents"},destination:{node_id:We,field:"latents"}},{source:{node_id:$e,field:"noise"},destination:{node_id:cn,field:"noise"}}]};return y.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"txt2img",cfg_scale:o,height:u,width:l,positive_prompt:"",negative_prompt:r,model:i,seed:0,steps:a,rand_device:p?"cpu":"cuda",scheduler:s,vae:void 0,controlnets:[],loras:[],clip_skip:c},y.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),Ih(e,y,cn,S),Nh(e,y,S),Cc(e,y),Yv(e,y,cn),e.system.shouldUseNSFWChecker&&xl(e,y),e.system.shouldUseWatermarker&&Cl(e,y),y},qpe=()=>{le({predicate:e=>Ph.match(e)&&e.payload==="txt2img",effect:async(e,{getState:t,dispatch:n,take:r})=>{const i=fe("session"),o=t(),s=o.generation.model;let a;s&&s.base_model==="sdxl"?a=Gpe(o):a=Hpe(o),n(KI(a)),i.debug({graph:ia(a)},"Text to Image graph built"),n(Rn({graph:a})),await r(Rn.fulfilled.match),n(pl())}})},GN=Xk(),le=GN.startListening;rue();iue();aue();Xle();Yle();Qle();Zle();Ple();nue();Mpe();Upe();qpe();Dpe();Jue();zle();Ble();$le();Vle();hce();_le();nce();rce();oce();sce();lce();ece();tce();dce();fce();uce();cce();ace();Wue();Kue();Xue();Yue();Que();Zue();Gue();Hue();que();Hle();Gle();qle();Wle();eue();tue();Ale();Fue();Jle();lue();Tle();cue();xle();wle();_ce();gce();const Wpe={canvas:XQ,gallery:gJ,generation:PQ,nodes:Jse,postprocessing:eae,system:Pae,config:aY,ui:kQ,hotkeys:Oae,controlNet:cJ,boards:pJ,dynamicPrompts:fJ,imageDeletion:bJ,lora:_J,modelmanager:Rae,sdxl:rae,[Hs.reducerPath]:Hs.reducer},Kpe=gc(Wpe),Xpe=nle(Kpe),Ype=["canvas","gallery","generation","sdxl","nodes","postprocessing","system","ui","controlNet","dynamicPrompts","lora","modelmanager"],Qpe=kk({reducer:Xpe,enhancers:e=>e.concat(rle(window.localStorage,Ype,{persistDebounce:300,serialize:ple,unserialize:mle,prefix:ile})).concat(Qk()),middleware:e=>e({immutableCheck:!1,serializableCheck:!1}).concat(Hs.middleware).concat(Dae).prepend(GN.middleware),devTools:{actionSanitizer:vle,stateSanitizer:Sle,trace:!0,predicate:(e,t)=>!ble.includes(t.type)}}),_4e=e=>e;function Zpe(e){if(e.sheet)return e.sheet;for(var t=0;t0?En(Tc,--Sr):0,uc--,Kt===10&&(uc=1,Zv--),Kt}function Ar(){return Kt=Sr2||Vf(Kt)>3?"":" "}function dge(e,t){for(;--t&&Ar()&&!(Kt<48||Kt>102||Kt>57&&Kt<65||Kt>70&&Kt<97););return Dh(e,wg()+(t<6&&Zi()==32&&Ar()==32))}function E2(e){for(;Ar();)switch(Kt){case e:return Sr;case 34:case 39:e!==34&&e!==39&&E2(Kt);break;case 40:e===41&&E2(e);break;case 92:Ar();break}return Sr}function fge(e,t){for(;Ar()&&e+Kt!==47+10;)if(e+Kt===42+42&&Zi()===47)break;return"/*"+Dh(t,Sr-1)+"*"+Qv(e===47?e:Ar())}function hge(e){for(;!Vf(Zi());)Ar();return Dh(e,Sr)}function pge(e){return YN(Cg("",null,null,null,[""],e=XN(e),0,[0],e))}function Cg(e,t,n,r,i,o,s,a,l){for(var u=0,c=0,d=s,f=0,h=0,p=0,m=1,S=1,y=1,v=0,g="",b=i,_=o,w=r,x=g;S;)switch(p=v,v=Ar()){case 40:if(p!=108&&En(x,d-1)==58){T2(x+=He(xg(v),"&","&\f"),"&\f")!=-1&&(y=-1);break}case 34:case 39:case 91:x+=xg(v);break;case 9:case 10:case 13:case 32:x+=cge(p);break;case 92:x+=dge(wg()-1,7);continue;case 47:switch(Zi()){case 42:case 47:Vp(gge(fge(Ar(),wg()),t,n),l);break;default:x+="/"}break;case 123*m:a[u++]=Bi(x)*y;case 125*m:case 59:case 0:switch(v){case 0:case 125:S=0;case 59+c:y==-1&&(x=He(x,/\f/g,"")),h>0&&Bi(x)-d&&Vp(h>32?D6(x+";",r,n,d-1):D6(He(x," ","")+";",r,n,d-2),l);break;case 59:x+=";";default:if(Vp(w=N6(x,t,n,u,c,i,a,g,b=[],_=[],d),o),v===123)if(c===0)Cg(x,t,w,w,b,o,d,a,_);else switch(f===99&&En(x,3)===110?100:f){case 100:case 108:case 109:case 115:Cg(e,w,w,r&&Vp(N6(e,w,w,0,0,i,a,g,i,b=[],d),_),i,_,d,a,r?b:_);break;default:Cg(x,w,w,w,[""],_,0,a,_)}}u=c=h=0,m=y=1,g=x="",d=s;break;case 58:d=1+Bi(x),h=p;default:if(m<1){if(v==123)--m;else if(v==125&&m++==0&&uge()==125)continue}switch(x+=Qv(v),v*m){case 38:y=c>0?1:(x+="\f",-1);break;case 44:a[u++]=(Bi(x)-1)*y,y=1;break;case 64:Zi()===45&&(x+=xg(Ar())),f=Zi(),c=d=Bi(g=x+=hge(wg())),v++;break;case 45:p===45&&Bi(x)==2&&(m=0)}}return o}function N6(e,t,n,r,i,o,s,a,l,u,c){for(var d=i-1,f=i===0?o:[""],h=FC(f),p=0,m=0,S=0;p0?f[y]+" "+v:He(v,/&\f/g,f[y])))&&(l[S++]=g);return Jv(e,t,n,i===0?LC:a,l,u,c)}function gge(e,t,n){return Jv(e,t,n,HN,Qv(lge()),jf(e,2,-2),0)}function D6(e,t,n,r){return Jv(e,t,n,$C,jf(e,0,r),jf(e,r+1,-1),r)}function $u(e,t){for(var n="",r=FC(e),i=0;i6)switch(En(e,t+1)){case 109:if(En(e,t+4)!==45)break;case 102:return He(e,/(.+:)(.+)-([^]+)/,"$1"+Ge+"$2-$3$1"+ty+(En(e,t+3)==108?"$3":"$2-$3"))+e;case 115:return~T2(e,"stretch")?ZN(He(e,"stretch","fill-available"),t)+e:e}break;case 4949:if(En(e,t+1)!==115)break;case 6444:switch(En(e,Bi(e)-3-(~T2(e,"!important")&&10))){case 107:return He(e,":",":"+Ge)+e;case 101:return He(e,/(.+:)([^;!]+)(;|!.+)?/,"$1"+Ge+(En(e,14)===45?"inline-":"")+"box$3$1"+Ge+"$2$3$1"+Dn+"$2box$3")+e}break;case 5936:switch(En(e,t+11)){case 114:return Ge+e+Dn+He(e,/[svh]\w+-[tblr]{2}/,"tb")+e;case 108:return Ge+e+Dn+He(e,/[svh]\w+-[tblr]{2}/,"tb-rl")+e;case 45:return Ge+e+Dn+He(e,/[svh]\w+-[tblr]{2}/,"lr")+e}return Ge+e+Dn+e+e}return e}var Cge=function(t,n,r,i){if(t.length>-1&&!t.return)switch(t.type){case $C:t.return=ZN(t.value,t.length);break;case qN:return $u([rd(t,{value:He(t.value,"@","@"+Ge)})],i);case LC:if(t.length)return age(t.props,function(o){switch(sge(o,/(::plac\w+|:read-\w+)/)){case":read-only":case":read-write":return $u([rd(t,{props:[He(o,/:(read-\w+)/,":"+ty+"$1")]})],i);case"::placeholder":return $u([rd(t,{props:[He(o,/:(plac\w+)/,":"+Ge+"input-$1")]}),rd(t,{props:[He(o,/:(plac\w+)/,":"+ty+"$1")]}),rd(t,{props:[He(o,/:(plac\w+)/,Dn+"input-$1")]})],i)}return""})}},Tge=[Cge],Ege=function(t){var n=t.key;if(n==="css"){var r=document.querySelectorAll("style[data-emotion]:not([data-s])");Array.prototype.forEach.call(r,function(m){var S=m.getAttribute("data-emotion");S.indexOf(" ")!==-1&&(document.head.appendChild(m),m.setAttribute("data-s",""))})}var i=t.stylisPlugins||Tge,o={},s,a=[];s=t.container||document.head,Array.prototype.forEach.call(document.querySelectorAll('style[data-emotion^="'+n+' "]'),function(m){for(var S=m.getAttribute("data-emotion").split(" "),y=1;y=4;++r,i-=4)n=e.charCodeAt(r)&255|(e.charCodeAt(++r)&255)<<8|(e.charCodeAt(++r)&255)<<16|(e.charCodeAt(++r)&255)<<24,n=(n&65535)*1540483477+((n>>>16)*59797<<16),n^=n>>>24,t=(n&65535)*1540483477+((n>>>16)*59797<<16)^(t&65535)*1540483477+((t>>>16)*59797<<16);switch(i){case 3:t^=(e.charCodeAt(r+2)&255)<<16;case 2:t^=(e.charCodeAt(r+1)&255)<<8;case 1:t^=e.charCodeAt(r)&255,t=(t&65535)*1540483477+((t>>>16)*59797<<16)}return t^=t>>>13,t=(t&65535)*1540483477+((t>>>16)*59797<<16),((t^t>>>15)>>>0).toString(36)}var Rge={animationIterationCount:1,aspectRatio:1,borderImageOutset:1,borderImageSlice:1,borderImageWidth:1,boxFlex:1,boxFlexGroup:1,boxOrdinalGroup:1,columnCount:1,columns:1,flex:1,flexGrow:1,flexPositive:1,flexShrink:1,flexNegative:1,flexOrder:1,gridRow:1,gridRowEnd:1,gridRowSpan:1,gridRowStart:1,gridColumn:1,gridColumnEnd:1,gridColumnSpan:1,gridColumnStart:1,msGridRow:1,msGridRowSpan:1,msGridColumn:1,msGridColumnSpan:1,fontWeight:1,lineHeight:1,opacity:1,order:1,orphans:1,tabSize:1,widows:1,zIndex:1,zoom:1,WebkitLineClamp:1,fillOpacity:1,floodOpacity:1,stopOpacity:1,strokeDasharray:1,strokeDashoffset:1,strokeMiterlimit:1,strokeOpacity:1,strokeWidth:1},Oge=/[A-Z]|^ms/g,Mge=/_EMO_([^_]+?)_([^]*?)_EMO_/g,tD=function(t){return t.charCodeAt(1)===45},F6=function(t){return t!=null&&typeof t!="boolean"},tS=QN(function(e){return tD(e)?e:e.replace(Oge,"-$&").toLowerCase()}),B6=function(t,n){switch(t){case"animation":case"animationName":if(typeof n=="string")return n.replace(Mge,function(r,i,o){return ji={name:i,styles:o,next:ji},i})}return Rge[t]!==1&&!tD(t)&&typeof n=="number"&&n!==0?n+"px":n};function zf(e,t,n){if(n==null)return"";if(n.__emotion_styles!==void 0)return n;switch(typeof n){case"boolean":return"";case"object":{if(n.anim===1)return ji={name:n.name,styles:n.styles,next:ji},n.name;if(n.styles!==void 0){var r=n.next;if(r!==void 0)for(;r!==void 0;)ji={name:r.name,styles:r.styles,next:ji},r=r.next;var i=n.styles+";";return i}return Ige(e,t,n)}case"function":{if(e!==void 0){var o=ji,s=n(e);return ji=o,zf(e,t,s)}break}}if(t==null)return n;var a=t[n];return a!==void 0?a:n}function Ige(e,t,n){var r="";if(Array.isArray(n))for(var i=0;i` or ``");return e}var sD=k.createContext({});sD.displayName="ColorModeContext";function jC(){const e=k.useContext(sD);if(e===void 0)throw new Error("useColorMode must be used within a ColorModeProvider");return e}function C4e(e,t){const{colorMode:n}=jC();return n==="dark"?t:e}function Vge(){const e=jC(),t=oD();return{...e,theme:t}}function zge(e,t,n){var r,i;if(t==null)return t;const o=s=>{var a,l;return(l=(a=e.__breakpoints)==null?void 0:a.asArray)==null?void 0:l[s]};return(i=(r=o(t))!=null?r:o(n))!=null?i:n}function Uge(e,t,n){var r,i;if(t==null)return t;const o=s=>{var a,l;return(l=(a=e.__cssMap)==null?void 0:a[s])==null?void 0:l.value};return(i=(r=o(t))!=null?r:o(n))!=null?i:n}function T4e(e,t,n){const r=oD();return Gge(e,t,n)(r)}function Gge(e,t,n){const r=Array.isArray(t)?t:[t],i=Array.isArray(n)?n:[n];return o=>{const s=i.filter(Boolean),a=r.map((l,u)=>{var c,d;if(e==="breakpoints")return zge(o,l,(c=s[u])!=null?c:l);const f=`${e}.${l}`;return Uge(o,f,(d=s[u])!=null?d:l)});return Array.isArray(t)?a:a[0]}}var aD=(...e)=>e.filter(Boolean).join(" ");function Hge(){return!1}function Mo(e){const t=typeof e;return e!=null&&(t==="object"||t==="function")&&!Array.isArray(e)}var E4e=e=>{const{condition:t,message:n}=e;t&&Hge()&&console.warn(n)};function Da(e,...t){return qge(e)?e(...t):e}var qge=e=>typeof e=="function",P4e=e=>e?"":void 0,A4e=e=>e?!0:void 0;function k4e(...e){return function(n){e.some(r=>(r==null||r(n),n==null?void 0:n.defaultPrevented))}}function R4e(...e){return function(n){e.forEach(r=>{r==null||r(n)})}}var ny={exports:{}};ny.exports;(function(e,t){var n=200,r="__lodash_hash_undefined__",i=800,o=16,s=9007199254740991,a="[object Arguments]",l="[object Array]",u="[object AsyncFunction]",c="[object Boolean]",d="[object Date]",f="[object Error]",h="[object Function]",p="[object GeneratorFunction]",m="[object Map]",S="[object Number]",y="[object Null]",v="[object Object]",g="[object Proxy]",b="[object RegExp]",_="[object Set]",w="[object String]",x="[object Undefined]",T="[object WeakMap]",P="[object ArrayBuffer]",E="[object DataView]",A="[object Float32Array]",$="[object Float64Array]",I="[object Int8Array]",C="[object Int16Array]",R="[object Int32Array]",M="[object Uint8Array]",N="[object Uint8ClampedArray]",O="[object Uint16Array]",D="[object Uint32Array]",L=/[\\^$.*+?()[\]{}|]/g,j=/^\[object .+?Constructor\]$/,U=/^(?:0|[1-9]\d*)$/,G={};G[A]=G[$]=G[I]=G[C]=G[R]=G[M]=G[N]=G[O]=G[D]=!0,G[a]=G[l]=G[P]=G[c]=G[E]=G[d]=G[f]=G[h]=G[m]=G[S]=G[v]=G[b]=G[_]=G[w]=G[T]=!1;var W=typeof Ee=="object"&&Ee&&Ee.Object===Object&&Ee,X=typeof self=="object"&&self&&self.Object===Object&&self,Y=W||X||Function("return this")(),B=t&&!t.nodeType&&t,H=B&&!0&&e&&!e.nodeType&&e,Q=H&&H.exports===B,J=Q&&W.process,ne=function(){try{var F=H&&H.require&&H.require("util").types;return F||J&&J.binding&&J.binding("util")}catch{}}(),te=ne&&ne.isTypedArray;function xe(F,V,q){switch(q.length){case 0:return F.call(V);case 1:return F.call(V,q[0]);case 2:return F.call(V,q[0],q[1]);case 3:return F.call(V,q[0],q[1],q[2])}return F.apply(V,q)}function ve(F,V){for(var q=-1,ie=Array(F);++q-1}function fo(F,V){var q=this.__data__,ie=kl(q,F);return ie<0?(++this.size,q.push([F,V])):q[ie][1]=V,this}_n.prototype.clear=co,_n.prototype.delete=Zo,_n.prototype.get=Jo,_n.prototype.has=Al,_n.prototype.set=fo;function qn(F){var V=-1,q=F==null?0:F.length;for(this.clear();++V1?q[Le-1]:void 0,gt=Le>2?q[2]:void 0;for(rt=F.length>3&&typeof rt=="function"?(Le--,rt):void 0,gt&&U$(q[0],q[1],gt)&&(rt=Le<3?void 0:rt,Le=1),V=Object(V);++ie-1&&F%1==0&&F0){if(++V>=i)return arguments[0]}else V=0;return F.apply(void 0,arguments)}}function Q$(F){if(F!=null){try{return tt.call(F)}catch{}try{return F+""}catch{}}return""}function Kh(F,V){return F===V||F!==F&&V!==V}var k1=qh(function(){return arguments}())?qh:function(F){return Oc(F)&&Ut.call(F,"callee")&&!ri.call(F,"callee")},R1=Array.isArray;function O1(F){return F!=null&&R3(F.length)&&!M1(F)}function Z$(F){return Oc(F)&&O1(F)}var k3=da||rF;function M1(F){if(!pa(F))return!1;var V=Ol(F);return V==h||V==p||V==u||V==g}function R3(F){return typeof F=="number"&&F>-1&&F%1==0&&F<=s}function pa(F){var V=typeof F;return F!=null&&(V=="object"||V=="function")}function Oc(F){return F!=null&&typeof F=="object"}function J$(F){if(!Oc(F)||Ol(F)!=v)return!1;var V=wr(F);if(V===null)return!0;var q=Ut.call(V,"constructor")&&V.constructor;return typeof q=="function"&&q instanceof q&&tt.call(q)==Lr}var O3=te?ce(te):Rc;function eF(F){return F$(F,M3(F))}function M3(F){return O1(F)?x1(F,!0):R$(F)}var tF=B$(function(F,V,q,ie){E3(F,V,q,ie)});function nF(F){return function(){return F}}function I3(F){return F}function rF(){return!1}e.exports=tF})(ny,ny.exports);var Wge=ny.exports;const Wi=ll(Wge);var Kge=e=>/!(important)?$/.test(e),z6=e=>typeof e=="string"?e.replace(/!(important)?$/,"").trim():e,Xge=(e,t)=>n=>{const r=String(t),i=Kge(r),o=z6(r),s=e?`${e}.${o}`:o;let a=Mo(n.__cssMap)&&s in n.__cssMap?n.__cssMap[s].varRef:t;return a=z6(a),i?`${a} !important`:a};function VC(e){const{scale:t,transform:n,compose:r}=e;return(o,s)=>{var a;const l=Xge(t,o)(s);let u=(a=n==null?void 0:n(l,s))!=null?a:l;return r&&(u=r(u,s)),u}}var zp=(...e)=>t=>e.reduce((n,r)=>r(n),t);function jr(e,t){return n=>{const r={property:n,scale:e};return r.transform=VC({scale:e,transform:t}),r}}var Yge=({rtl:e,ltr:t})=>n=>n.direction==="rtl"?e:t;function Qge(e){const{property:t,scale:n,transform:r}=e;return{scale:n,property:Yge(t),transform:n?VC({scale:n,compose:r}):r}}var lD=["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))"];function Zge(){return["translateX(var(--chakra-translate-x, 0))","translateY(var(--chakra-translate-y, 0))",...lD].join(" ")}function Jge(){return["translate3d(var(--chakra-translate-x, 0), var(--chakra-translate-y, 0), 0)",...lD].join(" ")}var eme={"--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(" ")},tme={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,/*!*/ /*!*/)"};function nme(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(", ")}}var rme={"row-reverse":{space:"--chakra-space-x-reverse",divide:"--chakra-divide-x-reverse"},"column-reverse":{space:"--chakra-space-y-reverse",divide:"--chakra-divide-y-reverse"}},P2={"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"},ime=new Set(Object.values(P2)),A2=new Set(["none","-moz-initial","inherit","initial","revert","unset"]),ome=e=>e.trim();function sme(e,t){if(e==null||A2.has(e))return e;if(!(k2(e)||A2.has(e)))return`url('${e}')`;const i=/(^[a-z-A-Z]+)\((.*)\)/g.exec(e),o=i==null?void 0:i[1],s=i==null?void 0:i[2];if(!o||!s)return e;const a=o.includes("-gradient")?o:`${o}-gradient`,[l,...u]=s.split(",").map(ome).filter(Boolean);if((u==null?void 0:u.length)===0)return e;const c=l in P2?P2[l]:l;u.unshift(c);const d=u.map(f=>{if(ime.has(f))return f;const h=f.indexOf(" "),[p,m]=h!==-1?[f.substr(0,h),f.substr(h+1)]:[f],S=k2(m)?m:m&&m.split(" "),y=`colors.${p}`,v=y in t.__cssMap?t.__cssMap[y].varRef:p;return S?[v,...Array.isArray(S)?S:[S]].join(" "):v});return`${a}(${d.join(", ")})`}var k2=e=>typeof e=="string"&&e.includes("(")&&e.includes(")"),ame=(e,t)=>sme(e,t??{});function lme(e){return/^var\(--.+\)$/.test(e)}var ume=e=>{const t=parseFloat(e.toString()),n=e.toString().replace(String(t),"");return{unitless:!n,value:t,unit:n}},Mi=e=>t=>`${e}(${t})`,je={filter(e){return e!=="auto"?e:eme},backdropFilter(e){return e!=="auto"?e:tme},ring(e){return nme(je.px(e))},bgClip(e){return e==="text"?{color:"transparent",backgroundClip:"text"}:{backgroundClip:e}},transform(e){return e==="auto"?Zge():e==="auto-gpu"?Jge():e},vh(e){return e==="$100vh"?"var(--chakra-vh)":e},px(e){if(e==null)return e;const{unitless:t}=ume(e);return t||typeof e=="number"?`${e}px`:e},fraction(e){return typeof e!="number"||e>1?e:`${e*100}%`},float(e,t){const n={left:"right",right:"left"};return t.direction==="rtl"?n[e]:e},degree(e){if(lme(e)||e==null)return e;const t=typeof e=="string"&&!e.endsWith("deg");return typeof e=="number"||t?`${e}deg`:e},gradient:ame,blur:Mi("blur"),opacity:Mi("opacity"),brightness:Mi("brightness"),contrast:Mi("contrast"),dropShadow:Mi("drop-shadow"),grayscale:Mi("grayscale"),hueRotate:Mi("hue-rotate"),invert:Mi("invert"),saturate:Mi("saturate"),sepia:Mi("sepia"),bgImage(e){return e==null||k2(e)||A2.has(e)?e:`url(${e})`},outline(e){const t=String(e)==="0"||String(e)==="none";return e!==null&&t?{outline:"2px solid transparent",outlineOffset:"2px"}:{outline:e}},flexDirection(e){var t;const{space:n,divide:r}=(t=rme[e])!=null?t:{},i={flexDirection:e};return n&&(i[n]=1),r&&(i[r]=1),i}},z={borderWidths:jr("borderWidths"),borderStyles:jr("borderStyles"),colors:jr("colors"),borders:jr("borders"),gradients:jr("gradients",je.gradient),radii:jr("radii",je.px),space:jr("space",zp(je.vh,je.px)),spaceT:jr("space",zp(je.vh,je.px)),degreeT(e){return{property:e,transform:je.degree}},prop(e,t,n){return{property:e,scale:t,...t&&{transform:VC({scale:t,transform:n})}}},propT(e,t){return{property:e,transform:t}},sizes:jr("sizes",zp(je.vh,je.px)),sizesT:jr("sizes",zp(je.vh,je.fraction)),shadows:jr("shadows"),logical:Qge,blur:jr("blur",je.blur)},Tg={background:z.colors("background"),backgroundColor:z.colors("backgroundColor"),backgroundImage:z.gradients("backgroundImage"),backgroundSize:!0,backgroundPosition:!0,backgroundRepeat:!0,backgroundAttachment:!0,backgroundClip:{transform:je.bgClip},bgSize:z.prop("backgroundSize"),bgPosition:z.prop("backgroundPosition"),bg:z.colors("background"),bgColor:z.colors("backgroundColor"),bgPos:z.prop("backgroundPosition"),bgRepeat:z.prop("backgroundRepeat"),bgAttachment:z.prop("backgroundAttachment"),bgGradient:z.gradients("backgroundImage"),bgClip:{transform:je.bgClip}};Object.assign(Tg,{bgImage:Tg.backgroundImage,bgImg:Tg.backgroundImage});var Ue={border:z.borders("border"),borderWidth:z.borderWidths("borderWidth"),borderStyle:z.borderStyles("borderStyle"),borderColor:z.colors("borderColor"),borderRadius:z.radii("borderRadius"),borderTop:z.borders("borderTop"),borderBlockStart:z.borders("borderBlockStart"),borderTopLeftRadius:z.radii("borderTopLeftRadius"),borderStartStartRadius:z.logical({scale:"radii",property:{ltr:"borderTopLeftRadius",rtl:"borderTopRightRadius"}}),borderEndStartRadius:z.logical({scale:"radii",property:{ltr:"borderBottomLeftRadius",rtl:"borderBottomRightRadius"}}),borderTopRightRadius:z.radii("borderTopRightRadius"),borderStartEndRadius:z.logical({scale:"radii",property:{ltr:"borderTopRightRadius",rtl:"borderTopLeftRadius"}}),borderEndEndRadius:z.logical({scale:"radii",property:{ltr:"borderBottomRightRadius",rtl:"borderBottomLeftRadius"}}),borderRight:z.borders("borderRight"),borderInlineEnd:z.borders("borderInlineEnd"),borderBottom:z.borders("borderBottom"),borderBlockEnd:z.borders("borderBlockEnd"),borderBottomLeftRadius:z.radii("borderBottomLeftRadius"),borderBottomRightRadius:z.radii("borderBottomRightRadius"),borderLeft:z.borders("borderLeft"),borderInlineStart:{property:"borderInlineStart",scale:"borders"},borderInlineStartRadius:z.logical({scale:"radii",property:{ltr:["borderTopLeftRadius","borderBottomLeftRadius"],rtl:["borderTopRightRadius","borderBottomRightRadius"]}}),borderInlineEndRadius:z.logical({scale:"radii",property:{ltr:["borderTopRightRadius","borderBottomRightRadius"],rtl:["borderTopLeftRadius","borderBottomLeftRadius"]}}),borderX:z.borders(["borderLeft","borderRight"]),borderInline:z.borders("borderInline"),borderY:z.borders(["borderTop","borderBottom"]),borderBlock:z.borders("borderBlock"),borderTopWidth:z.borderWidths("borderTopWidth"),borderBlockStartWidth:z.borderWidths("borderBlockStartWidth"),borderTopColor:z.colors("borderTopColor"),borderBlockStartColor:z.colors("borderBlockStartColor"),borderTopStyle:z.borderStyles("borderTopStyle"),borderBlockStartStyle:z.borderStyles("borderBlockStartStyle"),borderBottomWidth:z.borderWidths("borderBottomWidth"),borderBlockEndWidth:z.borderWidths("borderBlockEndWidth"),borderBottomColor:z.colors("borderBottomColor"),borderBlockEndColor:z.colors("borderBlockEndColor"),borderBottomStyle:z.borderStyles("borderBottomStyle"),borderBlockEndStyle:z.borderStyles("borderBlockEndStyle"),borderLeftWidth:z.borderWidths("borderLeftWidth"),borderInlineStartWidth:z.borderWidths("borderInlineStartWidth"),borderLeftColor:z.colors("borderLeftColor"),borderInlineStartColor:z.colors("borderInlineStartColor"),borderLeftStyle:z.borderStyles("borderLeftStyle"),borderInlineStartStyle:z.borderStyles("borderInlineStartStyle"),borderRightWidth:z.borderWidths("borderRightWidth"),borderInlineEndWidth:z.borderWidths("borderInlineEndWidth"),borderRightColor:z.colors("borderRightColor"),borderInlineEndColor:z.colors("borderInlineEndColor"),borderRightStyle:z.borderStyles("borderRightStyle"),borderInlineEndStyle:z.borderStyles("borderInlineEndStyle"),borderTopRadius:z.radii(["borderTopLeftRadius","borderTopRightRadius"]),borderBottomRadius:z.radii(["borderBottomLeftRadius","borderBottomRightRadius"]),borderLeftRadius:z.radii(["borderTopLeftRadius","borderBottomLeftRadius"]),borderRightRadius:z.radii(["borderTopRightRadius","borderBottomRightRadius"])};Object.assign(Ue,{rounded:Ue.borderRadius,roundedTop:Ue.borderTopRadius,roundedTopLeft:Ue.borderTopLeftRadius,roundedTopRight:Ue.borderTopRightRadius,roundedTopStart:Ue.borderStartStartRadius,roundedTopEnd:Ue.borderStartEndRadius,roundedBottom:Ue.borderBottomRadius,roundedBottomLeft:Ue.borderBottomLeftRadius,roundedBottomRight:Ue.borderBottomRightRadius,roundedBottomStart:Ue.borderEndStartRadius,roundedBottomEnd:Ue.borderEndEndRadius,roundedLeft:Ue.borderLeftRadius,roundedRight:Ue.borderRightRadius,roundedStart:Ue.borderInlineStartRadius,roundedEnd:Ue.borderInlineEndRadius,borderStart:Ue.borderInlineStart,borderEnd:Ue.borderInlineEnd,borderTopStartRadius:Ue.borderStartStartRadius,borderTopEndRadius:Ue.borderStartEndRadius,borderBottomStartRadius:Ue.borderEndStartRadius,borderBottomEndRadius:Ue.borderEndEndRadius,borderStartRadius:Ue.borderInlineStartRadius,borderEndRadius:Ue.borderInlineEndRadius,borderStartWidth:Ue.borderInlineStartWidth,borderEndWidth:Ue.borderInlineEndWidth,borderStartColor:Ue.borderInlineStartColor,borderEndColor:Ue.borderInlineEndColor,borderStartStyle:Ue.borderInlineStartStyle,borderEndStyle:Ue.borderInlineEndStyle});var cme={color:z.colors("color"),textColor:z.colors("color"),fill:z.colors("fill"),stroke:z.colors("stroke")},R2={boxShadow:z.shadows("boxShadow"),mixBlendMode:!0,blendMode:z.prop("mixBlendMode"),backgroundBlendMode:!0,bgBlendMode:z.prop("backgroundBlendMode"),opacity:!0};Object.assign(R2,{shadow:R2.boxShadow});var dme={filter:{transform:je.filter},blur:z.blur("--chakra-blur"),brightness:z.propT("--chakra-brightness",je.brightness),contrast:z.propT("--chakra-contrast",je.contrast),hueRotate:z.degreeT("--chakra-hue-rotate"),invert:z.propT("--chakra-invert",je.invert),saturate:z.propT("--chakra-saturate",je.saturate),dropShadow:z.propT("--chakra-drop-shadow",je.dropShadow),backdropFilter:{transform:je.backdropFilter},backdropBlur:z.blur("--chakra-backdrop-blur"),backdropBrightness:z.propT("--chakra-backdrop-brightness",je.brightness),backdropContrast:z.propT("--chakra-backdrop-contrast",je.contrast),backdropHueRotate:z.degreeT("--chakra-backdrop-hue-rotate"),backdropInvert:z.propT("--chakra-backdrop-invert",je.invert),backdropSaturate:z.propT("--chakra-backdrop-saturate",je.saturate)},ry={alignItems:!0,alignContent:!0,justifyItems:!0,justifyContent:!0,flexWrap:!0,flexDirection:{transform:je.flexDirection},flex:!0,flexFlow:!0,flexGrow:!0,flexShrink:!0,flexBasis:z.sizes("flexBasis"),justifySelf:!0,alignSelf:!0,order:!0,placeItems:!0,placeContent:!0,placeSelf:!0,gap:z.space("gap"),rowGap:z.space("rowGap"),columnGap:z.space("columnGap")};Object.assign(ry,{flexDir:ry.flexDirection});var uD={gridGap:z.space("gridGap"),gridColumnGap:z.space("gridColumnGap"),gridRowGap:z.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},fme={appearance:!0,cursor:!0,resize:!0,userSelect:!0,pointerEvents:!0,outline:{transform:je.outline},outlineOffset:!0,outlineColor:z.colors("outlineColor")},zr={width:z.sizesT("width"),inlineSize:z.sizesT("inlineSize"),height:z.sizes("height"),blockSize:z.sizes("blockSize"),boxSize:z.sizes(["width","height"]),minWidth:z.sizes("minWidth"),minInlineSize:z.sizes("minInlineSize"),minHeight:z.sizes("minHeight"),minBlockSize:z.sizes("minBlockSize"),maxWidth:z.sizes("maxWidth"),maxInlineSize:z.sizes("maxInlineSize"),maxHeight:z.sizes("maxHeight"),maxBlockSize:z.sizes("maxBlockSize"),overflow:!0,overflowX:!0,overflowY:!0,overscrollBehavior:!0,overscrollBehaviorX:!0,overscrollBehaviorY:!0,display:!0,aspectRatio:!0,hideFrom:{scale:"breakpoints",transform:(e,t)=>{var n,r,i;return{[`@media screen and (min-width: ${(i=(r=(n=t.__breakpoints)==null?void 0:n.get(e))==null?void 0:r.minW)!=null?i:e})`]:{display:"none"}}}},hideBelow:{scale:"breakpoints",transform:(e,t)=>{var n,r,i;return{[`@media screen and (max-width: ${(i=(r=(n=t.__breakpoints)==null?void 0:n.get(e))==null?void 0:r._minW)!=null?i:e})`]:{display:"none"}}}},verticalAlign:!0,boxSizing:!0,boxDecorationBreak:!0,float:z.propT("float",je.float),objectFit:!0,objectPosition:!0,visibility:!0,isolation:!0};Object.assign(zr,{w:zr.width,h:zr.height,minW:zr.minWidth,maxW:zr.maxWidth,minH:zr.minHeight,maxH:zr.maxHeight,overscroll:zr.overscrollBehavior,overscrollX:zr.overscrollBehaviorX,overscrollY:zr.overscrollBehaviorY});var hme={listStyleType:!0,listStylePosition:!0,listStylePos:z.prop("listStylePosition"),listStyleImage:!0,listStyleImg:z.prop("listStyleImage")};function pme(e,t,n,r){const i=typeof t=="string"?t.split("."):[t];for(r=0;r{const t=new WeakMap;return(r,i,o,s)=>{if(typeof r>"u")return e(r,i,o);t.has(r)||t.set(r,new Map);const a=t.get(r);if(a.has(i))return a.get(i);const l=e(r,i,o,s);return a.set(i,l),l}},mme=gme(pme),yme={border:"0px",clip:"rect(0, 0, 0, 0)",width:"1px",height:"1px",margin:"-1px",padding:"0px",overflow:"hidden",whiteSpace:"nowrap",position:"absolute"},vme={position:"static",width:"auto",height:"auto",clip:"auto",padding:"0",margin:"0",overflow:"visible",whiteSpace:"normal"},nS=(e,t,n)=>{const r={},i=mme(e,t,{});for(const o in i)o in n&&n[o]!=null||(r[o]=i[o]);return r},bme={srOnly:{transform(e){return e===!0?yme:e==="focusable"?vme:{}}},layerStyle:{processResult:!0,transform:(e,t,n)=>nS(t,`layerStyles.${e}`,n)},textStyle:{processResult:!0,transform:(e,t,n)=>nS(t,`textStyles.${e}`,n)},apply:{processResult:!0,transform:(e,t,n)=>nS(t,e,n)}},Rd={position:!0,pos:z.prop("position"),zIndex:z.prop("zIndex","zIndices"),inset:z.spaceT("inset"),insetX:z.spaceT(["left","right"]),insetInline:z.spaceT("insetInline"),insetY:z.spaceT(["top","bottom"]),insetBlock:z.spaceT("insetBlock"),top:z.spaceT("top"),insetBlockStart:z.spaceT("insetBlockStart"),bottom:z.spaceT("bottom"),insetBlockEnd:z.spaceT("insetBlockEnd"),left:z.spaceT("left"),insetInlineStart:z.logical({scale:"space",property:{ltr:"left",rtl:"right"}}),right:z.spaceT("right"),insetInlineEnd:z.logical({scale:"space",property:{ltr:"right",rtl:"left"}})};Object.assign(Rd,{insetStart:Rd.insetInlineStart,insetEnd:Rd.insetInlineEnd});var Sme={ring:{transform:je.ring},ringColor:z.colors("--chakra-ring-color"),ringOffset:z.prop("--chakra-ring-offset-width"),ringOffsetColor:z.colors("--chakra-ring-offset-color"),ringInset:z.prop("--chakra-ring-inset")},dt={margin:z.spaceT("margin"),marginTop:z.spaceT("marginTop"),marginBlockStart:z.spaceT("marginBlockStart"),marginRight:z.spaceT("marginRight"),marginInlineEnd:z.spaceT("marginInlineEnd"),marginBottom:z.spaceT("marginBottom"),marginBlockEnd:z.spaceT("marginBlockEnd"),marginLeft:z.spaceT("marginLeft"),marginInlineStart:z.spaceT("marginInlineStart"),marginX:z.spaceT(["marginInlineStart","marginInlineEnd"]),marginInline:z.spaceT("marginInline"),marginY:z.spaceT(["marginTop","marginBottom"]),marginBlock:z.spaceT("marginBlock"),padding:z.space("padding"),paddingTop:z.space("paddingTop"),paddingBlockStart:z.space("paddingBlockStart"),paddingRight:z.space("paddingRight"),paddingBottom:z.space("paddingBottom"),paddingBlockEnd:z.space("paddingBlockEnd"),paddingLeft:z.space("paddingLeft"),paddingInlineStart:z.space("paddingInlineStart"),paddingInlineEnd:z.space("paddingInlineEnd"),paddingX:z.space(["paddingInlineStart","paddingInlineEnd"]),paddingInline:z.space("paddingInline"),paddingY:z.space(["paddingTop","paddingBottom"]),paddingBlock:z.space("paddingBlock")};Object.assign(dt,{m:dt.margin,mt:dt.marginTop,mr:dt.marginRight,me:dt.marginInlineEnd,marginEnd:dt.marginInlineEnd,mb:dt.marginBottom,ml:dt.marginLeft,ms:dt.marginInlineStart,marginStart:dt.marginInlineStart,mx:dt.marginX,my:dt.marginY,p:dt.padding,pt:dt.paddingTop,py:dt.paddingY,px:dt.paddingX,pb:dt.paddingBottom,pl:dt.paddingLeft,ps:dt.paddingInlineStart,paddingStart:dt.paddingInlineStart,pr:dt.paddingRight,pe:dt.paddingInlineEnd,paddingEnd:dt.paddingInlineEnd});var _me={textDecorationColor:z.colors("textDecorationColor"),textDecoration:!0,textDecor:{property:"textDecoration"},textDecorationLine:!0,textDecorationStyle:!0,textDecorationThickness:!0,textUnderlineOffset:!0,textShadow:z.shadows("textShadow")},wme={clipPath:!0,transform:z.propT("transform",je.transform),transformOrigin:!0,translateX:z.spaceT("--chakra-translate-x"),translateY:z.spaceT("--chakra-translate-y"),skewX:z.degreeT("--chakra-skew-x"),skewY:z.degreeT("--chakra-skew-y"),scaleX:z.prop("--chakra-scale-x"),scaleY:z.prop("--chakra-scale-y"),scale:z.prop(["--chakra-scale-x","--chakra-scale-y"]),rotate:z.degreeT("--chakra-rotate")},xme={transition:!0,transitionDelay:!0,animation:!0,willChange:!0,transitionDuration:z.prop("transitionDuration","transition.duration"),transitionProperty:z.prop("transitionProperty","transition.property"),transitionTimingFunction:z.prop("transitionTimingFunction","transition.easing")},Cme={fontFamily:z.prop("fontFamily","fonts"),fontSize:z.prop("fontSize","fontSizes",je.px),fontWeight:z.prop("fontWeight","fontWeights"),lineHeight:z.prop("lineHeight","lineHeights"),letterSpacing:z.prop("letterSpacing","letterSpacings"),textAlign:!0,fontStyle:!0,textIndent:!0,wordBreak:!0,overflowWrap:!0,textOverflow:!0,textTransform:!0,whiteSpace:!0,isTruncated:{transform(e){if(e===!0)return{overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"}}},noOfLines:{static:{overflow:"hidden",textOverflow:"ellipsis",display:"-webkit-box",WebkitBoxOrient:"vertical",WebkitLineClamp:"var(--chakra-line-clamp)"},property:"--chakra-line-clamp"}},Tme={scrollBehavior:!0,scrollSnapAlign:!0,scrollSnapStop:!0,scrollSnapType:!0,scrollMargin:z.spaceT("scrollMargin"),scrollMarginTop:z.spaceT("scrollMarginTop"),scrollMarginBottom:z.spaceT("scrollMarginBottom"),scrollMarginLeft:z.spaceT("scrollMarginLeft"),scrollMarginRight:z.spaceT("scrollMarginRight"),scrollMarginX:z.spaceT(["scrollMarginLeft","scrollMarginRight"]),scrollMarginY:z.spaceT(["scrollMarginTop","scrollMarginBottom"]),scrollPadding:z.spaceT("scrollPadding"),scrollPaddingTop:z.spaceT("scrollPaddingTop"),scrollPaddingBottom:z.spaceT("scrollPaddingBottom"),scrollPaddingLeft:z.spaceT("scrollPaddingLeft"),scrollPaddingRight:z.spaceT("scrollPaddingRight"),scrollPaddingX:z.spaceT(["scrollPaddingLeft","scrollPaddingRight"]),scrollPaddingY:z.spaceT(["scrollPaddingTop","scrollPaddingBottom"])};function cD(e){return Mo(e)&&e.reference?e.reference:String(e)}var e1=(e,...t)=>t.map(cD).join(` ${e} `).replace(/calc/g,""),U6=(...e)=>`calc(${e1("+",...e)})`,G6=(...e)=>`calc(${e1("-",...e)})`,O2=(...e)=>`calc(${e1("*",...e)})`,H6=(...e)=>`calc(${e1("/",...e)})`,q6=e=>{const t=cD(e);return t!=null&&!Number.isNaN(parseFloat(t))?String(t).startsWith("-")?String(t).slice(1):`-${t}`:O2(t,-1)},Aa=Object.assign(e=>({add:(...t)=>Aa(U6(e,...t)),subtract:(...t)=>Aa(G6(e,...t)),multiply:(...t)=>Aa(O2(e,...t)),divide:(...t)=>Aa(H6(e,...t)),negate:()=>Aa(q6(e)),toString:()=>e.toString()}),{add:U6,subtract:G6,multiply:O2,divide:H6,negate:q6});function Eme(e,t="-"){return e.replace(/\s+/g,t)}function Pme(e){const t=Eme(e.toString());return kme(Ame(t))}function Ame(e){return e.includes("\\.")?e:!Number.isInteger(parseFloat(e.toString()))?e.replace(".","\\."):e}function kme(e){return e.replace(/[!-,/:-@[-^`{-~]/g,"\\$&")}function Rme(e,t=""){return[t,e].filter(Boolean).join("-")}function Ome(e,t){return`var(${e}${t?`, ${t}`:""})`}function Mme(e,t=""){return Pme(`--${Rme(e,t)}`)}function M2(e,t,n){const r=Mme(e,n);return{variable:r,reference:Ome(r,t)}}function O4e(e,t){const n={};for(const r of t){if(Array.isArray(r)){const[i,o]=r;n[i]=M2(`${e}-${i}`,o);continue}n[r]=M2(`${e}-${r}`)}return n}function Ime(e){const t=e==null?0:e.length;return t?e[t-1]:void 0}function Nme(e){const t=parseFloat(e.toString()),n=e.toString().replace(String(t),"");return{unitless:!n,value:t,unit:n}}function I2(e){if(e==null)return e;const{unitless:t}=Nme(e);return t||typeof e=="number"?`${e}px`:e}var dD=(e,t)=>parseInt(e[1],10)>parseInt(t[1],10)?1:-1,zC=e=>Object.fromEntries(Object.entries(e).sort(dD));function W6(e){const t=zC(e);return Object.assign(Object.values(t),t)}function Dme(e){const t=Object.keys(zC(e));return new Set(t)}function K6(e){var t;if(!e)return e;e=(t=I2(e))!=null?t:e;const n=-.02;return typeof e=="number"?`${e+n}`:e.replace(/(\d+\.?\d*)/u,r=>`${parseFloat(r)+n}`)}function pd(e,t){const n=["@media screen"];return e&&n.push("and",`(min-width: ${I2(e)})`),t&&n.push("and",`(max-width: ${I2(t)})`),n.join(" ")}function Lme(e){var t;if(!e)return null;e.base=(t=e.base)!=null?t:"0px";const n=W6(e),r=Object.entries(e).sort(dD).map(([s,a],l,u)=>{var c;let[,d]=(c=u[l+1])!=null?c:[];return d=parseFloat(d)>0?K6(d):void 0,{_minW:K6(a),breakpoint:s,minW:a,maxW:d,maxWQuery:pd(null,d),minWQuery:pd(a),minMaxQuery:pd(a,d)}}),i=Dme(e),o=Array.from(i.values());return{keys:i,normalized:n,isResponsive(s){const a=Object.keys(s);return a.length>0&&a.every(l=>i.has(l))},asObject:zC(e),asArray:W6(e),details:r,get(s){return r.find(a=>a.breakpoint===s)},media:[null,...n.map(s=>pd(s)).slice(1)],toArrayValue(s){if(!Mo(s))throw new Error("toArrayValue: value must be an object");const a=o.map(l=>{var u;return(u=s[l])!=null?u:null});for(;Ime(a)===null;)a.pop();return a},toObjectValue(s){if(!Array.isArray(s))throw new Error("toObjectValue: value must be an array");return s.reduce((a,l,u)=>{const c=o[u];return c!=null&&l!=null&&(a[c]=l),a},{})}}}var wn={hover:(e,t)=>`${e}:hover ${t}, ${e}[data-hover] ${t}`,focus:(e,t)=>`${e}:focus ${t}, ${e}[data-focus] ${t}`,focusVisible:(e,t)=>`${e}:focus-visible ${t}`,focusWithin:(e,t)=>`${e}:focus-within ${t}`,active:(e,t)=>`${e}:active ${t}, ${e}[data-active] ${t}`,disabled:(e,t)=>`${e}:disabled ${t}, ${e}[data-disabled] ${t}`,invalid:(e,t)=>`${e}:invalid ${t}, ${e}[data-invalid] ${t}`,checked:(e,t)=>`${e}:checked ${t}, ${e}[data-checked] ${t}`,indeterminate:(e,t)=>`${e}:indeterminate ${t}, ${e}[aria-checked=mixed] ${t}, ${e}[data-indeterminate] ${t}`,readOnly:(e,t)=>`${e}:read-only ${t}, ${e}[readonly] ${t}, ${e}[data-read-only] ${t}`,expanded:(e,t)=>`${e}:read-only ${t}, ${e}[aria-expanded=true] ${t}, ${e}[data-expanded] ${t}`,placeholderShown:(e,t)=>`${e}:placeholder-shown ${t}`},os=e=>fD(t=>e(t,"&"),"[role=group]","[data-group]",".group"),mo=e=>fD(t=>e(t,"~ &"),"[data-peer]",".peer"),fD=(e,...t)=>t.map(e).join(", "),t1={_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",_firstLetter:"&::first-letter",_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:os(wn.hover),_peerHover:mo(wn.hover),_groupFocus:os(wn.focus),_peerFocus:mo(wn.focus),_groupFocusVisible:os(wn.focusVisible),_peerFocusVisible:mo(wn.focusVisible),_groupActive:os(wn.active),_peerActive:mo(wn.active),_groupDisabled:os(wn.disabled),_peerDisabled:mo(wn.disabled),_groupInvalid:os(wn.invalid),_peerInvalid:mo(wn.invalid),_groupChecked:os(wn.checked),_peerChecked:mo(wn.checked),_groupFocusWithin:os(wn.focusWithin),_peerFocusWithin:mo(wn.focusWithin),_peerPlaceholderShown:mo(wn.placeholderShown),_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]",_horizontal:"&[data-orientation=horizontal]",_vertical:"&[data-orientation=vertical]"},hD=Object.keys(t1);function X6(e,t){return M2(String(e).replace(/\./g,"-"),void 0,t)}function $me(e,t){let n={};const r={};for(const[i,o]of Object.entries(e)){const{isSemantic:s,value:a}=o,{variable:l,reference:u}=X6(i,t==null?void 0:t.cssVarPrefix);if(!s){if(i.startsWith("space")){const f=i.split("."),[h,...p]=f,m=`${h}.-${p.join(".")}`,S=Aa.negate(a),y=Aa.negate(u);r[m]={value:S,var:l,varRef:y}}n[l]=a,r[i]={value:a,var:l,varRef:u};continue}const c=f=>{const p=[String(i).split(".")[0],f].join(".");if(!e[p])return f;const{reference:S}=X6(p,t==null?void 0:t.cssVarPrefix);return S},d=Mo(a)?a:{default:a};n=Wi(n,Object.entries(d).reduce((f,[h,p])=>{var m,S;if(!p)return f;const y=c(`${p}`);if(h==="default")return f[l]=y,f;const v=(S=(m=t1)==null?void 0:m[h])!=null?S:h;return f[v]={[l]:y},f},{})),r[i]={value:u,var:l,varRef:u}}return{cssVars:n,cssMap:r}}function Fme(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}function Bme(e,t){const n={};for(const r of t)r in e&&(n[r]=e[r]);return n}function jme(e){return typeof e=="object"&&e!=null&&!Array.isArray(e)}function Y6(e,t,n={}){const{stop:r,getKey:i}=n;function o(s,a=[]){var l;if(jme(s)||Array.isArray(s)){const u={};for(const[c,d]of Object.entries(s)){const f=(l=i==null?void 0:i(c))!=null?l:c,h=[...a,f];if(r!=null&&r(s,h))return t(s,a);u[f]=o(d,h)}return u}return t(s,a)}return o(e)}var Vme=["colors","borders","borderWidths","borderStyles","fonts","fontSizes","fontWeights","gradients","letterSpacings","lineHeights","radii","space","shadows","sizes","zIndices","transition","blur","breakpoints"];function zme(e){return Bme(e,Vme)}function Ume(e){return e.semanticTokens}function Gme(e){const{__cssMap:t,__cssVars:n,__breakpoints:r,...i}=e;return i}var Hme=e=>hD.includes(e)||e==="default";function qme({tokens:e,semanticTokens:t}){const n={};return Y6(e,(r,i)=>{r!=null&&(n[i.join(".")]={isSemantic:!1,value:r})}),Y6(t,(r,i)=>{r!=null&&(n[i.join(".")]={isSemantic:!0,value:r})},{stop:r=>Object.keys(r).every(Hme)}),n}function M4e(e){var t;const n=Gme(e),r=zme(n),i=Ume(n),o=qme({tokens:r,semanticTokens:i}),s=(t=n.config)==null?void 0:t.cssVarPrefix,{cssMap:a,cssVars:l}=$me(o,{cssVarPrefix:s});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:a,__breakpoints:Lme(n.breakpoints)}),n}var UC=Wi({},Tg,Ue,cme,ry,zr,dme,Sme,fme,uD,bme,Rd,R2,dt,Tme,Cme,_me,wme,hme,xme),Wme=Object.assign({},dt,zr,ry,uD,Rd),I4e=Object.keys(Wme),Kme=[...Object.keys(UC),...hD],Xme={...UC,...t1},Yme=e=>e in Xme,Qme=e=>t=>{if(!t.__breakpoints)return e;const{isResponsive:n,toArrayValue:r,media:i}=t.__breakpoints,o={};for(const s in e){let a=Da(e[s],t);if(a==null)continue;if(a=Mo(a)&&n(a)?r(a):a,!Array.isArray(a)){o[s]=a;continue}const l=a.slice(0,i.length).length;for(let u=0;ue.startsWith("--")&&typeof t=="string"&&!Jme(t),tye=(e,t)=>{var n,r;if(t==null)return t;const i=l=>{var u,c;return(c=(u=e.__cssMap)==null?void 0:u[l])==null?void 0:c.varRef},o=l=>{var u;return(u=i(l))!=null?u:l},[s,a]=Zme(t);return t=(r=(n=i(s))!=null?n:o(a))!=null?r:o(t),t};function nye(e){const{configs:t={},pseudos:n={},theme:r}=e,i=(o,s=!1)=>{var a,l,u;const c=Da(o,r),d=Qme(c)(r);let f={};for(let h in d){const p=d[h];let m=Da(p,r);h in n&&(h=n[h]),eye(h,m)&&(m=tye(r,m));let S=t[h];if(S===!0&&(S={property:h}),Mo(m)){f[h]=(a=f[h])!=null?a:{},f[h]=Wi({},f[h],i(m,!0));continue}let y=(u=(l=S==null?void 0:S.transform)==null?void 0:l.call(S,m,r,c))!=null?u:m;y=S!=null&&S.processResult?i(y,!0):y;const v=Da(S==null?void 0:S.property,r);if(!s&&(S!=null&&S.static)){const g=Da(S.static,r);f=Wi({},f,g)}if(v&&Array.isArray(v)){for(const g of v)f[g]=y;continue}if(v){v==="&"&&Mo(y)?f=Wi({},f,y):f[v]=y;continue}if(Mo(y)){f=Wi({},f,y);continue}f[h]=y}return f};return i}var rye=e=>t=>nye({theme:t,pseudos:t1,configs:UC})(e);function N4e(e){return e}function D4e(e){return e}function L4e(e){return{definePartsStyle(t){return t},defineMultiStyleConfig(t){return{parts:e,...t}}}}function iye(e,t){if(Array.isArray(e))return e;if(Mo(e))return t(e);if(e!=null)return[e]}function oye(e,t){for(let n=t+1;n{Wi(u,{[g]:f?v[g]:{[y]:v[g]}})});continue}if(!h){f?Wi(u,v):u[y]=v;continue}u[y]=v}}return u}}function aye(e){return t=>{var n;const{variant:r,size:i,theme:o}=t,s=sye(o);return Wi({},Da((n=e.baseStyle)!=null?n:{},t),s(e,"sizes",i,t),s(e,"variants",r,t))}}function $4e(e,t,n){var r,i,o;return(o=(i=(r=e.__cssMap)==null?void 0:r[`${t}.${n}`])==null?void 0:i.varRef)!=null?o:n}function pD(e){return Fme(e,["styleConfig","size","variant","colorScheme"])}function lye(e){return e!=null&&typeof e=="object"&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE}function F4e(e){var t;return lye(e)&&(t=e.ownerDocument)!=null?t:document}function uye(){return!!(typeof window<"u"&&window.document&&window.document.createElement)}var cye=uye();function dye(e,t){const n={};return Object.keys(e).forEach(r=>{t.includes(r)||(n[r]=e[r])}),n}function fye(e,t,n,r){const i=typeof t=="string"?t.split("."):[t];for(r=0;r{const t=new WeakMap;return(r,i,o,s)=>{if(typeof r>"u")return e(r,i,o);t.has(r)||t.set(r,new Map);const a=t.get(r);if(a.has(i))return a.get(i);const l=e(r,i,o,s);return a.set(i,l),l}},pye=hye(fye);function gD(e,t){const n={};return Object.keys(e).forEach(r=>{const i=e[r];t(i,r,e)&&(n[r]=i)}),n}var mD=e=>gD(e,t=>t!=null);function gye(e){return typeof e=="function"}function mye(e,...t){return gye(e)?e(...t):e}function yye(...e){return function(n){e.some(r=>(r==null||r(n),n==null?void 0:n.defaultPrevented))}}var vye=typeof Element<"u",bye=typeof Map=="function",Sye=typeof Set=="function",_ye=typeof ArrayBuffer=="function"&&!!ArrayBuffer.isView;function Eg(e,t){if(e===t)return!0;if(e&&t&&typeof e=="object"&&typeof t=="object"){if(e.constructor!==t.constructor)return!1;var n,r,i;if(Array.isArray(e)){if(n=e.length,n!=t.length)return!1;for(r=n;r--!==0;)if(!Eg(e[r],t[r]))return!1;return!0}var o;if(bye&&e instanceof Map&&t instanceof Map){if(e.size!==t.size)return!1;for(o=e.entries();!(r=o.next()).done;)if(!t.has(r.value[0]))return!1;for(o=e.entries();!(r=o.next()).done;)if(!Eg(r.value[1],t.get(r.value[0])))return!1;return!0}if(Sye&&e instanceof Set&&t instanceof Set){if(e.size!==t.size)return!1;for(o=e.entries();!(r=o.next()).done;)if(!t.has(r.value[0]))return!1;return!0}if(_ye&&ArrayBuffer.isView(e)&&ArrayBuffer.isView(t)){if(n=e.length,n!=t.length)return!1;for(r=n;r--!==0;)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&&typeof e.valueOf=="function"&&typeof t.valueOf=="function")return e.valueOf()===t.valueOf();if(e.toString!==Object.prototype.toString&&typeof e.toString=="function"&&typeof t.toString=="function")return e.toString()===t.toString();if(i=Object.keys(e),n=i.length,n!==Object.keys(t).length)return!1;for(r=n;r--!==0;)if(!Object.prototype.hasOwnProperty.call(t,i[r]))return!1;if(vye&&e instanceof Element)return!1;for(r=n;r--!==0;)if(!((i[r]==="_owner"||i[r]==="__v"||i[r]==="__o")&&e.$$typeof)&&!Eg(e[i[r]],t[i[r]]))return!1;return!0}return e!==e&&t!==t}var wye=function(t,n){try{return Eg(t,n)}catch(r){if((r.message||"").match(/stack|recursion/i))return console.warn("react-fast-compare cannot handle circular refs"),!1;throw r}};const xye=ll(wye);function yD(e,t={}){var n;const{styleConfig:r,...i}=t,{theme:o,colorMode:s}=Vge(),a=e?pye(o,`components.${e}`):void 0,l=r||a,u=Wi({theme:o,colorMode:s},(n=l==null?void 0:l.defaultProps)!=null?n:{},mD(dye(i,["children"]))),c=k.useRef({});if(l){const f=aye(l)(u);xye(c.current,f)||(c.current=f)}return c.current}function vD(e,t={}){return yD(e,t)}function B4e(e,t={}){return yD(e,t)}var Cye=new Set([...Kme,"textStyle","layerStyle","apply","noOfLines","focusBorderColor","errorBorderColor","as","__css","css","sx"]),Tye=new Set(["htmlWidth","htmlHeight","htmlSize","htmlTranslate"]);function Eye(e){return Tye.has(e)||!Cye.has(e)}function Pye(e,...t){if(e==null)throw new TypeError("Cannot convert undefined or null to object");const n={...e};for(const r of t)if(r!=null)for(const i in r)Object.prototype.hasOwnProperty.call(r,i)&&(i in n&&delete n[i],n[i]=r[i]);return n}var Aye=/^((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)-.*))$/,kye=QN(function(e){return Aye.test(e)||e.charCodeAt(0)===111&&e.charCodeAt(1)===110&&e.charCodeAt(2)<91}),Rye=kye,Oye=function(t){return t!=="theme"},Q6=function(t){return typeof t=="string"&&t.charCodeAt(0)>96?Rye:Oye},Z6=function(t,n,r){var i;if(n){var o=n.shouldForwardProp;i=t.__emotion_forwardProp&&o?function(s){return t.__emotion_forwardProp(s)&&o(s)}:o}return typeof i!="function"&&r&&(i=t.__emotion_forwardProp),i},Mye=function(t){var n=t.cache,r=t.serialized,i=t.isStringTag;return JN(n,r,i),Dge(function(){return eD(n,r,i)}),null},Iye=function e(t,n){var r=t.__emotion_real===t,i=r&&t.__emotion_base||t,o,s;n!==void 0&&(o=n.label,s=n.target);var a=Z6(t,n,r),l=a||Q6(i),u=!l("as");return function(){var c=arguments,d=r&&t.__emotion_styles!==void 0?t.__emotion_styles.slice(0):[];if(o!==void 0&&d.push("label:"+o+";"),c[0]==null||c[0].raw===void 0)d.push.apply(d,c);else{d.push(c[0][0]);for(var f=c.length,h=1;ht=>{const{theme:n,css:r,__css:i,sx:o,...s}=t,a=gD(s,(d,f)=>Yme(f)),l=mye(e,t),u=Pye({},i,l,mD(a),o),c=rye(u)(t.theme);return r?[c,r]:c};function rS(e,t){const{baseStyle:n,...r}=t??{};r.shouldForwardProp||(r.shouldForwardProp=Eye);const i=Lye({baseStyle:n}),o=Dye(e,r)(i);return Xe.forwardRef(function(l,u){const{colorMode:c,forced:d}=jC();return Xe.createElement(o,{ref:u,"data-theme":d?c:void 0,...l})})}function $ye(){const e=new Map;return new Proxy(rS,{apply(t,n,r){return rS(...r)},get(t,n){return e.has(n)||e.set(n,rS(n)),e.get(n)}})}var al=$ye();function Tl(e){return k.forwardRef(e)}const bD=k.createContext({transformPagePoint:e=>e,isStatic:!1,reducedMotion:"never"}),n1=k.createContext({}),Lh=k.createContext(null),r1=typeof document<"u",oy=r1?k.useLayoutEffect:k.useEffect,SD=k.createContext({strict:!1});function Fye(e,t,n,r){const{visualElement:i}=k.useContext(n1),o=k.useContext(SD),s=k.useContext(Lh),a=k.useContext(bD).reducedMotion,l=k.useRef();r=r||o.renderer,!l.current&&r&&(l.current=r(e,{visualState:t,parent:i,props:n,presenceContext:s,blockInitialAnimation:s?s.initial===!1:!1,reducedMotionConfig:a}));const u=l.current;return k.useInsertionEffect(()=>{u&&u.update(n,s)}),oy(()=>{u&&u.render()}),k.useEffect(()=>{u&&u.updateFeatures()}),(window.HandoffAppearAnimations?oy:k.useEffect)(()=>{u&&u.animationState&&u.animationState.animateChanges()}),u}function pu(e){return typeof e=="object"&&Object.prototype.hasOwnProperty.call(e,"current")}function Bye(e,t,n){return k.useCallback(r=>{r&&e.mount&&e.mount(r),t&&(r?t.mount(r):t.unmount()),n&&(typeof n=="function"?n(r):pu(n)&&(n.current=r))},[t])}function Gf(e){return typeof e=="string"||Array.isArray(e)}function i1(e){return typeof e=="object"&&typeof e.start=="function"}const GC=["animate","whileInView","whileFocus","whileHover","whileTap","whileDrag","exit"],HC=["initial",...GC];function o1(e){return i1(e.animate)||HC.some(t=>Gf(e[t]))}function _D(e){return!!(o1(e)||e.variants)}function jye(e,t){if(o1(e)){const{initial:n,animate:r}=e;return{initial:n===!1||Gf(n)?n:void 0,animate:Gf(r)?r:void 0}}return e.inherit!==!1?t:{}}function Vye(e){const{initial:t,animate:n}=jye(e,k.useContext(n1));return k.useMemo(()=>({initial:t,animate:n}),[eP(t),eP(n)])}function eP(e){return Array.isArray(e)?e.join(" "):e}const tP={animation:["animate","variants","whileHover","whileTap","exit","whileInView","whileFocus","whileDrag"],exit:["exit"],drag:["drag","dragControls"],focus:["whileFocus"],hover:["whileHover","onHoverStart","onHoverEnd"],tap:["whileTap","onTap","onTapStart","onTapCancel"],pan:["onPan","onPanStart","onPanSessionStart","onPanEnd"],inView:["whileInView","onViewportEnter","onViewportLeave"],layout:["layout","layoutId"]},Hf={};for(const e in tP)Hf[e]={isEnabled:t=>tP[e].some(n=>!!t[n])};function zye(e){for(const t in e)Hf[t]={...Hf[t],...e[t]}}const qC=k.createContext({}),wD=k.createContext({}),Uye=Symbol.for("motionComponentSymbol");function Gye({preloadedFeatures:e,createVisualElement:t,useRender:n,useVisualState:r,Component:i}){e&&zye(e);function o(a,l){let u;const c={...k.useContext(bD),...a,layoutId:Hye(a)},{isStatic:d}=c,f=Vye(a),h=r(a,d);if(!d&&r1){f.visualElement=Fye(i,h,c,t);const p=k.useContext(wD),m=k.useContext(SD).strict;f.visualElement&&(u=f.visualElement.loadFeatures(c,m,e,p))}return k.createElement(n1.Provider,{value:f},u&&f.visualElement?k.createElement(u,{visualElement:f.visualElement,...c}):null,n(i,a,Bye(h,f.visualElement,l),h,d,f.visualElement))}const s=k.forwardRef(o);return s[Uye]=i,s}function Hye({layoutId:e}){const t=k.useContext(qC).id;return t&&e!==void 0?t+"-"+e:e}function qye(e){function t(r,i={}){return Gye(e(r,i))}if(typeof Proxy>"u")return t;const n=new Map;return new Proxy(t,{get:(r,i)=>(n.has(i)||n.set(i,t(i)),n.get(i))})}const Wye=["animate","circle","defs","desc","ellipse","g","image","line","filter","marker","mask","metadata","path","pattern","polygon","polyline","rect","stop","switch","symbol","svg","text","tspan","use","view"];function WC(e){return typeof e!="string"||e.includes("-")?!1:!!(Wye.indexOf(e)>-1||/[A-Z]/.test(e))}const sy={};function Kye(e){Object.assign(sy,e)}const $h=["transformPerspective","x","y","z","translateX","translateY","translateZ","scale","scaleX","scaleY","rotate","rotateX","rotateY","rotateZ","skew","skewX","skewY"],El=new Set($h);function xD(e,{layout:t,layoutId:n}){return El.has(e)||e.startsWith("origin")||(t||n!==void 0)&&(!!sy[e]||e==="opacity")}const _r=e=>!!(e&&e.getVelocity),Xye={x:"translateX",y:"translateY",z:"translateZ",transformPerspective:"perspective"},Yye=$h.length;function Qye(e,{enableHardwareAcceleration:t=!0,allowTransformNone:n=!0},r,i){let o="";for(let s=0;st=>typeof t=="string"&&t.startsWith(e),TD=CD("--"),N2=CD("var(--"),Zye=/var\s*\(\s*--[\w-]+(\s*,\s*(?:(?:[^)(]|\((?:[^)(]+|\([^)(]*\))*\))*)+)?\s*\)/g,Jye=(e,t)=>t&&typeof e=="number"?t.transform(e):e,Ks=(e,t,n)=>Math.min(Math.max(n,e),t),Pl={test:e=>typeof e=="number",parse:parseFloat,transform:e=>e},Od={...Pl,transform:e=>Ks(0,1,e)},Up={...Pl,default:1},Md=e=>Math.round(e*1e5)/1e5,s1=/(-)?([\d]*\.?[\d])+/g,ED=/(#[0-9a-f]{3,8}|(rgb|hsl)a?\((-?[\d\.]+%?[,\s]+){2}(-?[\d\.]+%?)\s*[\,\/]?\s*[\d\.]*%?\))/gi,e0e=/^(#[0-9a-f]{3,8}|(rgb|hsl)a?\((-?[\d\.]+%?[,\s]+){2}(-?[\d\.]+%?)\s*[\,\/]?\s*[\d\.]*%?\))$/i;function Fh(e){return typeof e=="string"}const Bh=e=>({test:t=>Fh(t)&&t.endsWith(e)&&t.split(" ").length===1,parse:parseFloat,transform:t=>`${t}${e}`}),as=Bh("deg"),Ji=Bh("%"),me=Bh("px"),t0e=Bh("vh"),n0e=Bh("vw"),nP={...Ji,parse:e=>Ji.parse(e)/100,transform:e=>Ji.transform(e*100)},rP={...Pl,transform:Math.round},PD={borderWidth:me,borderTopWidth:me,borderRightWidth:me,borderBottomWidth:me,borderLeftWidth:me,borderRadius:me,radius:me,borderTopLeftRadius:me,borderTopRightRadius:me,borderBottomRightRadius:me,borderBottomLeftRadius:me,width:me,maxWidth:me,height:me,maxHeight:me,size:me,top:me,right:me,bottom:me,left:me,padding:me,paddingTop:me,paddingRight:me,paddingBottom:me,paddingLeft:me,margin:me,marginTop:me,marginRight:me,marginBottom:me,marginLeft:me,rotate:as,rotateX:as,rotateY:as,rotateZ:as,scale:Up,scaleX:Up,scaleY:Up,scaleZ:Up,skew:as,skewX:as,skewY:as,distance:me,translateX:me,translateY:me,translateZ:me,x:me,y:me,z:me,perspective:me,transformPerspective:me,opacity:Od,originX:nP,originY:nP,originZ:me,zIndex:rP,fillOpacity:Od,strokeOpacity:Od,numOctaves:rP};function KC(e,t,n,r){const{style:i,vars:o,transform:s,transformOrigin:a}=e;let l=!1,u=!1,c=!0;for(const d in t){const f=t[d];if(TD(d)){o[d]=f;continue}const h=PD[d],p=Jye(f,h);if(El.has(d)){if(l=!0,s[d]=p,!c)continue;f!==(h.default||0)&&(c=!1)}else d.startsWith("origin")?(u=!0,a[d]=p):i[d]=p}if(t.transform||(l||r?i.transform=Qye(e.transform,n,c,r):i.transform&&(i.transform="none")),u){const{originX:d="50%",originY:f="50%",originZ:h=0}=a;i.transformOrigin=`${d} ${f} ${h}`}}const XC=()=>({style:{},transform:{},transformOrigin:{},vars:{}});function AD(e,t,n){for(const r in t)!_r(t[r])&&!xD(r,n)&&(e[r]=t[r])}function r0e({transformTemplate:e},t,n){return k.useMemo(()=>{const r=XC();return KC(r,t,{enableHardwareAcceleration:!n},e),Object.assign({},r.vars,r.style)},[t])}function i0e(e,t,n){const r=e.style||{},i={};return AD(i,r,e),Object.assign(i,r0e(e,t,n)),e.transformValues?e.transformValues(i):i}function o0e(e,t,n){const r={},i=i0e(e,t,n);return e.drag&&e.dragListener!==!1&&(r.draggable=!1,i.userSelect=i.WebkitUserSelect=i.WebkitTouchCallout="none",i.touchAction=e.drag===!0?"none":`pan-${e.drag==="x"?"y":"x"}`),e.tabIndex===void 0&&(e.onTap||e.onTapStart||e.whileTap)&&(r.tabIndex=0),r.style=i,r}const s0e=new Set(["animate","exit","variants","initial","style","values","variants","transition","transformTemplate","transformValues","custom","inherit","onLayoutAnimationStart","onLayoutAnimationComplete","onLayoutMeasure","onBeforeLayoutMeasure","onAnimationStart","onAnimationComplete","onUpdate","onDragStart","onDrag","onDragEnd","onMeasureDragConstraints","onDirectionLock","onDragTransitionEnd","_dragX","_dragY","onHoverStart","onHoverEnd","onViewportEnter","onViewportLeave","ignoreStrict","viewport"]);function ay(e){return e.startsWith("while")||e.startsWith("drag")&&e!=="draggable"||e.startsWith("layout")||e.startsWith("onTap")||e.startsWith("onPan")||s0e.has(e)}let kD=e=>!ay(e);function a0e(e){e&&(kD=t=>t.startsWith("on")?!ay(t):e(t))}try{a0e(require("@emotion/is-prop-valid").default)}catch{}function l0e(e,t,n){const r={};for(const i in e)i==="values"&&typeof e.values=="object"||(kD(i)||n===!0&&ay(i)||!t&&!ay(i)||e.draggable&&i.startsWith("onDrag"))&&(r[i]=e[i]);return r}function iP(e,t,n){return typeof e=="string"?e:me.transform(t+n*e)}function u0e(e,t,n){const r=iP(t,e.x,e.width),i=iP(n,e.y,e.height);return`${r} ${i}`}const c0e={offset:"stroke-dashoffset",array:"stroke-dasharray"},d0e={offset:"strokeDashoffset",array:"strokeDasharray"};function f0e(e,t,n=1,r=0,i=!0){e.pathLength=1;const o=i?c0e:d0e;e[o.offset]=me.transform(-r);const s=me.transform(t),a=me.transform(n);e[o.array]=`${s} ${a}`}function YC(e,{attrX:t,attrY:n,attrScale:r,originX:i,originY:o,pathLength:s,pathSpacing:a=1,pathOffset:l=0,...u},c,d,f){if(KC(e,u,c,f),d){e.style.viewBox&&(e.attrs.viewBox=e.style.viewBox);return}e.attrs=e.style,e.style={};const{attrs:h,style:p,dimensions:m}=e;h.transform&&(m&&(p.transform=h.transform),delete h.transform),m&&(i!==void 0||o!==void 0||p.transform)&&(p.transformOrigin=u0e(m,i!==void 0?i:.5,o!==void 0?o:.5)),t!==void 0&&(h.x=t),n!==void 0&&(h.y=n),r!==void 0&&(h.scale=r),s!==void 0&&f0e(h,s,a,l,!1)}const RD=()=>({...XC(),attrs:{}}),QC=e=>typeof e=="string"&&e.toLowerCase()==="svg";function h0e(e,t,n,r){const i=k.useMemo(()=>{const o=RD();return YC(o,t,{enableHardwareAcceleration:!1},QC(r),e.transformTemplate),{...o.attrs,style:{...o.style}}},[t]);if(e.style){const o={};AD(o,e.style,e),i.style={...o,...i.style}}return i}function p0e(e=!1){return(n,r,i,{latestValues:o},s)=>{const l=(WC(n)?h0e:o0e)(r,o,s,n),c={...l0e(r,typeof n=="string",e),...l,ref:i},{children:d}=r,f=k.useMemo(()=>_r(d)?d.get():d,[d]);return k.createElement(n,{...c,children:f})}}const ZC=e=>e.replace(/([a-z])([A-Z])/g,"$1-$2").toLowerCase();function OD(e,{style:t,vars:n},r,i){Object.assign(e.style,t,i&&i.getProjectionStyles(r));for(const o in n)e.style.setProperty(o,n[o])}const MD=new Set(["baseFrequency","diffuseConstant","kernelMatrix","kernelUnitLength","keySplines","keyTimes","limitingConeAngle","markerHeight","markerWidth","numOctaves","targetX","targetY","surfaceScale","specularConstant","specularExponent","stdDeviation","tableValues","viewBox","gradientTransform","pathLength","startOffset","textLength","lengthAdjust"]);function ID(e,t,n,r){OD(e,t,void 0,r);for(const i in t.attrs)e.setAttribute(MD.has(i)?i:ZC(i),t.attrs[i])}function JC(e,t){const{style:n}=e,r={};for(const i in n)(_r(n[i])||t.style&&_r(t.style[i])||xD(i,e))&&(r[i]=n[i]);return r}function ND(e,t){const n=JC(e,t);for(const r in e)if(_r(e[r])||_r(t[r])){const i=$h.indexOf(r)!==-1?"attr"+r.charAt(0).toUpperCase()+r.substring(1):r;n[i]=e[r]}return n}function e3(e,t,n,r={},i={}){return typeof t=="function"&&(t=t(n!==void 0?n:e.custom,r,i)),typeof t=="string"&&(t=e.variants&&e.variants[t]),typeof t=="function"&&(t=t(n!==void 0?n:e.custom,r,i)),t}function DD(e){const t=k.useRef(null);return t.current===null&&(t.current=e()),t.current}const ly=e=>Array.isArray(e),g0e=e=>!!(e&&typeof e=="object"&&e.mix&&e.toValue),m0e=e=>ly(e)?e[e.length-1]||0:e;function Pg(e){const t=_r(e)?e.get():e;return g0e(t)?t.toValue():t}function y0e({scrapeMotionValuesFromProps:e,createRenderState:t,onMount:n},r,i,o){const s={latestValues:v0e(r,i,o,e),renderState:t()};return n&&(s.mount=a=>n(r,a,s)),s}const LD=e=>(t,n)=>{const r=k.useContext(n1),i=k.useContext(Lh),o=()=>y0e(e,t,r,i);return n?o():DD(o)};function v0e(e,t,n,r){const i={},o=r(e,{});for(const f in o)i[f]=Pg(o[f]);let{initial:s,animate:a}=e;const l=o1(e),u=_D(e);t&&u&&!l&&e.inherit!==!1&&(s===void 0&&(s=t.initial),a===void 0&&(a=t.animate));let c=n?n.initial===!1:!1;c=c||s===!1;const d=c?a:s;return d&&typeof d!="boolean"&&!i1(d)&&(Array.isArray(d)?d:[d]).forEach(h=>{const p=e3(e,h);if(!p)return;const{transitionEnd:m,transition:S,...y}=p;for(const v in y){let g=y[v];if(Array.isArray(g)){const b=c?g.length-1:0;g=g[b]}g!==null&&(i[v]=g)}for(const v in m)i[v]=m[v]}),i}const b0e={useVisualState:LD({scrapeMotionValuesFromProps:ND,createRenderState:RD,onMount:(e,t,{renderState:n,latestValues:r})=>{try{n.dimensions=typeof t.getBBox=="function"?t.getBBox():t.getBoundingClientRect()}catch{n.dimensions={x:0,y:0,width:0,height:0}}YC(n,r,{enableHardwareAcceleration:!1},QC(t.tagName),e.transformTemplate),ID(t,n)}})},S0e={useVisualState:LD({scrapeMotionValuesFromProps:JC,createRenderState:XC})};function _0e(e,{forwardMotionProps:t=!1},n,r){return{...WC(e)?b0e:S0e,preloadedFeatures:n,useRender:p0e(t),createVisualElement:r,Component:e}}function Ao(e,t,n,r={passive:!0}){return e.addEventListener(t,n,r),()=>e.removeEventListener(t,n)}const $D=e=>e.pointerType==="mouse"?typeof e.button!="number"||e.button<=0:e.isPrimary!==!1;function a1(e,t="page"){return{point:{x:e[t+"X"],y:e[t+"Y"]}}}const w0e=e=>t=>$D(t)&&e(t,a1(t));function Io(e,t,n,r){return Ao(e,t,w0e(n),r)}const x0e=(e,t)=>n=>t(e(n)),Ns=(...e)=>e.reduce(x0e);function FD(e){let t=null;return()=>{const n=()=>{t=null};return t===null?(t=e,n):!1}}const oP=FD("dragHorizontal"),sP=FD("dragVertical");function BD(e){let t=!1;if(e==="y")t=sP();else if(e==="x")t=oP();else{const n=oP(),r=sP();n&&r?t=()=>{n(),r()}:(n&&n(),r&&r())}return t}function jD(){const e=BD(!0);return e?(e(),!1):!0}class ca{constructor(t){this.isMounted=!1,this.node=t}update(){}}const Yt=e=>e;function C0e(e){let t=[],n=[],r=0,i=!1,o=!1;const s=new WeakSet,a={schedule:(l,u=!1,c=!1)=>{const d=c&&i,f=d?t:n;return u&&s.add(l),f.indexOf(l)===-1&&(f.push(l),d&&i&&(r=t.length)),l},cancel:l=>{const u=n.indexOf(l);u!==-1&&n.splice(u,1),s.delete(l)},process:l=>{if(i){o=!0;return}if(i=!0,[t,n]=[n,t],n.length=0,r=t.length,r)for(let u=0;u(d[f]=C0e(()=>n=!0),d),{}),s=d=>o[d].process(i),a=d=>{n=!1,i.delta=r?1e3/60:Math.max(Math.min(d-i.timestamp,T0e),1),i.timestamp=d,i.isProcessing=!0,Gp.forEach(s),i.isProcessing=!1,n&&t&&(r=!1,e(a))},l=()=>{n=!0,r=!0,i.isProcessing||e(a)};return{schedule:Gp.reduce((d,f)=>{const h=o[f];return d[f]=(p,m=!1,S=!1)=>(n||l(),h.schedule(p,m,S)),d},{}),cancel:d=>Gp.forEach(f=>o[f].cancel(d)),state:i,steps:o}}const{schedule:St,cancel:Uo,state:$n,steps:iS}=E0e(typeof requestAnimationFrame<"u"?requestAnimationFrame:Yt,!0);function aP(e,t){const n="pointer"+(t?"enter":"leave"),r="onHover"+(t?"Start":"End"),i=(o,s)=>{if(o.type==="touch"||jD())return;const a=e.getProps();e.animationState&&a.whileHover&&e.animationState.setActive("whileHover",t),a[r]&&St.update(()=>a[r](o,s))};return Io(e.current,n,i,{passive:!e.getProps()[r]})}class P0e extends ca{mount(){this.unmount=Ns(aP(this.node,!0),aP(this.node,!1))}unmount(){}}class A0e extends ca{constructor(){super(...arguments),this.isActive=!1}onFocus(){let t=!1;try{t=this.node.current.matches(":focus-visible")}catch{t=!0}!t||!this.node.animationState||(this.node.animationState.setActive("whileFocus",!0),this.isActive=!0)}onBlur(){!this.isActive||!this.node.animationState||(this.node.animationState.setActive("whileFocus",!1),this.isActive=!1)}mount(){this.unmount=Ns(Ao(this.node.current,"focus",()=>this.onFocus()),Ao(this.node.current,"blur",()=>this.onBlur()))}unmount(){}}const VD=(e,t)=>t?e===t?!0:VD(e,t.parentElement):!1;function oS(e,t){if(!t)return;const n=new PointerEvent("pointer"+e);t(n,a1(n))}class k0e extends ca{constructor(){super(...arguments),this.removeStartListeners=Yt,this.removeEndListeners=Yt,this.removeAccessibleListeners=Yt,this.startPointerPress=(t,n)=>{if(this.removeEndListeners(),this.isPressing)return;const r=this.node.getProps(),o=Io(window,"pointerup",(a,l)=>{if(!this.checkPressEnd())return;const{onTap:u,onTapCancel:c}=this.node.getProps();St.update(()=>{VD(this.node.current,a.target)?u&&u(a,l):c&&c(a,l)})},{passive:!(r.onTap||r.onPointerUp)}),s=Io(window,"pointercancel",(a,l)=>this.cancelPress(a,l),{passive:!(r.onTapCancel||r.onPointerCancel)});this.removeEndListeners=Ns(o,s),this.startPress(t,n)},this.startAccessiblePress=()=>{const t=o=>{if(o.key!=="Enter"||this.isPressing)return;const s=a=>{a.key!=="Enter"||!this.checkPressEnd()||oS("up",(l,u)=>{const{onTap:c}=this.node.getProps();c&&St.update(()=>c(l,u))})};this.removeEndListeners(),this.removeEndListeners=Ao(this.node.current,"keyup",s),oS("down",(a,l)=>{this.startPress(a,l)})},n=Ao(this.node.current,"keydown",t),r=()=>{this.isPressing&&oS("cancel",(o,s)=>this.cancelPress(o,s))},i=Ao(this.node.current,"blur",r);this.removeAccessibleListeners=Ns(n,i)}}startPress(t,n){this.isPressing=!0;const{onTapStart:r,whileTap:i}=this.node.getProps();i&&this.node.animationState&&this.node.animationState.setActive("whileTap",!0),r&&St.update(()=>r(t,n))}checkPressEnd(){return this.removeEndListeners(),this.isPressing=!1,this.node.getProps().whileTap&&this.node.animationState&&this.node.animationState.setActive("whileTap",!1),!jD()}cancelPress(t,n){if(!this.checkPressEnd())return;const{onTapCancel:r}=this.node.getProps();r&&St.update(()=>r(t,n))}mount(){const t=this.node.getProps(),n=Io(this.node.current,"pointerdown",this.startPointerPress,{passive:!(t.onTapStart||t.onPointerStart)}),r=Ao(this.node.current,"focus",this.startAccessiblePress);this.removeStartListeners=Ns(n,r)}unmount(){this.removeStartListeners(),this.removeEndListeners(),this.removeAccessibleListeners()}}const D2=new WeakMap,sS=new WeakMap,R0e=e=>{const t=D2.get(e.target);t&&t(e)},O0e=e=>{e.forEach(R0e)};function M0e({root:e,...t}){const n=e||document;sS.has(n)||sS.set(n,{});const r=sS.get(n),i=JSON.stringify(t);return r[i]||(r[i]=new IntersectionObserver(O0e,{root:e,...t})),r[i]}function I0e(e,t,n){const r=M0e(t);return D2.set(e,n),r.observe(e),()=>{D2.delete(e),r.unobserve(e)}}const N0e={some:0,all:1};class D0e extends ca{constructor(){super(...arguments),this.hasEnteredView=!1,this.isInView=!1}startObserver(){this.unmount();const{viewport:t={}}=this.node.getProps(),{root:n,margin:r,amount:i="some",once:o}=t,s={root:n?n.current:void 0,rootMargin:r,threshold:typeof i=="number"?i:N0e[i]},a=l=>{const{isIntersecting:u}=l;if(this.isInView===u||(this.isInView=u,o&&!u&&this.hasEnteredView))return;u&&(this.hasEnteredView=!0),this.node.animationState&&this.node.animationState.setActive("whileInView",u);const{onViewportEnter:c,onViewportLeave:d}=this.node.getProps(),f=u?c:d;f&&f(l)};return I0e(this.node.current,s,a)}mount(){this.startObserver()}update(){if(typeof IntersectionObserver>"u")return;const{props:t,prevProps:n}=this.node;["amount","margin","root"].some(L0e(t,n))&&this.startObserver()}unmount(){}}function L0e({viewport:e={}},{viewport:t={}}={}){return n=>e[n]!==t[n]}const $0e={inView:{Feature:D0e},tap:{Feature:k0e},focus:{Feature:A0e},hover:{Feature:P0e}};function zD(e,t){if(!Array.isArray(t))return!1;const n=t.length;if(n!==e.length)return!1;for(let r=0;rt[r]=n.get()),t}function B0e(e){const t={};return e.values.forEach((n,r)=>t[r]=n.getVelocity()),t}function l1(e,t,n){const r=e.getProps();return e3(r,t,n!==void 0?n:r.custom,F0e(e),B0e(e))}const j0e="framerAppearId",V0e="data-"+ZC(j0e);let z0e=Yt,t3=Yt;const Ds=e=>e*1e3,No=e=>e/1e3,U0e={current:!1},UD=e=>Array.isArray(e)&&typeof e[0]=="number";function GD(e){return!!(!e||typeof e=="string"&&HD[e]||UD(e)||Array.isArray(e)&&e.every(GD))}const gd=([e,t,n,r])=>`cubic-bezier(${e}, ${t}, ${n}, ${r})`,HD={linear:"linear",ease:"ease",easeIn:"ease-in",easeOut:"ease-out",easeInOut:"ease-in-out",circIn:gd([0,.65,.55,1]),circOut:gd([.55,0,1,.45]),backIn:gd([.31,.01,.66,-.59]),backOut:gd([.33,1.53,.69,.99])};function qD(e){if(e)return UD(e)?gd(e):Array.isArray(e)?e.map(qD):HD[e]}function G0e(e,t,n,{delay:r=0,duration:i,repeat:o=0,repeatType:s="loop",ease:a,times:l}={}){const u={[t]:n};l&&(u.offset=l);const c=qD(a);return Array.isArray(c)&&(u.easing=c),e.animate(u,{delay:r,duration:i,easing:Array.isArray(c)?"linear":c,fill:"both",iterations:o+1,direction:s==="reverse"?"alternate":"normal"})}const lP={waapi:()=>Object.hasOwnProperty.call(Element.prototype,"animate")},aS={},WD={};for(const e in lP)WD[e]=()=>(aS[e]===void 0&&(aS[e]=lP[e]()),aS[e]);function H0e(e,{repeat:t,repeatType:n="loop"}){const r=t&&n!=="loop"&&t%2===1?0:e.length-1;return e[r]}const KD=(e,t,n)=>(((1-3*n+3*t)*e+(3*n-6*t))*e+3*t)*e,q0e=1e-7,W0e=12;function K0e(e,t,n,r,i){let o,s,a=0;do s=t+(n-t)/2,o=KD(s,r,i)-e,o>0?n=s:t=s;while(Math.abs(o)>q0e&&++aK0e(o,0,1,e,n);return o=>o===0||o===1?o:KD(i(o),t,r)}const X0e=jh(.42,0,1,1),Y0e=jh(0,0,.58,1),XD=jh(.42,0,.58,1),Q0e=e=>Array.isArray(e)&&typeof e[0]!="number",YD=e=>t=>t<=.5?e(2*t)/2:(2-e(2*(1-t)))/2,QD=e=>t=>1-e(1-t),ZD=e=>1-Math.sin(Math.acos(e)),n3=QD(ZD),Z0e=YD(n3),JD=jh(.33,1.53,.69,.99),r3=QD(JD),J0e=YD(r3),eve=e=>(e*=2)<1?.5*r3(e):.5*(2-Math.pow(2,-10*(e-1))),tve={linear:Yt,easeIn:X0e,easeInOut:XD,easeOut:Y0e,circIn:ZD,circInOut:Z0e,circOut:n3,backIn:r3,backInOut:J0e,backOut:JD,anticipate:eve},uP=e=>{if(Array.isArray(e)){t3(e.length===4);const[t,n,r,i]=e;return jh(t,n,r,i)}else if(typeof e=="string")return tve[e];return e},i3=(e,t)=>n=>!!(Fh(n)&&e0e.test(n)&&n.startsWith(e)||t&&Object.prototype.hasOwnProperty.call(n,t)),eL=(e,t,n)=>r=>{if(!Fh(r))return r;const[i,o,s,a]=r.match(s1);return{[e]:parseFloat(i),[t]:parseFloat(o),[n]:parseFloat(s),alpha:a!==void 0?parseFloat(a):1}},nve=e=>Ks(0,255,e),lS={...Pl,transform:e=>Math.round(nve(e))},La={test:i3("rgb","red"),parse:eL("red","green","blue"),transform:({red:e,green:t,blue:n,alpha:r=1})=>"rgba("+lS.transform(e)+", "+lS.transform(t)+", "+lS.transform(n)+", "+Md(Od.transform(r))+")"};function rve(e){let t="",n="",r="",i="";return e.length>5?(t=e.substring(1,3),n=e.substring(3,5),r=e.substring(5,7),i=e.substring(7,9)):(t=e.substring(1,2),n=e.substring(2,3),r=e.substring(3,4),i=e.substring(4,5),t+=t,n+=n,r+=r,i+=i),{red:parseInt(t,16),green:parseInt(n,16),blue:parseInt(r,16),alpha:i?parseInt(i,16)/255:1}}const L2={test:i3("#"),parse:rve,transform:La.transform},gu={test:i3("hsl","hue"),parse:eL("hue","saturation","lightness"),transform:({hue:e,saturation:t,lightness:n,alpha:r=1})=>"hsla("+Math.round(e)+", "+Ji.transform(Md(t))+", "+Ji.transform(Md(n))+", "+Md(Od.transform(r))+")"},Xn={test:e=>La.test(e)||L2.test(e)||gu.test(e),parse:e=>La.test(e)?La.parse(e):gu.test(e)?gu.parse(e):L2.parse(e),transform:e=>Fh(e)?e:e.hasOwnProperty("red")?La.transform(e):gu.transform(e)},At=(e,t,n)=>-n*e+n*t+e;function uS(e,t,n){return n<0&&(n+=1),n>1&&(n-=1),n<1/6?e+(t-e)*6*n:n<1/2?t:n<2/3?e+(t-e)*(2/3-n)*6:e}function ive({hue:e,saturation:t,lightness:n,alpha:r}){e/=360,t/=100,n/=100;let i=0,o=0,s=0;if(!t)i=o=s=n;else{const a=n<.5?n*(1+t):n+t-n*t,l=2*n-a;i=uS(l,a,e+1/3),o=uS(l,a,e),s=uS(l,a,e-1/3)}return{red:Math.round(i*255),green:Math.round(o*255),blue:Math.round(s*255),alpha:r}}const cS=(e,t,n)=>{const r=e*e;return Math.sqrt(Math.max(0,n*(t*t-r)+r))},ove=[L2,La,gu],sve=e=>ove.find(t=>t.test(e));function cP(e){const t=sve(e);let n=t.parse(e);return t===gu&&(n=ive(n)),n}const tL=(e,t)=>{const n=cP(e),r=cP(t),i={...n};return o=>(i.red=cS(n.red,r.red,o),i.green=cS(n.green,r.green,o),i.blue=cS(n.blue,r.blue,o),i.alpha=At(n.alpha,r.alpha,o),La.transform(i))};function ave(e){var t,n;return isNaN(e)&&Fh(e)&&(((t=e.match(s1))===null||t===void 0?void 0:t.length)||0)+(((n=e.match(ED))===null||n===void 0?void 0:n.length)||0)>0}const nL={regex:Zye,countKey:"Vars",token:"${v}",parse:Yt},rL={regex:ED,countKey:"Colors",token:"${c}",parse:Xn.parse},iL={regex:s1,countKey:"Numbers",token:"${n}",parse:Pl.parse};function dS(e,{regex:t,countKey:n,token:r,parse:i}){const o=e.tokenised.match(t);o&&(e["num"+n]=o.length,e.tokenised=e.tokenised.replace(t,r),e.values.push(...o.map(i)))}function uy(e){const t=e.toString(),n={value:t,tokenised:t,values:[],numVars:0,numColors:0,numNumbers:0};return n.value.includes("var(--")&&dS(n,nL),dS(n,rL),dS(n,iL),n}function oL(e){return uy(e).values}function sL(e){const{values:t,numColors:n,numVars:r,tokenised:i}=uy(e),o=t.length;return s=>{let a=i;for(let l=0;ltypeof e=="number"?0:e;function uve(e){const t=oL(e);return sL(e)(t.map(lve))}const Xs={test:ave,parse:oL,createTransformer:sL,getAnimatableNone:uve},aL=(e,t)=>n=>`${n>0?t:e}`;function lL(e,t){return typeof e=="number"?n=>At(e,t,n):Xn.test(e)?tL(e,t):e.startsWith("var(")?aL(e,t):cL(e,t)}const uL=(e,t)=>{const n=[...e],r=n.length,i=e.map((o,s)=>lL(o,t[s]));return o=>{for(let s=0;s{const n={...e,...t},r={};for(const i in n)e[i]!==void 0&&t[i]!==void 0&&(r[i]=lL(e[i],t[i]));return i=>{for(const o in r)n[o]=r[o](i);return n}},cL=(e,t)=>{const n=Xs.createTransformer(t),r=uy(e),i=uy(t);return r.numVars===i.numVars&&r.numColors===i.numColors&&r.numNumbers>=i.numNumbers?Ns(uL(r.values,i.values),n):aL(e,t)},qf=(e,t,n)=>{const r=t-e;return r===0?1:(n-e)/r},dP=(e,t)=>n=>At(e,t,n);function dve(e){return typeof e=="number"?dP:typeof e=="string"?Xn.test(e)?tL:cL:Array.isArray(e)?uL:typeof e=="object"?cve:dP}function fve(e,t,n){const r=[],i=n||dve(e[0]),o=e.length-1;for(let s=0;st[0];e[0]>e[o-1]&&(e=[...e].reverse(),t=[...t].reverse());const s=fve(t,r,i),a=s.length,l=u=>{let c=0;if(a>1)for(;cl(Ks(e[0],e[o-1],u)):l}function hve(e,t){const n=e[e.length-1];for(let r=1;r<=t;r++){const i=qf(0,t,r);e.push(At(n,1,i))}}function pve(e){const t=[0];return hve(t,e.length-1),t}function gve(e,t){return e.map(n=>n*t)}function mve(e,t){return e.map(()=>t||XD).splice(0,e.length-1)}function cy({duration:e=300,keyframes:t,times:n,ease:r="easeInOut"}){const i=Q0e(r)?r.map(uP):uP(r),o={done:!1,value:t[0]},s=gve(n&&n.length===t.length?n:pve(t),e),a=dL(s,t,{ease:Array.isArray(i)?i:mve(t,i)});return{calculatedDuration:e,next:l=>(o.value=a(l),o.done=l>=e,o)}}function fL(e,t){return t?e*(1e3/t):0}const yve=5;function hL(e,t,n){const r=Math.max(t-yve,0);return fL(n-e(r),t-r)}const fS=.001,vve=.01,fP=10,bve=.05,Sve=1;function _ve({duration:e=800,bounce:t=.25,velocity:n=0,mass:r=1}){let i,o;z0e(e<=Ds(fP));let s=1-t;s=Ks(bve,Sve,s),e=Ks(vve,fP,No(e)),s<1?(i=u=>{const c=u*s,d=c*e,f=c-n,h=$2(u,s),p=Math.exp(-d);return fS-f/h*p},o=u=>{const d=u*s*e,f=d*n+n,h=Math.pow(s,2)*Math.pow(u,2)*e,p=Math.exp(-d),m=$2(Math.pow(u,2),s);return(-i(u)+fS>0?-1:1)*((f-h)*p)/m}):(i=u=>{const c=Math.exp(-u*e),d=(u-n)*e+1;return-fS+c*d},o=u=>{const c=Math.exp(-u*e),d=(n-u)*(e*e);return c*d});const a=5/e,l=xve(i,o,a);if(e=Ds(e),isNaN(l))return{stiffness:100,damping:10,duration:e};{const u=Math.pow(l,2)*r;return{stiffness:u,damping:s*2*Math.sqrt(r*u),duration:e}}}const wve=12;function xve(e,t,n){let r=n;for(let i=1;ie[n]!==void 0)}function Eve(e){let t={velocity:0,stiffness:100,damping:10,mass:1,isResolvedFromDuration:!1,...e};if(!hP(e,Tve)&&hP(e,Cve)){const n=_ve(e);t={...t,...n,velocity:0,mass:1},t.isResolvedFromDuration=!0}return t}function pL({keyframes:e,restDelta:t,restSpeed:n,...r}){const i=e[0],o=e[e.length-1],s={done:!1,value:i},{stiffness:a,damping:l,mass:u,velocity:c,duration:d,isResolvedFromDuration:f}=Eve(r),h=c?-No(c):0,p=l/(2*Math.sqrt(a*u)),m=o-i,S=No(Math.sqrt(a/u)),y=Math.abs(m)<5;n||(n=y?.01:2),t||(t=y?.005:.5);let v;if(p<1){const g=$2(S,p);v=b=>{const _=Math.exp(-p*S*b);return o-_*((h+p*S*m)/g*Math.sin(g*b)+m*Math.cos(g*b))}}else if(p===1)v=g=>o-Math.exp(-S*g)*(m+(h+S*m)*g);else{const g=S*Math.sqrt(p*p-1);v=b=>{const _=Math.exp(-p*S*b),w=Math.min(g*b,300);return o-_*((h+p*S*m)*Math.sinh(w)+g*m*Math.cosh(w))/g}}return{calculatedDuration:f&&d||null,next:g=>{const b=v(g);if(f)s.done=g>=d;else{let _=h;g!==0&&(p<1?_=hL(v,g,b):_=0);const w=Math.abs(_)<=n,x=Math.abs(o-b)<=t;s.done=w&&x}return s.value=s.done?o:b,s}}}function pP({keyframes:e,velocity:t=0,power:n=.8,timeConstant:r=325,bounceDamping:i=10,bounceStiffness:o=500,modifyTarget:s,min:a,max:l,restDelta:u=.5,restSpeed:c}){const d=e[0],f={done:!1,value:d},h=T=>a!==void 0&&Tl,p=T=>a===void 0?l:l===void 0||Math.abs(a-T)-m*Math.exp(-T/r),g=T=>y+v(T),b=T=>{const P=v(T),E=g(T);f.done=Math.abs(P)<=u,f.value=f.done?y:E};let _,w;const x=T=>{h(f.value)&&(_=T,w=pL({keyframes:[f.value,p(f.value)],velocity:hL(g,T,f.value),damping:i,stiffness:o,restDelta:u,restSpeed:c}))};return x(0),{calculatedDuration:null,next:T=>{let P=!1;return!w&&_===void 0&&(P=!0,b(T),x(T)),_!==void 0&&T>_?w.next(T-_):(!P&&b(T),f)}}}const Pve=e=>{const t=({timestamp:n})=>e(n);return{start:()=>St.update(t,!0),stop:()=>Uo(t),now:()=>$n.isProcessing?$n.timestamp:performance.now()}},gP=2e4;function mP(e){let t=0;const n=50;let r=e.next(t);for(;!r.done&&t=gP?1/0:t}const Ave={decay:pP,inertia:pP,tween:cy,keyframes:cy,spring:pL};function dy({autoplay:e=!0,delay:t=0,driver:n=Pve,keyframes:r,type:i="keyframes",repeat:o=0,repeatDelay:s=0,repeatType:a="loop",onPlay:l,onStop:u,onComplete:c,onUpdate:d,...f}){let h=1,p=!1,m,S;const y=()=>{S=new Promise(j=>{m=j})};y();let v;const g=Ave[i]||cy;let b;g!==cy&&typeof r[0]!="number"&&(b=dL([0,100],r,{clamp:!1}),r=[0,100]);const _=g({...f,keyframes:r});let w;a==="mirror"&&(w=g({...f,keyframes:[...r].reverse(),velocity:-(f.velocity||0)}));let x="idle",T=null,P=null,E=null;_.calculatedDuration===null&&o&&(_.calculatedDuration=mP(_));const{calculatedDuration:A}=_;let $=1/0,I=1/0;A!==null&&($=A+s,I=$*(o+1)-s);let C=0;const R=j=>{if(P===null)return;h>0&&(P=Math.min(P,j)),h<0&&(P=Math.min(j-I/h,P)),T!==null?C=T:C=Math.round(j-P)*h;const U=C-t*(h>=0?1:-1),G=h>=0?U<0:U>I;C=Math.max(U,0),x==="finished"&&T===null&&(C=I);let W=C,X=_;if(o){const Q=C/$;let J=Math.floor(Q),ne=Q%1;!ne&&Q>=1&&(ne=1),ne===1&&J--,J=Math.min(J,o+1);const te=!!(J%2);te&&(a==="reverse"?(ne=1-ne,s&&(ne-=s/$)):a==="mirror"&&(X=w));let xe=Ks(0,1,ne);C>I&&(xe=a==="reverse"&&te?1:0),W=xe*$}const Y=G?{done:!1,value:r[0]}:X.next(W);b&&(Y.value=b(Y.value));let{done:B}=Y;!G&&A!==null&&(B=h>=0?C>=I:C<=0);const H=T===null&&(x==="finished"||x==="running"&&B);return d&&d(Y.value),H&&O(),Y},M=()=>{v&&v.stop(),v=void 0},N=()=>{x="idle",M(),m(),y(),P=E=null},O=()=>{x="finished",c&&c(),M(),m()},D=()=>{if(p)return;v||(v=n(R));const j=v.now();l&&l(),T!==null?P=j-T:(!P||x==="finished")&&(P=j),x==="finished"&&y(),E=P,T=null,x="running",v.start()};e&&D();const L={then(j,U){return S.then(j,U)},get time(){return No(C)},set time(j){j=Ds(j),C=j,T!==null||!v||h===0?T=j:P=v.now()-j/h},get duration(){const j=_.calculatedDuration===null?mP(_):_.calculatedDuration;return No(j)},get speed(){return h},set speed(j){j===h||!v||(h=j,L.time=No(C))},get state(){return x},play:D,pause:()=>{x="paused",T=C},stop:()=>{p=!0,x!=="idle"&&(x="idle",u&&u(),N())},cancel:()=>{E!==null&&R(E),N()},complete:()=>{x="finished"},sample:j=>(P=0,R(j))};return L}const kve=new Set(["opacity","clipPath","filter","transform","backgroundColor"]),Hp=10,Rve=2e4,Ove=(e,t)=>t.type==="spring"||e==="backgroundColor"||!GD(t.ease);function Mve(e,t,{onUpdate:n,onComplete:r,...i}){if(!(WD.waapi()&&kve.has(t)&&!i.repeatDelay&&i.repeatType!=="mirror"&&i.damping!==0&&i.type!=="inertia"))return!1;let s=!1,a,l;const u=()=>{l=new Promise(y=>{a=y})};u();let{keyframes:c,duration:d=300,ease:f,times:h}=i;if(Ove(t,i)){const y=dy({...i,repeat:0,delay:0});let v={done:!1,value:c[0]};const g=[];let b=0;for(;!v.done&&bp.cancel(),S=()=>{St.update(m),a(),u()};return p.onfinish=()=>{e.set(H0e(c,i)),r&&r(),S()},{then(y,v){return l.then(y,v)},get time(){return No(p.currentTime||0)},set time(y){p.currentTime=Ds(y)},get speed(){return p.playbackRate},set speed(y){p.playbackRate=y},get duration(){return No(d)},play:()=>{s||(p.play(),Uo(m))},pause:()=>p.pause(),stop:()=>{if(s=!0,p.playState==="idle")return;const{currentTime:y}=p;if(y){const v=dy({...i,autoplay:!1});e.setWithVelocity(v.sample(y-Hp).value,v.sample(y).value,Hp)}S()},complete:()=>p.finish(),cancel:S}}function Ive({keyframes:e,delay:t,onUpdate:n,onComplete:r}){const i=()=>(n&&n(e[e.length-1]),r&&r(),{time:0,speed:1,duration:0,play:Yt,pause:Yt,stop:Yt,then:o=>(o(),Promise.resolve()),cancel:Yt,complete:Yt});return t?dy({keyframes:[0,1],duration:0,delay:t,onComplete:i}):i()}const Nve={type:"spring",stiffness:500,damping:25,restSpeed:10},Dve=e=>({type:"spring",stiffness:550,damping:e===0?2*Math.sqrt(550):30,restSpeed:10}),Lve={type:"keyframes",duration:.8},$ve={type:"keyframes",ease:[.25,.1,.35,1],duration:.3},Fve=(e,{keyframes:t})=>t.length>2?Lve:El.has(e)?e.startsWith("scale")?Dve(t[1]):Nve:$ve,F2=(e,t)=>e==="zIndex"?!1:!!(typeof t=="number"||Array.isArray(t)||typeof t=="string"&&(Xs.test(t)||t==="0")&&!t.startsWith("url(")),Bve=new Set(["brightness","contrast","saturate","opacity"]);function jve(e){const[t,n]=e.slice(0,-1).split("(");if(t==="drop-shadow")return e;const[r]=n.match(s1)||[];if(!r)return e;const i=n.replace(r,"");let o=Bve.has(t)?1:0;return r!==n&&(o*=100),t+"("+o+i+")"}const Vve=/([a-z-]*)\(.*?\)/g,B2={...Xs,getAnimatableNone:e=>{const t=e.match(Vve);return t?t.map(jve).join(" "):e}},zve={...PD,color:Xn,backgroundColor:Xn,outlineColor:Xn,fill:Xn,stroke:Xn,borderColor:Xn,borderTopColor:Xn,borderRightColor:Xn,borderBottomColor:Xn,borderLeftColor:Xn,filter:B2,WebkitFilter:B2},o3=e=>zve[e];function gL(e,t){let n=o3(e);return n!==B2&&(n=Xs),n.getAnimatableNone?n.getAnimatableNone(t):void 0}const mL=e=>/^0[^.\s]+$/.test(e);function Uve(e){if(typeof e=="number")return e===0;if(e!==null)return e==="none"||e==="0"||mL(e)}function Gve(e,t,n,r){const i=F2(t,n);let o;Array.isArray(n)?o=[...n]:o=[null,n];const s=r.from!==void 0?r.from:e.get();let a;const l=[];for(let u=0;ui=>{const o=yL(r,e)||{},s=o.delay||r.delay||0;let{elapsed:a=0}=r;a=a-Ds(s);const l=Gve(t,e,n,o),u=l[0],c=l[l.length-1],d=F2(e,u),f=F2(e,c);let h={keyframes:l,velocity:t.getVelocity(),ease:"easeOut",...o,delay:-a,onUpdate:p=>{t.set(p),o.onUpdate&&o.onUpdate(p)},onComplete:()=>{i(),o.onComplete&&o.onComplete()}};if(Hve(o)||(h={...h,...Fve(e,h)}),h.duration&&(h.duration=Ds(h.duration)),h.repeatDelay&&(h.repeatDelay=Ds(h.repeatDelay)),!d||!f||U0e.current||o.type===!1)return Ive(h);if(t.owner&&t.owner.current instanceof HTMLElement&&!t.owner.getProps().onUpdate){const p=Mve(t,e,h);if(p)return p}return dy(h)};function fy(e){return!!(_r(e)&&e.add)}const qve=e=>/^\-?\d*\.?\d+$/.test(e);function a3(e,t){e.indexOf(t)===-1&&e.push(t)}function l3(e,t){const n=e.indexOf(t);n>-1&&e.splice(n,1)}class u3{constructor(){this.subscriptions=[]}add(t){return a3(this.subscriptions,t),()=>l3(this.subscriptions,t)}notify(t,n,r){const i=this.subscriptions.length;if(i)if(i===1)this.subscriptions[0](t,n,r);else for(let o=0;o!isNaN(parseFloat(e));class Kve{constructor(t,n={}){this.version="10.12.22",this.timeDelta=0,this.lastUpdated=0,this.canTrackVelocity=!1,this.events={},this.updateAndNotify=(r,i=!0)=>{this.prev=this.current,this.current=r;const{delta:o,timestamp:s}=$n;this.lastUpdated!==s&&(this.timeDelta=o,this.lastUpdated=s,St.postRender(this.scheduleVelocityCheck)),this.prev!==this.current&&this.events.change&&this.events.change.notify(this.current),this.events.velocityChange&&this.events.velocityChange.notify(this.getVelocity()),i&&this.events.renderRequest&&this.events.renderRequest.notify(this.current)},this.scheduleVelocityCheck=()=>St.postRender(this.velocityCheck),this.velocityCheck=({timestamp:r})=>{r!==this.lastUpdated&&(this.prev=this.current,this.events.velocityChange&&this.events.velocityChange.notify(this.getVelocity()))},this.hasAnimated=!1,this.prev=this.current=t,this.canTrackVelocity=Wve(this.current),this.owner=n.owner}onChange(t){return this.on("change",t)}on(t,n){this.events[t]||(this.events[t]=new u3);const r=this.events[t].add(n);return t==="change"?()=>{r(),St.read(()=>{this.events.change.getSize()||this.stop()})}:r}clearListeners(){for(const t in this.events)this.events[t].clear()}attach(t,n){this.passiveEffect=t,this.stopPassiveEffect=n}set(t,n=!0){!n||!this.passiveEffect?this.updateAndNotify(t,n):this.passiveEffect(t,this.updateAndNotify)}setWithVelocity(t,n,r){this.set(n),this.prev=t,this.timeDelta=r}jump(t){this.updateAndNotify(t),this.prev=t,this.stop(),this.stopPassiveEffect&&this.stopPassiveEffect()}get(){return this.current}getPrevious(){return this.prev}getVelocity(){return this.canTrackVelocity?fL(parseFloat(this.current)-parseFloat(this.prev),this.timeDelta):0}start(t){return this.stop(),new Promise(n=>{this.hasAnimated=!0,this.animation=t(n),this.events.animationStart&&this.events.animationStart.notify()}).then(()=>{this.events.animationComplete&&this.events.animationComplete.notify(),this.clearAnimation()})}stop(){this.animation&&(this.animation.stop(),this.events.animationCancel&&this.events.animationCancel.notify()),this.clearAnimation()}isAnimating(){return!!this.animation}clearAnimation(){delete this.animation}destroy(){this.clearListeners(),this.stop(),this.stopPassiveEffect&&this.stopPassiveEffect()}}function cc(e,t){return new Kve(e,t)}const vL=e=>t=>t.test(e),Xve={test:e=>e==="auto",parse:e=>e},bL=[Pl,me,Ji,as,n0e,t0e,Xve],id=e=>bL.find(vL(e)),Yve=[...bL,Xn,Xs],Qve=e=>Yve.find(vL(e));function Zve(e,t,n){e.hasValue(t)?e.getValue(t).set(n):e.addValue(t,cc(n))}function Jve(e,t){const n=l1(e,t);let{transitionEnd:r={},transition:i={},...o}=n?e.makeTargetAnimatable(n,!1):{};o={...o,...r};for(const s in o){const a=m0e(o[s]);Zve(e,s,a)}}function e1e(e,t,n){var r,i;const o=Object.keys(t).filter(a=>!e.hasValue(a)),s=o.length;if(s)for(let a=0;al.remove(d))),u.push(m)}return s&&Promise.all(u).then(()=>{s&&Jve(e,s)}),u}function j2(e,t,n={}){const r=l1(e,t,n.custom);let{transition:i=e.getDefaultTransition()||{}}=r||{};n.transitionOverride&&(i=n.transitionOverride);const o=r?()=>Promise.all(SL(e,r,n)):()=>Promise.resolve(),s=e.variantChildren&&e.variantChildren.size?(l=0)=>{const{delayChildren:u=0,staggerChildren:c,staggerDirection:d}=i;return i1e(e,t,u+l,c,d,n)}:()=>Promise.resolve(),{when:a}=i;if(a){const[l,u]=a==="beforeChildren"?[o,s]:[s,o];return l().then(()=>u())}else return Promise.all([o(),s(n.delay)])}function i1e(e,t,n=0,r=0,i=1,o){const s=[],a=(e.variantChildren.size-1)*r,l=i===1?(u=0)=>u*r:(u=0)=>a-u*r;return Array.from(e.variantChildren).sort(o1e).forEach((u,c)=>{u.notify("AnimationStart",t),s.push(j2(u,t,{...o,delay:n+l(c)}).then(()=>u.notify("AnimationComplete",t)))}),Promise.all(s)}function o1e(e,t){return e.sortNodePosition(t)}function s1e(e,t,n={}){e.notify("AnimationStart",t);let r;if(Array.isArray(t)){const i=t.map(o=>j2(e,o,n));r=Promise.all(i)}else if(typeof t=="string")r=j2(e,t,n);else{const i=typeof t=="function"?l1(e,t,n.custom):t;r=Promise.all(SL(e,i,n))}return r.then(()=>e.notify("AnimationComplete",t))}const a1e=[...GC].reverse(),l1e=GC.length;function u1e(e){return t=>Promise.all(t.map(({animation:n,options:r})=>s1e(e,n,r)))}function c1e(e){let t=u1e(e);const n=f1e();let r=!0;const i=(l,u)=>{const c=l1(e,u);if(c){const{transition:d,transitionEnd:f,...h}=c;l={...l,...h,...f}}return l};function o(l){t=l(e)}function s(l,u){const c=e.getProps(),d=e.getVariantContext(!0)||{},f=[],h=new Set;let p={},m=1/0;for(let y=0;ym&&_;const E=Array.isArray(b)?b:[b];let A=E.reduce(i,{});w===!1&&(A={});const{prevResolvedValues:$={}}=g,I={...$,...A},C=R=>{P=!0,h.delete(R),g.needsAnimating[R]=!0};for(const R in I){const M=A[R],N=$[R];p.hasOwnProperty(R)||(M!==N?ly(M)&&ly(N)?!zD(M,N)||T?C(R):g.protectedKeys[R]=!0:M!==void 0?C(R):h.add(R):M!==void 0&&h.has(R)?C(R):g.protectedKeys[R]=!0)}g.prevProp=b,g.prevResolvedValues=A,g.isActive&&(p={...p,...A}),r&&e.blockInitialAnimation&&(P=!1),P&&!x&&f.push(...E.map(R=>({animation:R,options:{type:v,...l}})))}if(h.size){const y={};h.forEach(v=>{const g=e.getBaseTarget(v);g!==void 0&&(y[v]=g)}),f.push({animation:y})}let S=!!f.length;return r&&c.initial===!1&&!e.manuallyAnimateOnMount&&(S=!1),r=!1,S?t(f):Promise.resolve()}function a(l,u,c){var d;if(n[l].isActive===u)return Promise.resolve();(d=e.variantChildren)===null||d===void 0||d.forEach(h=>{var p;return(p=h.animationState)===null||p===void 0?void 0:p.setActive(l,u)}),n[l].isActive=u;const f=s(c,l);for(const h in n)n[h].protectedKeys={};return f}return{animateChanges:s,setActive:a,setAnimateFunction:o,getState:()=>n}}function d1e(e,t){return typeof t=="string"?t!==e:Array.isArray(t)?!zD(t,e):!1}function Sa(e=!1){return{isActive:e,protectedKeys:{},needsAnimating:{},prevResolvedValues:{}}}function f1e(){return{animate:Sa(!0),whileInView:Sa(),whileHover:Sa(),whileTap:Sa(),whileDrag:Sa(),whileFocus:Sa(),exit:Sa()}}class h1e extends ca{constructor(t){super(t),t.animationState||(t.animationState=c1e(t))}updateAnimationControlsSubscription(){const{animate:t}=this.node.getProps();this.unmount(),i1(t)&&(this.unmount=t.subscribe(this.node))}mount(){this.updateAnimationControlsSubscription()}update(){const{animate:t}=this.node.getProps(),{animate:n}=this.node.prevProps||{};t!==n&&this.updateAnimationControlsSubscription()}unmount(){}}let p1e=0;class g1e extends ca{constructor(){super(...arguments),this.id=p1e++}update(){if(!this.node.presenceContext)return;const{isPresent:t,onExitComplete:n,custom:r}=this.node.presenceContext,{isPresent:i}=this.node.prevPresenceContext||{};if(!this.node.animationState||t===i)return;const o=this.node.animationState.setActive("exit",!t,{custom:r??this.node.getProps().custom});n&&!t&&o.then(()=>n(this.id))}mount(){const{register:t}=this.node.presenceContext||{};t&&(this.unmount=t(this.id))}unmount(){}}const m1e={animation:{Feature:h1e},exit:{Feature:g1e}},yP=(e,t)=>Math.abs(e-t);function y1e(e,t){const n=yP(e.x,t.x),r=yP(e.y,t.y);return Math.sqrt(n**2+r**2)}class _L{constructor(t,n,{transformPagePoint:r}={}){if(this.startEvent=null,this.lastMoveEvent=null,this.lastMoveEventInfo=null,this.handlers={},this.updatePoint=()=>{if(!(this.lastMoveEvent&&this.lastMoveEventInfo))return;const u=pS(this.lastMoveEventInfo,this.history),c=this.startEvent!==null,d=y1e(u.offset,{x:0,y:0})>=3;if(!c&&!d)return;const{point:f}=u,{timestamp:h}=$n;this.history.push({...f,timestamp:h});const{onStart:p,onMove:m}=this.handlers;c||(p&&p(this.lastMoveEvent,u),this.startEvent=this.lastMoveEvent),m&&m(this.lastMoveEvent,u)},this.handlePointerMove=(u,c)=>{this.lastMoveEvent=u,this.lastMoveEventInfo=hS(c,this.transformPagePoint),St.update(this.updatePoint,!0)},this.handlePointerUp=(u,c)=>{if(this.end(),!(this.lastMoveEvent&&this.lastMoveEventInfo))return;const{onEnd:d,onSessionEnd:f}=this.handlers,h=pS(u.type==="pointercancel"?this.lastMoveEventInfo:hS(c,this.transformPagePoint),this.history);this.startEvent&&d&&d(u,h),f&&f(u,h)},!$D(t))return;this.handlers=n,this.transformPagePoint=r;const i=a1(t),o=hS(i,this.transformPagePoint),{point:s}=o,{timestamp:a}=$n;this.history=[{...s,timestamp:a}];const{onSessionStart:l}=n;l&&l(t,pS(o,this.history)),this.removeListeners=Ns(Io(window,"pointermove",this.handlePointerMove),Io(window,"pointerup",this.handlePointerUp),Io(window,"pointercancel",this.handlePointerUp))}updateHandlers(t){this.handlers=t}end(){this.removeListeners&&this.removeListeners(),Uo(this.updatePoint)}}function hS(e,t){return t?{point:t(e.point)}:e}function vP(e,t){return{x:e.x-t.x,y:e.y-t.y}}function pS({point:e},t){return{point:e,delta:vP(e,wL(t)),offset:vP(e,v1e(t)),velocity:b1e(t,.1)}}function v1e(e){return e[0]}function wL(e){return e[e.length-1]}function b1e(e,t){if(e.length<2)return{x:0,y:0};let n=e.length-1,r=null;const i=wL(e);for(;n>=0&&(r=e[n],!(i.timestamp-r.timestamp>Ds(t)));)n--;if(!r)return{x:0,y:0};const o=No(i.timestamp-r.timestamp);if(o===0)return{x:0,y:0};const s={x:(i.x-r.x)/o,y:(i.y-r.y)/o};return s.x===1/0&&(s.x=0),s.y===1/0&&(s.y=0),s}function Mr(e){return e.max-e.min}function V2(e,t=0,n=.01){return Math.abs(e-t)<=n}function bP(e,t,n,r=.5){e.origin=r,e.originPoint=At(t.min,t.max,e.origin),e.scale=Mr(n)/Mr(t),(V2(e.scale,1,1e-4)||isNaN(e.scale))&&(e.scale=1),e.translate=At(n.min,n.max,e.origin)-e.originPoint,(V2(e.translate)||isNaN(e.translate))&&(e.translate=0)}function Id(e,t,n,r){bP(e.x,t.x,n.x,r?r.originX:void 0),bP(e.y,t.y,n.y,r?r.originY:void 0)}function SP(e,t,n){e.min=n.min+t.min,e.max=e.min+Mr(t)}function S1e(e,t,n){SP(e.x,t.x,n.x),SP(e.y,t.y,n.y)}function _P(e,t,n){e.min=t.min-n.min,e.max=e.min+Mr(t)}function Nd(e,t,n){_P(e.x,t.x,n.x),_P(e.y,t.y,n.y)}function _1e(e,{min:t,max:n},r){return t!==void 0&&en&&(e=r?At(n,e,r.max):Math.min(e,n)),e}function wP(e,t,n){return{min:t!==void 0?e.min+t:void 0,max:n!==void 0?e.max+n-(e.max-e.min):void 0}}function w1e(e,{top:t,left:n,bottom:r,right:i}){return{x:wP(e.x,n,i),y:wP(e.y,t,r)}}function xP(e,t){let n=t.min-e.min,r=t.max-e.max;return t.max-t.minr?n=qf(t.min,t.max-r,e.min):r>i&&(n=qf(e.min,e.max-i,t.min)),Ks(0,1,n)}function T1e(e,t){const n={};return t.min!==void 0&&(n.min=t.min-e.min),t.max!==void 0&&(n.max=t.max-e.min),n}const z2=.35;function E1e(e=z2){return e===!1?e=0:e===!0&&(e=z2),{x:CP(e,"left","right"),y:CP(e,"top","bottom")}}function CP(e,t,n){return{min:TP(e,t),max:TP(e,n)}}function TP(e,t){return typeof e=="number"?e:e[t]||0}const EP=()=>({translate:0,scale:1,origin:0,originPoint:0}),mu=()=>({x:EP(),y:EP()}),PP=()=>({min:0,max:0}),qt=()=>({x:PP(),y:PP()});function Li(e){return[e("x"),e("y")]}function xL({top:e,left:t,right:n,bottom:r}){return{x:{min:t,max:n},y:{min:e,max:r}}}function P1e({x:e,y:t}){return{top:t.min,right:e.max,bottom:t.max,left:e.min}}function A1e(e,t){if(!t)return e;const n=t({x:e.left,y:e.top}),r=t({x:e.right,y:e.bottom});return{top:n.y,left:n.x,bottom:r.y,right:r.x}}function gS(e){return e===void 0||e===1}function U2({scale:e,scaleX:t,scaleY:n}){return!gS(e)||!gS(t)||!gS(n)}function Ta(e){return U2(e)||CL(e)||e.z||e.rotate||e.rotateX||e.rotateY}function CL(e){return AP(e.x)||AP(e.y)}function AP(e){return e&&e!=="0%"}function hy(e,t,n){const r=e-n,i=t*r;return n+i}function kP(e,t,n,r,i){return i!==void 0&&(e=hy(e,i,r)),hy(e,n,r)+t}function G2(e,t=0,n=1,r,i){e.min=kP(e.min,t,n,r,i),e.max=kP(e.max,t,n,r,i)}function TL(e,{x:t,y:n}){G2(e.x,t.translate,t.scale,t.originPoint),G2(e.y,n.translate,n.scale,n.originPoint)}function k1e(e,t,n,r=!1){const i=n.length;if(!i)return;t.x=t.y=1;let o,s;for(let a=0;a1.0000000000001||e<.999999999999?e:1}function fs(e,t){e.min=e.min+t,e.max=e.max+t}function OP(e,t,[n,r,i]){const o=t[i]!==void 0?t[i]:.5,s=At(e.min,e.max,o);G2(e,t[n],t[r],s,t.scale)}const R1e=["x","scaleX","originX"],O1e=["y","scaleY","originY"];function yu(e,t){OP(e.x,t,R1e),OP(e.y,t,O1e)}function EL(e,t){return xL(A1e(e.getBoundingClientRect(),t))}function M1e(e,t,n){const r=EL(e,n),{scroll:i}=t;return i&&(fs(r.x,i.offset.x),fs(r.y,i.offset.y)),r}const I1e=new WeakMap;class N1e{constructor(t){this.openGlobalLock=null,this.isDragging=!1,this.currentDirection=null,this.originPoint={x:0,y:0},this.constraints=!1,this.hasMutatedConstraints=!1,this.elastic=qt(),this.visualElement=t}start(t,{snapToCursor:n=!1}={}){const{presenceContext:r}=this.visualElement;if(r&&r.isPresent===!1)return;const i=l=>{this.stopAnimation(),n&&this.snapToCursor(a1(l,"page").point)},o=(l,u)=>{const{drag:c,dragPropagation:d,onDragStart:f}=this.getProps();if(c&&!d&&(this.openGlobalLock&&this.openGlobalLock(),this.openGlobalLock=BD(c),!this.openGlobalLock))return;this.isDragging=!0,this.currentDirection=null,this.resolveConstraints(),this.visualElement.projection&&(this.visualElement.projection.isAnimationBlocked=!0,this.visualElement.projection.target=void 0),Li(p=>{let m=this.getAxisMotionValue(p).get()||0;if(Ji.test(m)){const{projection:S}=this.visualElement;if(S&&S.layout){const y=S.layout.layoutBox[p];y&&(m=Mr(y)*(parseFloat(m)/100))}}this.originPoint[p]=m}),f&&St.update(()=>f(l,u),!1,!0);const{animationState:h}=this.visualElement;h&&h.setActive("whileDrag",!0)},s=(l,u)=>{const{dragPropagation:c,dragDirectionLock:d,onDirectionLock:f,onDrag:h}=this.getProps();if(!c&&!this.openGlobalLock)return;const{offset:p}=u;if(d&&this.currentDirection===null){this.currentDirection=D1e(p),this.currentDirection!==null&&f&&f(this.currentDirection);return}this.updateAxis("x",u.point,p),this.updateAxis("y",u.point,p),this.visualElement.render(),h&&h(l,u)},a=(l,u)=>this.stop(l,u);this.panSession=new _L(t,{onSessionStart:i,onStart:o,onMove:s,onSessionEnd:a},{transformPagePoint:this.visualElement.getTransformPagePoint()})}stop(t,n){const r=this.isDragging;if(this.cancel(),!r)return;const{velocity:i}=n;this.startAnimation(i);const{onDragEnd:o}=this.getProps();o&&St.update(()=>o(t,n))}cancel(){this.isDragging=!1;const{projection:t,animationState:n}=this.visualElement;t&&(t.isAnimationBlocked=!1),this.panSession&&this.panSession.end(),this.panSession=void 0;const{dragPropagation:r}=this.getProps();!r&&this.openGlobalLock&&(this.openGlobalLock(),this.openGlobalLock=null),n&&n.setActive("whileDrag",!1)}updateAxis(t,n,r){const{drag:i}=this.getProps();if(!r||!qp(t,i,this.currentDirection))return;const o=this.getAxisMotionValue(t);let s=this.originPoint[t]+r[t];this.constraints&&this.constraints[t]&&(s=_1e(s,this.constraints[t],this.elastic[t])),o.set(s)}resolveConstraints(){const{dragConstraints:t,dragElastic:n}=this.getProps(),{layout:r}=this.visualElement.projection||{},i=this.constraints;t&&pu(t)?this.constraints||(this.constraints=this.resolveRefConstraints()):t&&r?this.constraints=w1e(r.layoutBox,t):this.constraints=!1,this.elastic=E1e(n),i!==this.constraints&&r&&this.constraints&&!this.hasMutatedConstraints&&Li(o=>{this.getAxisMotionValue(o)&&(this.constraints[o]=T1e(r.layoutBox[o],this.constraints[o]))})}resolveRefConstraints(){const{dragConstraints:t,onMeasureDragConstraints:n}=this.getProps();if(!t||!pu(t))return!1;const r=t.current,{projection:i}=this.visualElement;if(!i||!i.layout)return!1;const o=M1e(r,i.root,this.visualElement.getTransformPagePoint());let s=x1e(i.layout.layoutBox,o);if(n){const a=n(P1e(s));this.hasMutatedConstraints=!!a,a&&(s=xL(a))}return s}startAnimation(t){const{drag:n,dragMomentum:r,dragElastic:i,dragTransition:o,dragSnapToOrigin:s,onDragTransitionEnd:a}=this.getProps(),l=this.constraints||{},u=Li(c=>{if(!qp(c,n,this.currentDirection))return;let d=l&&l[c]||{};s&&(d={min:0,max:0});const f=i?200:1e6,h=i?40:1e7,p={type:"inertia",velocity:r?t[c]:0,bounceStiffness:f,bounceDamping:h,timeConstant:750,restDelta:1,restSpeed:10,...o,...d};return this.startAxisValueAnimation(c,p)});return Promise.all(u).then(a)}startAxisValueAnimation(t,n){const r=this.getAxisMotionValue(t);return r.start(s3(t,r,0,n))}stopAnimation(){Li(t=>this.getAxisMotionValue(t).stop())}getAxisMotionValue(t){const n="_drag"+t.toUpperCase(),r=this.visualElement.getProps(),i=r[n];return i||this.visualElement.getValue(t,(r.initial?r.initial[t]:void 0)||0)}snapToCursor(t){Li(n=>{const{drag:r}=this.getProps();if(!qp(n,r,this.currentDirection))return;const{projection:i}=this.visualElement,o=this.getAxisMotionValue(n);if(i&&i.layout){const{min:s,max:a}=i.layout.layoutBox[n];o.set(t[n]-At(s,a,.5))}})}scalePositionWithinConstraints(){if(!this.visualElement.current)return;const{drag:t,dragConstraints:n}=this.getProps(),{projection:r}=this.visualElement;if(!pu(n)||!r||!this.constraints)return;this.stopAnimation();const i={x:0,y:0};Li(s=>{const a=this.getAxisMotionValue(s);if(a){const l=a.get();i[s]=C1e({min:l,max:l},this.constraints[s])}});const{transformTemplate:o}=this.visualElement.getProps();this.visualElement.current.style.transform=o?o({},""):"none",r.root&&r.root.updateScroll(),r.updateLayout(),this.resolveConstraints(),Li(s=>{if(!qp(s,t,null))return;const a=this.getAxisMotionValue(s),{min:l,max:u}=this.constraints[s];a.set(At(l,u,i[s]))})}addListeners(){if(!this.visualElement.current)return;I1e.set(this.visualElement,this);const t=this.visualElement.current,n=Io(t,"pointerdown",l=>{const{drag:u,dragListener:c=!0}=this.getProps();u&&c&&this.start(l)}),r=()=>{const{dragConstraints:l}=this.getProps();pu(l)&&(this.constraints=this.resolveRefConstraints())},{projection:i}=this.visualElement,o=i.addEventListener("measure",r);i&&!i.layout&&(i.root&&i.root.updateScroll(),i.updateLayout()),r();const s=Ao(window,"resize",()=>this.scalePositionWithinConstraints()),a=i.addEventListener("didUpdate",({delta:l,hasLayoutChanged:u})=>{this.isDragging&&u&&(Li(c=>{const d=this.getAxisMotionValue(c);d&&(this.originPoint[c]+=l[c].translate,d.set(d.get()+l[c].translate))}),this.visualElement.render())});return()=>{s(),n(),o(),a&&a()}}getProps(){const t=this.visualElement.getProps(),{drag:n=!1,dragDirectionLock:r=!1,dragPropagation:i=!1,dragConstraints:o=!1,dragElastic:s=z2,dragMomentum:a=!0}=t;return{...t,drag:n,dragDirectionLock:r,dragPropagation:i,dragConstraints:o,dragElastic:s,dragMomentum:a}}}function qp(e,t,n){return(t===!0||t===e)&&(n===null||n===e)}function D1e(e,t=10){let n=null;return Math.abs(e.y)>t?n="y":Math.abs(e.x)>t&&(n="x"),n}class L1e extends ca{constructor(t){super(t),this.removeGroupControls=Yt,this.removeListeners=Yt,this.controls=new N1e(t)}mount(){const{dragControls:t}=this.node.getProps();t&&(this.removeGroupControls=t.subscribe(this.controls)),this.removeListeners=this.controls.addListeners()||Yt}unmount(){this.removeGroupControls(),this.removeListeners()}}const MP=e=>(t,n)=>{e&&St.update(()=>e(t,n))};class $1e extends ca{constructor(){super(...arguments),this.removePointerDownListener=Yt}onPointerDown(t){this.session=new _L(t,this.createPanHandlers(),{transformPagePoint:this.node.getTransformPagePoint()})}createPanHandlers(){const{onPanSessionStart:t,onPanStart:n,onPan:r,onPanEnd:i}=this.node.getProps();return{onSessionStart:MP(t),onStart:MP(n),onMove:r,onEnd:(o,s)=>{delete this.session,i&&St.update(()=>i(o,s))}}}mount(){this.removePointerDownListener=Io(this.node.current,"pointerdown",t=>this.onPointerDown(t))}update(){this.session&&this.session.updateHandlers(this.createPanHandlers())}unmount(){this.removePointerDownListener(),this.session&&this.session.end()}}function F1e(){const e=k.useContext(Lh);if(e===null)return[!0,null];const{isPresent:t,onExitComplete:n,register:r}=e,i=k.useId();return k.useEffect(()=>r(i),[]),!t&&n?[!1,()=>n&&n(i)]:[!0]}function j4e(){return B1e(k.useContext(Lh))}function B1e(e){return e===null?!0:e.isPresent}const Ag={hasAnimatedSinceResize:!0,hasEverUpdated:!1};function IP(e,t){return t.max===t.min?0:e/(t.max-t.min)*100}const od={correct:(e,t)=>{if(!t.target)return e;if(typeof e=="string")if(me.test(e))e=parseFloat(e);else return e;const n=IP(e,t.target.x),r=IP(e,t.target.y);return`${n}% ${r}%`}},j1e={correct:(e,{treeScale:t,projectionDelta:n})=>{const r=e,i=Xs.parse(e);if(i.length>5)return r;const o=Xs.createTransformer(e),s=typeof i[0]!="number"?1:0,a=n.x.scale*t.x,l=n.y.scale*t.y;i[0+s]/=a,i[1+s]/=l;const u=At(a,l,.5);return typeof i[2+s]=="number"&&(i[2+s]/=u),typeof i[3+s]=="number"&&(i[3+s]/=u),o(i)}};class V1e extends Xe.Component{componentDidMount(){const{visualElement:t,layoutGroup:n,switchLayoutGroup:r,layoutId:i}=this.props,{projection:o}=t;Kye(z1e),o&&(n.group&&n.group.add(o),r&&r.register&&i&&r.register(o),o.root.didUpdate(),o.addEventListener("animationComplete",()=>{this.safeToRemove()}),o.setOptions({...o.options,onExitComplete:()=>this.safeToRemove()})),Ag.hasEverUpdated=!0}getSnapshotBeforeUpdate(t){const{layoutDependency:n,visualElement:r,drag:i,isPresent:o}=this.props,s=r.projection;return s&&(s.isPresent=o,i||t.layoutDependency!==n||n===void 0?s.willUpdate():this.safeToRemove(),t.isPresent!==o&&(o?s.promote():s.relegate()||St.postRender(()=>{const a=s.getStack();(!a||!a.members.length)&&this.safeToRemove()}))),null}componentDidUpdate(){const{projection:t}=this.props.visualElement;t&&(t.root.didUpdate(),queueMicrotask(()=>{!t.currentAnimation&&t.isLead()&&this.safeToRemove()}))}componentWillUnmount(){const{visualElement:t,layoutGroup:n,switchLayoutGroup:r}=this.props,{projection:i}=t;i&&(i.scheduleCheckAfterUnmount(),n&&n.group&&n.group.remove(i),r&&r.deregister&&r.deregister(i))}safeToRemove(){const{safeToRemove:t}=this.props;t&&t()}render(){return null}}function PL(e){const[t,n]=F1e(),r=k.useContext(qC);return Xe.createElement(V1e,{...e,layoutGroup:r,switchLayoutGroup:k.useContext(wD),isPresent:t,safeToRemove:n})}const z1e={borderRadius:{...od,applyTo:["borderTopLeftRadius","borderTopRightRadius","borderBottomLeftRadius","borderBottomRightRadius"]},borderTopLeftRadius:od,borderTopRightRadius:od,borderBottomLeftRadius:od,borderBottomRightRadius:od,boxShadow:j1e},AL=["TopLeft","TopRight","BottomLeft","BottomRight"],U1e=AL.length,NP=e=>typeof e=="string"?parseFloat(e):e,DP=e=>typeof e=="number"||me.test(e);function G1e(e,t,n,r,i,o){i?(e.opacity=At(0,n.opacity!==void 0?n.opacity:1,H1e(r)),e.opacityExit=At(t.opacity!==void 0?t.opacity:1,0,q1e(r))):o&&(e.opacity=At(t.opacity!==void 0?t.opacity:1,n.opacity!==void 0?n.opacity:1,r));for(let s=0;srt?1:n(qf(e,t,r))}function $P(e,t){e.min=t.min,e.max=t.max}function Vr(e,t){$P(e.x,t.x),$P(e.y,t.y)}function FP(e,t,n,r,i){return e-=t,e=hy(e,1/n,r),i!==void 0&&(e=hy(e,1/i,r)),e}function W1e(e,t=0,n=1,r=.5,i,o=e,s=e){if(Ji.test(t)&&(t=parseFloat(t),t=At(s.min,s.max,t/100)-s.min),typeof t!="number")return;let a=At(o.min,o.max,r);e===o&&(a-=t),e.min=FP(e.min,t,n,a,i),e.max=FP(e.max,t,n,a,i)}function BP(e,t,[n,r,i],o,s){W1e(e,t[n],t[r],t[i],t.scale,o,s)}const K1e=["x","scaleX","originX"],X1e=["y","scaleY","originY"];function jP(e,t,n,r){BP(e.x,t,K1e,n?n.x:void 0,r?r.x:void 0),BP(e.y,t,X1e,n?n.y:void 0,r?r.y:void 0)}function VP(e){return e.translate===0&&e.scale===1}function RL(e){return VP(e.x)&&VP(e.y)}function H2(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 zP(e){return Mr(e.x)/Mr(e.y)}class Y1e{constructor(){this.members=[]}add(t){a3(this.members,t),t.scheduleRender()}remove(t){if(l3(this.members,t),t===this.prevLead&&(this.prevLead=void 0),t===this.lead){const n=this.members[this.members.length-1];n&&this.promote(n)}}relegate(t){const n=this.members.findIndex(i=>t===i);if(n===0)return!1;let r;for(let i=n;i>=0;i--){const o=this.members[i];if(o.isPresent!==!1){r=o;break}}return r?(this.promote(r),!0):!1}promote(t,n){const r=this.lead;if(t!==r&&(this.prevLead=r,this.lead=t,t.show(),r)){r.instance&&r.scheduleRender(),t.scheduleRender(),t.resumeFrom=r,n&&(t.resumeFrom.preserveOpacity=!0),r.snapshot&&(t.snapshot=r.snapshot,t.snapshot.latestValues=r.animationValues||r.latestValues),t.root&&t.root.isUpdating&&(t.isLayoutDirty=!0);const{crossfade:i}=t.options;i===!1&&r.hide()}}exitAnimationComplete(){this.members.forEach(t=>{const{options:n,resumingFrom:r}=t;n.onExitComplete&&n.onExitComplete(),r&&r.options.onExitComplete&&r.options.onExitComplete()})}scheduleRender(){this.members.forEach(t=>{t.instance&&t.scheduleRender(!1)})}removeLeadSnapshot(){this.lead&&this.lead.snapshot&&(this.lead.snapshot=void 0)}}function UP(e,t,n){let r="";const i=e.x.translate/t.x,o=e.y.translate/t.y;if((i||o)&&(r=`translate3d(${i}px, ${o}px, 0) `),(t.x!==1||t.y!==1)&&(r+=`scale(${1/t.x}, ${1/t.y}) `),n){const{rotate:l,rotateX:u,rotateY:c}=n;l&&(r+=`rotate(${l}deg) `),u&&(r+=`rotateX(${u}deg) `),c&&(r+=`rotateY(${c}deg) `)}const s=e.x.scale*t.x,a=e.y.scale*t.y;return(s!==1||a!==1)&&(r+=`scale(${s}, ${a})`),r||"none"}const Q1e=(e,t)=>e.depth-t.depth;class Z1e{constructor(){this.children=[],this.isDirty=!1}add(t){a3(this.children,t),this.isDirty=!0}remove(t){l3(this.children,t),this.isDirty=!0}forEach(t){this.isDirty&&this.children.sort(Q1e),this.isDirty=!1,this.children.forEach(t)}}function J1e(e,t){const n=performance.now(),r=({timestamp:i})=>{const o=i-n;o>=t&&(Uo(r),e(o-t))};return St.read(r,!0),()=>Uo(r)}function ebe(e){window.MotionDebug&&window.MotionDebug.record(e)}function tbe(e){return e instanceof SVGElement&&e.tagName!=="svg"}function nbe(e,t,n){const r=_r(e)?e:cc(e);return r.start(s3("",r,t,n)),r.animation}const GP=["","X","Y","Z"],HP=1e3;let rbe=0;const Ea={type:"projectionFrame",totalNodes:0,resolvedTargetDeltas:0,recalculatedProjection:0};function OL({attachResizeListener:e,defaultParent:t,measureScroll:n,checkIsScrollRoot:r,resetTransform:i}){return class{constructor(s={},a=t==null?void 0:t()){this.id=rbe++,this.animationId=0,this.children=new Set,this.options={},this.isTreeAnimating=!1,this.isAnimationBlocked=!1,this.isLayoutDirty=!1,this.isProjectionDirty=!1,this.isSharedProjectionDirty=!1,this.isTransformDirty=!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.hasTreeAnimated=!1,this.updateScheduled=!1,this.checkUpdateFailed=()=>{this.isUpdating&&(this.isUpdating=!1,this.clearAllSnapshots())},this.updateProjection=()=>{Ea.totalNodes=Ea.resolvedTargetDeltas=Ea.recalculatedProjection=0,this.nodes.forEach(sbe),this.nodes.forEach(dbe),this.nodes.forEach(fbe),this.nodes.forEach(abe),ebe(Ea)},this.hasProjected=!1,this.isVisible=!0,this.animationProgress=0,this.sharedNodes=new Map,this.latestValues=s,this.root=a?a.root||a:this,this.path=a?[...a.path,a]:[],this.parent=a,this.depth=a?a.depth+1:0;for(let l=0;lthis.root.updateBlockedByResize=!1;e(s,()=>{this.root.updateBlockedByResize=!0,d&&d(),d=J1e(f,250),Ag.hasAnimatedSinceResize&&(Ag.hasAnimatedSinceResize=!1,this.nodes.forEach(WP))})}l&&this.root.registerSharedNode(l,this),this.options.animate!==!1&&c&&(l||u)&&this.addEventListener("didUpdate",({delta:d,hasLayoutChanged:f,hasRelativeTargetChanged:h,layout:p})=>{if(this.isTreeAnimationBlocked()){this.target=void 0,this.relativeTarget=void 0;return}const m=this.options.transition||c.getDefaultTransition()||ybe,{onLayoutAnimationStart:S,onLayoutAnimationComplete:y}=c.getProps(),v=!this.targetLayout||!H2(this.targetLayout,p)||h,g=!f&&h;if(this.options.layoutRoot||this.resumeFrom&&this.resumeFrom.instance||g||f&&(v||!this.currentAnimation)){this.resumeFrom&&(this.resumingFrom=this.resumeFrom,this.resumingFrom.resumingFrom=void 0),this.setAnimationOrigin(d,g);const b={...yL(m,"layout"),onPlay:S,onComplete:y};(c.shouldReduceMotion||this.options.layoutRoot)&&(b.delay=0,b.type=!1),this.startAnimation(b)}else f||WP(this),this.isLead()&&this.options.onExitComplete&&this.options.onExitComplete();this.targetLayout=p})}unmount(){this.options.layoutId&&this.willUpdate(),this.root.nodes.remove(this);const s=this.getStack();s&&s.remove(this),this.parent&&this.parent.children.delete(this),this.instance=void 0,Uo(this.updateProjection)}blockUpdate(){this.updateManuallyBlocked=!0}unblockUpdate(){this.updateManuallyBlocked=!1}isUpdateBlocked(){return this.updateManuallyBlocked||this.updateBlockedByResize}isTreeAnimationBlocked(){return this.isAnimationBlocked||this.parent&&this.parent.isTreeAnimationBlocked()||!1}startUpdate(){this.isUpdateBlocked()||(this.isUpdating=!0,this.nodes&&this.nodes.forEach(hbe),this.animationId++)}getTransformTemplate(){const{visualElement:s}=this.options;return s&&s.getProps().transformTemplate}willUpdate(s=!0){if(this.root.hasTreeAnimated=!0,this.root.isUpdateBlocked()){this.options.onExitComplete&&this.options.onExitComplete();return}if(!this.root.isUpdating&&this.root.startUpdate(),this.isLayoutDirty)return;this.isLayoutDirty=!0;for(let c=0;cthis.update()))}clearAllSnapshots(){this.nodes.forEach(lbe),this.sharedNodes.forEach(pbe)}scheduleUpdateProjection(){St.preRender(this.updateProjection,!1,!0)}scheduleCheckAfterUnmount(){St.postRender(()=>{this.isLayoutDirty?this.root.didUpdate():this.root.checkUpdateFailed()})}updateSnapshot(){this.snapshot||!this.instance||(this.snapshot=this.measure())}updateLayout(){if(!this.instance||(this.updateScroll(),!(this.options.alwaysMeasureLayout&&this.isLead())&&!this.isLayoutDirty))return;if(this.resumeFrom&&!this.resumeFrom.instance)for(let l=0;l{const _=b/1e3;KP(d.x,s.x,_),KP(d.y,s.y,_),this.setTargetDelta(d),this.relativeTarget&&this.relativeTargetOrigin&&this.layout&&this.relativeParent&&this.relativeParent.layout&&(Nd(f,this.layout.layoutBox,this.relativeParent.layout.layoutBox),gbe(this.relativeTarget,this.relativeTargetOrigin,f,_),g&&H2(this.relativeTarget,g)&&(this.isProjectionDirty=!1),g||(g=qt()),Vr(g,this.relativeTarget)),m&&(this.animationValues=c,G1e(c,u,this.latestValues,_,v,y)),this.root.scheduleUpdateProjection(),this.scheduleRender(),this.animationProgress=_},this.mixTargetDelta(this.options.layoutRoot?1e3:0)}startAnimation(s){this.notifyListeners("animationStart"),this.currentAnimation&&this.currentAnimation.stop(),this.resumingFrom&&this.resumingFrom.currentAnimation&&this.resumingFrom.currentAnimation.stop(),this.pendingAnimation&&(Uo(this.pendingAnimation),this.pendingAnimation=void 0),this.pendingAnimation=St.update(()=>{Ag.hasAnimatedSinceResize=!0,this.currentAnimation=nbe(0,HP,{...s,onUpdate:a=>{this.mixTargetDelta(a),s.onUpdate&&s.onUpdate(a)},onComplete:()=>{s.onComplete&&s.onComplete(),this.completeAnimation()}}),this.resumingFrom&&(this.resumingFrom.currentAnimation=this.currentAnimation),this.pendingAnimation=void 0})}completeAnimation(){this.resumingFrom&&(this.resumingFrom.currentAnimation=void 0,this.resumingFrom.preserveOpacity=void 0);const s=this.getStack();s&&s.exitAnimationComplete(),this.resumingFrom=this.currentAnimation=this.animationValues=void 0,this.notifyListeners("animationComplete")}finishAnimation(){this.currentAnimation&&(this.mixTargetDelta&&this.mixTargetDelta(HP),this.currentAnimation.stop()),this.completeAnimation()}applyTransformsToTarget(){const s=this.getLead();let{targetWithTransforms:a,target:l,layout:u,latestValues:c}=s;if(!(!a||!l||!u)){if(this!==s&&this.layout&&u&&ML(this.options.animationType,this.layout.layoutBox,u.layoutBox)){l=this.target||qt();const d=Mr(this.layout.layoutBox.x);l.x.min=s.target.x.min,l.x.max=l.x.min+d;const f=Mr(this.layout.layoutBox.y);l.y.min=s.target.y.min,l.y.max=l.y.min+f}Vr(a,l),yu(a,c),Id(this.projectionDeltaWithTransform,this.layoutCorrected,a,c)}}registerSharedNode(s,a){this.sharedNodes.has(s)||this.sharedNodes.set(s,new Y1e),this.sharedNodes.get(s).add(a);const u=a.options.initialPromotionConfig;a.promote({transition:u?u.transition:void 0,preserveFollowOpacity:u&&u.shouldPreserveFollowOpacity?u.shouldPreserveFollowOpacity(a):void 0})}isLead(){const s=this.getStack();return s?s.lead===this:!0}getLead(){var s;const{layoutId:a}=this.options;return a?((s=this.getStack())===null||s===void 0?void 0:s.lead)||this:this}getPrevLead(){var s;const{layoutId:a}=this.options;return a?(s=this.getStack())===null||s===void 0?void 0:s.prevLead:void 0}getStack(){const{layoutId:s}=this.options;if(s)return this.root.sharedNodes.get(s)}promote({needsReset:s,transition:a,preserveFollowOpacity:l}={}){const u=this.getStack();u&&u.promote(this,l),s&&(this.projectionDelta=void 0,this.needsReset=!0),a&&this.setOptions({transition:a})}relegate(){const s=this.getStack();return s?s.relegate(this):!1}resetRotation(){const{visualElement:s}=this.options;if(!s)return;let a=!1;const{latestValues:l}=s;if((l.rotate||l.rotateX||l.rotateY||l.rotateZ)&&(a=!0),!a)return;const u={};for(let c=0;c{var a;return(a=s.currentAnimation)===null||a===void 0?void 0:a.stop()}),this.root.nodes.forEach(qP),this.root.sharedNodes.clear()}}}function ibe(e){e.updateLayout()}function obe(e){var t;const n=((t=e.resumeFrom)===null||t===void 0?void 0:t.snapshot)||e.snapshot;if(e.isLead()&&e.layout&&n&&e.hasListeners("didUpdate")){const{layoutBox:r,measuredBox:i}=e.layout,{animationType:o}=e.options,s=n.source!==e.layout.source;o==="size"?Li(d=>{const f=s?n.measuredBox[d]:n.layoutBox[d],h=Mr(f);f.min=r[d].min,f.max=f.min+h}):ML(o,n.layoutBox,r)&&Li(d=>{const f=s?n.measuredBox[d]:n.layoutBox[d],h=Mr(r[d]);f.max=f.min+h,e.relativeTarget&&!e.currentAnimation&&(e.isProjectionDirty=!0,e.relativeTarget[d].max=e.relativeTarget[d].min+h)});const a=mu();Id(a,r,n.layoutBox);const l=mu();s?Id(l,e.applyTransform(i,!0),n.measuredBox):Id(l,r,n.layoutBox);const u=!RL(a);let c=!1;if(!e.resumeFrom){const d=e.getClosestProjectingParent();if(d&&!d.resumeFrom){const{snapshot:f,layout:h}=d;if(f&&h){const p=qt();Nd(p,n.layoutBox,f.layoutBox);const m=qt();Nd(m,r,h.layoutBox),H2(p,m)||(c=!0),d.options.layoutRoot&&(e.relativeTarget=m,e.relativeTargetOrigin=p,e.relativeParent=d)}}}e.notifyListeners("didUpdate",{layout:r,snapshot:n,delta:l,layoutDelta:a,hasLayoutChanged:u,hasRelativeTargetChanged:c})}else if(e.isLead()){const{onExitComplete:r}=e.options;r&&r()}e.options.transition=void 0}function sbe(e){Ea.totalNodes++,e.parent&&(e.isProjecting()||(e.isProjectionDirty=e.parent.isProjectionDirty),e.isSharedProjectionDirty||(e.isSharedProjectionDirty=!!(e.isProjectionDirty||e.parent.isProjectionDirty||e.parent.isSharedProjectionDirty)),e.isTransformDirty||(e.isTransformDirty=e.parent.isTransformDirty))}function abe(e){e.isProjectionDirty=e.isSharedProjectionDirty=e.isTransformDirty=!1}function lbe(e){e.clearSnapshot()}function qP(e){e.clearMeasurements()}function ube(e){e.isLayoutDirty=!1}function cbe(e){const{visualElement:t}=e.options;t&&t.getProps().onBeforeLayoutMeasure&&t.notify("BeforeLayoutMeasure"),e.resetTransform()}function WP(e){e.finishAnimation(),e.targetDelta=e.relativeTarget=e.target=void 0,e.isProjectionDirty=!0}function dbe(e){e.resolveTargetDelta()}function fbe(e){e.calcProjection()}function hbe(e){e.resetRotation()}function pbe(e){e.removeLeadSnapshot()}function KP(e,t,n){e.translate=At(t.translate,0,n),e.scale=At(t.scale,1,n),e.origin=t.origin,e.originPoint=t.originPoint}function XP(e,t,n,r){e.min=At(t.min,n.min,r),e.max=At(t.max,n.max,r)}function gbe(e,t,n,r){XP(e.x,t.x,n.x,r),XP(e.y,t.y,n.y,r)}function mbe(e){return e.animationValues&&e.animationValues.opacityExit!==void 0}const ybe={duration:.45,ease:[.4,0,.1,1]};function YP(e){e.min=Math.round(e.min*2)/2,e.max=Math.round(e.max*2)/2}function vbe(e){YP(e.x),YP(e.y)}function ML(e,t,n){return e==="position"||e==="preserve-aspect"&&!V2(zP(t),zP(n),.2)}const bbe=OL({attachResizeListener:(e,t)=>Ao(e,"resize",t),measureScroll:()=>({x:document.documentElement.scrollLeft||document.body.scrollLeft,y:document.documentElement.scrollTop||document.body.scrollTop}),checkIsScrollRoot:()=>!0}),mS={current:void 0},IL=OL({measureScroll:e=>({x:e.scrollLeft,y:e.scrollTop}),defaultParent:()=>{if(!mS.current){const e=new bbe({});e.mount(window),e.setOptions({layoutScroll:!0}),mS.current=e}return mS.current},resetTransform:(e,t)=>{e.style.transform=t!==void 0?t:"none"},checkIsScrollRoot:e=>window.getComputedStyle(e).position==="fixed"}),Sbe={pan:{Feature:$1e},drag:{Feature:L1e,ProjectionNode:IL,MeasureLayout:PL}},_be=/var\((--[a-zA-Z0-9-_]+),? ?([a-zA-Z0-9 ()%#.,-]+)?\)/;function wbe(e){const t=_be.exec(e);if(!t)return[,];const[,n,r]=t;return[n,r]}function q2(e,t,n=1){const[r,i]=wbe(e);if(!r)return;const o=window.getComputedStyle(t).getPropertyValue(r);return o?o.trim():N2(i)?q2(i,t,n+1):i}function xbe(e,{...t},n){const r=e.current;if(!(r instanceof Element))return{target:t,transitionEnd:n};n&&(n={...n}),e.values.forEach(i=>{const o=i.get();if(!N2(o))return;const s=q2(o,r);s&&i.set(s)});for(const i in t){const o=t[i];if(!N2(o))continue;const s=q2(o,r);s&&(t[i]=s,n||(n={}),n[i]===void 0&&(n[i]=o))}return{target:t,transitionEnd:n}}const Cbe=new Set(["width","height","top","left","right","bottom","x","y","translateX","translateY"]),NL=e=>Cbe.has(e),Tbe=e=>Object.keys(e).some(NL),QP=e=>e===Pl||e===me,ZP=(e,t)=>parseFloat(e.split(", ")[t]),JP=(e,t)=>(n,{transform:r})=>{if(r==="none"||!r)return 0;const i=r.match(/^matrix3d\((.+)\)$/);if(i)return ZP(i[1],t);{const o=r.match(/^matrix\((.+)\)$/);return o?ZP(o[1],e):0}},Ebe=new Set(["x","y","z"]),Pbe=$h.filter(e=>!Ebe.has(e));function Abe(e){const t=[];return Pbe.forEach(n=>{const r=e.getValue(n);r!==void 0&&(t.push([n,r.get()]),r.set(n.startsWith("scale")?1:0))}),t.length&&e.render(),t}const dc={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:JP(4,13),y:JP(5,14)};dc.translateX=dc.x;dc.translateY=dc.y;const kbe=(e,t,n)=>{const r=t.measureViewportBox(),i=t.current,o=getComputedStyle(i),{display:s}=o,a={};s==="none"&&t.setStaticValue("display",e.display||"block"),n.forEach(u=>{a[u]=dc[u](r,o)}),t.render();const l=t.measureViewportBox();return n.forEach(u=>{const c=t.getValue(u);c&&c.jump(a[u]),e[u]=dc[u](l,o)}),e},Rbe=(e,t,n={},r={})=>{t={...t},r={...r};const i=Object.keys(t).filter(NL);let o=[],s=!1;const a=[];if(i.forEach(l=>{const u=e.getValue(l);if(!e.hasValue(l))return;let c=n[l],d=id(c);const f=t[l];let h;if(ly(f)){const p=f.length,m=f[0]===null?1:0;c=f[m],d=id(c);for(let S=m;S=0?window.pageYOffset:null,u=kbe(t,e,a);return o.length&&o.forEach(([c,d])=>{e.getValue(c).set(d)}),e.render(),r1&&l!==null&&window.scrollTo({top:l}),{target:u,transitionEnd:r}}else return{target:t,transitionEnd:r}};function Obe(e,t,n,r){return Tbe(t)?Rbe(e,t,n,r):{target:t,transitionEnd:r}}const Mbe=(e,t,n,r)=>{const i=xbe(e,t,r);return t=i.target,r=i.transitionEnd,Obe(e,t,n,r)},W2={current:null},DL={current:!1};function Ibe(){if(DL.current=!0,!!r1)if(window.matchMedia){const e=window.matchMedia("(prefers-reduced-motion)"),t=()=>W2.current=e.matches;e.addListener(t),t()}else W2.current=!1}function Nbe(e,t,n){const{willChange:r}=t;for(const i in t){const o=t[i],s=n[i];if(_r(o))e.addValue(i,o),fy(r)&&r.add(i);else if(_r(s))e.addValue(i,cc(o,{owner:e})),fy(r)&&r.remove(i);else if(s!==o)if(e.hasValue(i)){const a=e.getValue(i);!a.hasAnimated&&a.set(o)}else{const a=e.getStaticValue(i);e.addValue(i,cc(a!==void 0?a:o,{owner:e}))}}for(const i in n)t[i]===void 0&&e.removeValue(i);return t}const e8=new WeakMap,LL=Object.keys(Hf),Dbe=LL.length,t8=["AnimationStart","AnimationComplete","Update","BeforeLayoutMeasure","LayoutMeasure","LayoutAnimationStart","LayoutAnimationComplete"],Lbe=HC.length;class $be{constructor({parent:t,props:n,presenceContext:r,reducedMotionConfig:i,visualState:o},s={}){this.current=null,this.children=new Set,this.isVariantNode=!1,this.isControllingVariants=!1,this.shouldReduceMotion=null,this.values=new Map,this.features={},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=()=>St.render(this.render,!1,!0);const{latestValues:a,renderState:l}=o;this.latestValues=a,this.baseTarget={...a},this.initialValues=n.initial?{...a}:{},this.renderState=l,this.parent=t,this.props=n,this.presenceContext=r,this.depth=t?t.depth+1:0,this.reducedMotionConfig=i,this.options=s,this.isControllingVariants=o1(n),this.isVariantNode=_D(n),this.isVariantNode&&(this.variantChildren=new Set),this.manuallyAnimateOnMount=!!(t&&t.current);const{willChange:u,...c}=this.scrapeMotionValuesFromProps(n,{});for(const d in c){const f=c[d];a[d]!==void 0&&_r(f)&&(f.set(a[d],!1),fy(u)&&u.add(d))}}scrapeMotionValuesFromProps(t,n){return{}}mount(t){this.current=t,e8.set(t,this),this.projection&&!this.projection.instance&&this.projection.mount(t),this.parent&&this.isVariantNode&&!this.isControllingVariants&&(this.removeFromVariantTree=this.parent.addVariantChild(this)),this.values.forEach((n,r)=>this.bindToMotionValue(r,n)),DL.current||Ibe(),this.shouldReduceMotion=this.reducedMotionConfig==="never"?!1:this.reducedMotionConfig==="always"?!0:W2.current,this.parent&&this.parent.children.add(this),this.update(this.props,this.presenceContext)}unmount(){e8.delete(this.current),this.projection&&this.projection.unmount(),Uo(this.notifyUpdate),Uo(this.render),this.valueSubscriptions.forEach(t=>t()),this.removeFromVariantTree&&this.removeFromVariantTree(),this.parent&&this.parent.children.delete(this);for(const t in this.events)this.events[t].clear();for(const t in this.features)this.features[t].unmount();this.current=null}bindToMotionValue(t,n){const r=El.has(t),i=n.on("change",s=>{this.latestValues[t]=s,this.props.onUpdate&&St.update(this.notifyUpdate,!1,!0),r&&this.projection&&(this.projection.isTransformDirty=!0)}),o=n.on("renderRequest",this.scheduleRender);this.valueSubscriptions.set(t,()=>{i(),o()})}sortNodePosition(t){return!this.current||!this.sortInstanceNodePosition||this.type!==t.type?0:this.sortInstanceNodePosition(this.current,t.current)}loadFeatures({children:t,...n},r,i,o){let s,a;for(let l=0;lthis.scheduleRender(),animationType:typeof u=="string"?u:"both",initialPromotionConfig:o,layoutScroll:f,layoutRoot:h})}return a}updateFeatures(){for(const t in this.features){const n=this.features[t];n.isMounted?n.update():(n.mount(),n.isMounted=!0)}}triggerBuild(){this.build(this.renderState,this.latestValues,this.options,this.props)}measureViewportBox(){return this.current?this.measureInstanceViewportBox(this.current,this.props):qt()}getStaticValue(t){return this.latestValues[t]}setStaticValue(t,n){this.latestValues[t]=n}makeTargetAnimatable(t,n=!0){return this.makeTargetAnimatableFromInstance(t,this.props,n)}update(t,n){(t.transformTemplate||this.props.transformTemplate)&&this.scheduleRender(),this.prevProps=this.props,this.props=t,this.prevPresenceContext=this.presenceContext,this.presenceContext=n;for(let r=0;rn.variantChildren.delete(t)}addValue(t,n){n!==this.values.get(t)&&(this.removeValue(t),this.bindToMotionValue(t,n)),this.values.set(t,n),this.latestValues[t]=n.get()}removeValue(t){this.values.delete(t);const n=this.valueSubscriptions.get(t);n&&(n(),this.valueSubscriptions.delete(t)),delete this.latestValues[t],this.removeValueFromRenderState(t,this.renderState)}hasValue(t){return this.values.has(t)}getValue(t,n){if(this.props.values&&this.props.values[t])return this.props.values[t];let r=this.values.get(t);return r===void 0&&n!==void 0&&(r=cc(n,{owner:this}),this.addValue(t,r)),r}readValue(t){var n;return this.latestValues[t]!==void 0||!this.current?this.latestValues[t]:(n=this.getBaseTargetFromProps(this.props,t))!==null&&n!==void 0?n:this.readValueFromInstance(this.current,t,this.options)}setBaseTarget(t,n){this.baseTarget[t]=n}getBaseTarget(t){var n;const{initial:r}=this.props,i=typeof r=="string"||typeof r=="object"?(n=e3(this.props,r))===null||n===void 0?void 0:n[t]:void 0;if(r&&i!==void 0)return i;const o=this.getBaseTargetFromProps(this.props,t);return o!==void 0&&!_r(o)?o:this.initialValues[t]!==void 0&&i===void 0?void 0:this.baseTarget[t]}on(t,n){return this.events[t]||(this.events[t]=new u3),this.events[t].add(n)}notify(t,...n){this.events[t]&&this.events[t].notify(...n)}}class $L extends $be{sortInstanceNodePosition(t,n){return t.compareDocumentPosition(n)&2?1:-1}getBaseTargetFromProps(t,n){return t.style?t.style[n]:void 0}removeValueFromRenderState(t,{vars:n,style:r}){delete n[t],delete r[t]}makeTargetAnimatableFromInstance({transition:t,transitionEnd:n,...r},{transformValues:i},o){let s=n1e(r,t||{},this);if(i&&(n&&(n=i(n)),r&&(r=i(r)),s&&(s=i(s))),o){e1e(this,r,s);const a=Mbe(this,r,s,n);n=a.transitionEnd,r=a.target}return{transition:t,transitionEnd:n,...r}}}function Fbe(e){return window.getComputedStyle(e)}class Bbe extends $L{readValueFromInstance(t,n){if(El.has(n)){const r=o3(n);return r&&r.default||0}else{const r=Fbe(t),i=(TD(n)?r.getPropertyValue(n):r[n])||0;return typeof i=="string"?i.trim():i}}measureInstanceViewportBox(t,{transformPagePoint:n}){return EL(t,n)}build(t,n,r,i){KC(t,n,r,i.transformTemplate)}scrapeMotionValuesFromProps(t,n){return JC(t,n)}handleChildMotionValue(){this.childSubscription&&(this.childSubscription(),delete this.childSubscription);const{children:t}=this.props;_r(t)&&(this.childSubscription=t.on("change",n=>{this.current&&(this.current.textContent=`${n}`)}))}renderInstance(t,n,r,i){OD(t,n,r,i)}}class jbe extends $L{constructor(){super(...arguments),this.isSVGTag=!1}getBaseTargetFromProps(t,n){return t[n]}readValueFromInstance(t,n){if(El.has(n)){const r=o3(n);return r&&r.default||0}return n=MD.has(n)?n:ZC(n),t.getAttribute(n)}measureInstanceViewportBox(){return qt()}scrapeMotionValuesFromProps(t,n){return ND(t,n)}build(t,n,r,i){YC(t,n,r,this.isSVGTag,i.transformTemplate)}renderInstance(t,n,r,i){ID(t,n,r,i)}mount(t){this.isSVGTag=QC(t.tagName),super.mount(t)}}const Vbe=(e,t)=>WC(e)?new jbe(t,{enableHardwareAcceleration:!1}):new Bbe(t,{enableHardwareAcceleration:!0}),zbe={layout:{ProjectionNode:IL,MeasureLayout:PL}},Ube={...m1e,...$0e,...Sbe,...zbe},Gbe=qye((e,t)=>_0e(e,t,Ube,Vbe));function FL(){const e=k.useRef(!1);return oy(()=>(e.current=!0,()=>{e.current=!1}),[]),e}function Hbe(){const e=FL(),[t,n]=k.useState(0),r=k.useCallback(()=>{e.current&&n(t+1)},[t]);return[k.useCallback(()=>St.postRender(r),[r]),t]}class qbe extends k.Component{getSnapshotBeforeUpdate(t){const n=this.props.childRef.current;if(n&&t.isPresent&&!this.props.isPresent){const r=this.props.sizeRef.current;r.height=n.offsetHeight||0,r.width=n.offsetWidth||0,r.top=n.offsetTop,r.left=n.offsetLeft}return null}componentDidUpdate(){}render(){return this.props.children}}function Wbe({children:e,isPresent:t}){const n=k.useId(),r=k.useRef(null),i=k.useRef({width:0,height:0,top:0,left:0});return k.useInsertionEffect(()=>{const{width:o,height:s,top:a,left:l}=i.current;if(t||!r.current||!o||!s)return;r.current.dataset.motionPopId=n;const u=document.createElement("style");return document.head.appendChild(u),u.sheet&&u.sheet.insertRule(` + [data-motion-pop-id="${n}"] { + position: absolute !important; + width: ${o}px !important; + height: ${s}px !important; + top: ${a}px !important; + left: ${l}px !important; + } + `),()=>{document.head.removeChild(u)}},[t]),k.createElement(qbe,{isPresent:t,childRef:r,sizeRef:i},k.cloneElement(e,{ref:r}))}const yS=({children:e,initial:t,isPresent:n,onExitComplete:r,custom:i,presenceAffectsLayout:o,mode:s})=>{const a=DD(Kbe),l=k.useId(),u=k.useMemo(()=>({id:l,initial:t,isPresent:n,custom:i,onExitComplete:c=>{a.set(c,!0);for(const d of a.values())if(!d)return;r&&r()},register:c=>(a.set(c,!1),()=>a.delete(c))}),o?void 0:[n]);return k.useMemo(()=>{a.forEach((c,d)=>a.set(d,!1))},[n]),k.useEffect(()=>{!n&&!a.size&&r&&r()},[n]),s==="popLayout"&&(e=k.createElement(Wbe,{isPresent:n},e)),k.createElement(Lh.Provider,{value:u},e)};function Kbe(){return new Map}function Xbe(e){return k.useEffect(()=>()=>e(),[])}const Zl=e=>e.key||"";function Ybe(e,t){e.forEach(n=>{const r=Zl(n);t.set(r,n)})}function Qbe(e){const t=[];return k.Children.forEach(e,n=>{k.isValidElement(n)&&t.push(n)}),t}const Zbe=({children:e,custom:t,initial:n=!0,onExitComplete:r,exitBeforeEnter:i,presenceAffectsLayout:o=!0,mode:s="sync"})=>{const a=k.useContext(qC).forceRender||Hbe()[0],l=FL(),u=Qbe(e);let c=u;const d=k.useRef(new Map).current,f=k.useRef(c),h=k.useRef(new Map).current,p=k.useRef(!0);if(oy(()=>{p.current=!1,Ybe(u,h),f.current=c}),Xbe(()=>{p.current=!0,h.clear(),d.clear()}),p.current)return k.createElement(k.Fragment,null,c.map(v=>k.createElement(yS,{key:Zl(v),isPresent:!0,initial:n?void 0:!1,presenceAffectsLayout:o,mode:s},v)));c=[...c];const m=f.current.map(Zl),S=u.map(Zl),y=m.length;for(let v=0;v{if(S.indexOf(g)!==-1)return;const b=h.get(g);if(!b)return;const _=m.indexOf(g);let w=v;if(!w){const x=()=>{h.delete(g),d.delete(g);const T=f.current.findIndex(P=>P.key===g);if(f.current.splice(T,1),!d.size){if(f.current=u,l.current===!1)return;a(),r&&r()}};w=k.createElement(yS,{key:Zl(b),isPresent:!1,onExitComplete:x,custom:t,presenceAffectsLayout:o,mode:s},b),d.set(g,w)}c.splice(_,0,w)}),c=c.map(v=>{const g=v.key;return d.has(g)?v:k.createElement(yS,{key:Zl(v),isPresent:!0,presenceAffectsLayout:o,mode:s},v)}),k.createElement(k.Fragment,null,d.size?c:c.map(v=>k.cloneElement(v)))};var Jbe=Bge({"0%":{transform:"rotate(0deg)"},"100%":{transform:"rotate(360deg)"}}),BL=Tl((e,t)=>{const n=vD("Spinner",e),{label:r="Loading...",thickness:i="2px",speed:o="0.45s",emptyColor:s="transparent",className:a,...l}=pD(e),u=aD("chakra-spinner",a),c={display:"inline-block",borderColor:"currentColor",borderStyle:"solid",borderRadius:"99999px",borderWidth:i,borderBottomColor:s,borderLeftColor:s,animation:`${Jbe} ${o} linear infinite`,...n};return K.jsx(al.div,{ref:t,__css:c,className:u,...l,children:r&&K.jsx(al.span,{srOnly:!0,children:r})})});BL.displayName="Spinner";var K2=Tl(function(t,n){const{htmlWidth:r,htmlHeight:i,alt:o,...s}=t;return K.jsx("img",{width:r,height:i,ref:n,alt:o,...s})});K2.displayName="NativeImage";function eSe(e){const{loading:t,src:n,srcSet:r,onLoad:i,onError:o,crossOrigin:s,sizes:a,ignoreFallback:l}=e,[u,c]=k.useState("pending");k.useEffect(()=>{c(n?"loading":"pending")},[n]);const d=k.useRef(),f=k.useCallback(()=>{if(!n)return;h();const p=new Image;p.src=n,s&&(p.crossOrigin=s),r&&(p.srcset=r),a&&(p.sizes=a),t&&(p.loading=t),p.onload=m=>{h(),c("loaded"),i==null||i(m)},p.onerror=m=>{h(),c("failed"),o==null||o(m)},d.current=p},[n,s,r,a,i,o,t]),h=()=>{d.current&&(d.current.onload=null,d.current.onerror=null,d.current=null)};return jge(()=>{if(!l)return u==="loading"&&f(),()=>{h()}},[u,f,l]),l?"loaded":u}var tSe=(e,t)=>e!=="loaded"&&t==="beforeLoadOrError"||e==="failed"&&t==="onError";function nSe(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}var c3=Tl(function(t,n){const{fallbackSrc:r,fallback:i,src:o,srcSet:s,align:a,fit:l,loading:u,ignoreFallback:c,crossOrigin:d,fallbackStrategy:f="beforeLoadOrError",referrerPolicy:h,...p}=t,m=r!==void 0||i!==void 0,S=u!=null||c||!m,y=eSe({...t,crossOrigin:d,ignoreFallback:S}),v=tSe(y,f),g={ref:n,objectFit:l,objectPosition:a,...S?p:nSe(p,["onError","onLoad"])};return v?i||K.jsx(al.img,{as:K2,className:"chakra-image__placeholder",src:r,...g}):K.jsx(al.img,{as:K2,src:o,srcSet:s,crossOrigin:d,loading:u,referrerPolicy:h,className:"chakra-image",...g})});c3.displayName="Image";var rSe=cye?k.useLayoutEffect:k.useEffect;function n8(e,t=[]){const n=k.useRef(e);return rSe(()=>{n.current=e}),k.useCallback((...r)=>{var i;return(i=n.current)==null?void 0:i.call(n,...r)},t)}function iSe(e,t){const n=k.useId();return k.useMemo(()=>e||[t,n].filter(Boolean).join("-"),[e,t,n])}function oSe(e,t){const n=e!==void 0;return[n,n&&typeof e<"u"?e:t]}function sSe(e={}){const{onClose:t,onOpen:n,isOpen:r,id:i}=e,o=n8(n),s=n8(t),[a,l]=k.useState(e.defaultIsOpen||!1),[u,c]=oSe(r,a),d=iSe(i,"disclosure"),f=k.useCallback(()=>{u||l(!1),s==null||s()},[u,s]),h=k.useCallback(()=>{u||l(!0),o==null||o()},[u,o]),p=k.useCallback(()=>{(c?f:h)()},[c,h,f]);return{isOpen:!!c,onOpen:h,onClose:f,onToggle:p,isControlled:u,getButtonProps:(m={})=>({...m,"aria-expanded":c,"aria-controls":d,onClick:yye(m.onClick,p)}),getDisclosureProps:(m={})=>({...m,hidden:!c,id:d})}}var X2=Tl(function(t,n){const r=vD("Heading",t),{className:i,...o}=pD(t);return K.jsx(al.h2,{ref:n,className:aD("chakra-heading",t.className),...o,__css:r})});X2.displayName="Heading";var d3=al("div");d3.displayName="Box";var jL=Tl(function(t,n){const{size:r,centerContent:i=!0,...o}=t,s=i?{display:"flex",alignItems:"center",justifyContent:"center"}:{};return K.jsx(d3,{ref:n,boxSize:r,__css:{...s,flexShrink:0,flexGrow:0},...o})});jL.displayName="Square";var aSe=Tl(function(t,n){const{size:r,...i}=t;return K.jsx(jL,{size:r,ref:n,borderRadius:"9999px",...i})});aSe.displayName="Circle";var f3=Tl(function(t,n){const{direction:r,align:i,justify:o,wrap:s,basis:a,grow:l,shrink:u,...c}=t,d={display:"flex",flexDirection:r,alignItems:i,justifyContent:o,flexWrap:s,flexBasis:a,flexGrow:l,flexShrink:u};return K.jsx(al.div,{ref:n,__css:d,...c})});f3.displayName="Flex";const lSe=""+new URL("logo-13003d72.png",import.meta.url).href,uSe=()=>K.jsxs(f3,{position:"relative",width:"100vw",height:"100vh",alignItems:"center",justifyContent:"center",bg:"#151519",children:[K.jsx(c3,{src:lSe,w:"8rem",h:"8rem"}),K.jsx(BL,{label:"Loading",color:"grey",position:"absolute",size:"sm",width:"24px !important",height:"24px !important",right:"1.5rem",bottom:"1.5rem"})]}),cSe=k.memo(uSe);function Y2(e){"@babel/helpers - typeof";return Y2=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},Y2(e)}var VL=[],dSe=VL.forEach,fSe=VL.slice;function Q2(e){return dSe.call(fSe.call(arguments,1),function(t){if(t)for(var n in t)e[n]===void 0&&(e[n]=t[n])}),e}function zL(){return typeof XMLHttpRequest=="function"||(typeof XMLHttpRequest>"u"?"undefined":Y2(XMLHttpRequest))==="object"}function hSe(e){return!!e&&typeof e.then=="function"}function pSe(e){return hSe(e)?e:Promise.resolve(e)}function gSe(e){throw new Error('Could not dynamically require "'+e+'". Please configure the dynamicRequireTargets or/and ignoreDynamicRequires option of @rollup/plugin-commonjs appropriately for this require call to work.')}var Z2={exports:{}},Wp={exports:{}},r8;function mSe(){return r8||(r8=1,function(e,t){var n=typeof self<"u"?self:Ee,r=function(){function o(){this.fetch=!1,this.DOMException=n.DOMException}return o.prototype=n,new o}();(function(o){(function(s){var a={searchParams:"URLSearchParams"in o,iterable:"Symbol"in o&&"iterator"in Symbol,blob:"FileReader"in o&&"Blob"in o&&function(){try{return new Blob,!0}catch{return!1}}(),formData:"FormData"in o,arrayBuffer:"ArrayBuffer"in o};function l(C){return C&&DataView.prototype.isPrototypeOf(C)}if(a.arrayBuffer)var u=["[object Int8Array]","[object Uint8Array]","[object Uint8ClampedArray]","[object Int16Array]","[object Uint16Array]","[object Int32Array]","[object Uint32Array]","[object Float32Array]","[object Float64Array]"],c=ArrayBuffer.isView||function(C){return C&&u.indexOf(Object.prototype.toString.call(C))>-1};function d(C){if(typeof C!="string"&&(C=String(C)),/[^a-z0-9\-#$%&'*+.^_`|~]/i.test(C))throw new TypeError("Invalid character in header field name");return C.toLowerCase()}function f(C){return typeof C!="string"&&(C=String(C)),C}function h(C){var R={next:function(){var M=C.shift();return{done:M===void 0,value:M}}};return a.iterable&&(R[Symbol.iterator]=function(){return R}),R}function p(C){this.map={},C instanceof p?C.forEach(function(R,M){this.append(M,R)},this):Array.isArray(C)?C.forEach(function(R){this.append(R[0],R[1])},this):C&&Object.getOwnPropertyNames(C).forEach(function(R){this.append(R,C[R])},this)}p.prototype.append=function(C,R){C=d(C),R=f(R);var M=this.map[C];this.map[C]=M?M+", "+R:R},p.prototype.delete=function(C){delete this.map[d(C)]},p.prototype.get=function(C){return C=d(C),this.has(C)?this.map[C]:null},p.prototype.has=function(C){return this.map.hasOwnProperty(d(C))},p.prototype.set=function(C,R){this.map[d(C)]=f(R)},p.prototype.forEach=function(C,R){for(var M in this.map)this.map.hasOwnProperty(M)&&C.call(R,this.map[M],M,this)},p.prototype.keys=function(){var C=[];return this.forEach(function(R,M){C.push(M)}),h(C)},p.prototype.values=function(){var C=[];return this.forEach(function(R){C.push(R)}),h(C)},p.prototype.entries=function(){var C=[];return this.forEach(function(R,M){C.push([M,R])}),h(C)},a.iterable&&(p.prototype[Symbol.iterator]=p.prototype.entries);function m(C){if(C.bodyUsed)return Promise.reject(new TypeError("Already read"));C.bodyUsed=!0}function S(C){return new Promise(function(R,M){C.onload=function(){R(C.result)},C.onerror=function(){M(C.error)}})}function y(C){var R=new FileReader,M=S(R);return R.readAsArrayBuffer(C),M}function v(C){var R=new FileReader,M=S(R);return R.readAsText(C),M}function g(C){for(var R=new Uint8Array(C),M=new Array(R.length),N=0;N-1?R:C}function T(C,R){R=R||{};var M=R.body;if(C instanceof T){if(C.bodyUsed)throw new TypeError("Already read");this.url=C.url,this.credentials=C.credentials,R.headers||(this.headers=new p(C.headers)),this.method=C.method,this.mode=C.mode,this.signal=C.signal,!M&&C._bodyInit!=null&&(M=C._bodyInit,C.bodyUsed=!0)}else this.url=String(C);if(this.credentials=R.credentials||this.credentials||"same-origin",(R.headers||!this.headers)&&(this.headers=new p(R.headers)),this.method=x(R.method||this.method||"GET"),this.mode=R.mode||this.mode||null,this.signal=R.signal||this.signal,this.referrer=null,(this.method==="GET"||this.method==="HEAD")&&M)throw new TypeError("Body not allowed for GET or HEAD requests");this._initBody(M)}T.prototype.clone=function(){return new T(this,{body:this._bodyInit})};function P(C){var R=new FormData;return C.trim().split("&").forEach(function(M){if(M){var N=M.split("="),O=N.shift().replace(/\+/g," "),D=N.join("=").replace(/\+/g," ");R.append(decodeURIComponent(O),decodeURIComponent(D))}}),R}function E(C){var R=new p,M=C.replace(/\r?\n[\t ]+/g," ");return M.split(/\r?\n/).forEach(function(N){var O=N.split(":"),D=O.shift().trim();if(D){var L=O.join(":").trim();R.append(D,L)}}),R}_.call(T.prototype);function A(C,R){R||(R={}),this.type="default",this.status=R.status===void 0?200:R.status,this.ok=this.status>=200&&this.status<300,this.statusText="statusText"in R?R.statusText:"OK",this.headers=new p(R.headers),this.url=R.url||"",this._initBody(C)}_.call(A.prototype),A.prototype.clone=function(){return new A(this._bodyInit,{status:this.status,statusText:this.statusText,headers:new p(this.headers),url:this.url})},A.error=function(){var C=new A(null,{status:0,statusText:""});return C.type="error",C};var $=[301,302,303,307,308];A.redirect=function(C,R){if($.indexOf(R)===-1)throw new RangeError("Invalid status code");return new A(null,{status:R,headers:{location:C}})},s.DOMException=o.DOMException;try{new s.DOMException}catch{s.DOMException=function(R,M){this.message=R,this.name=M;var N=Error(R);this.stack=N.stack},s.DOMException.prototype=Object.create(Error.prototype),s.DOMException.prototype.constructor=s.DOMException}function I(C,R){return new Promise(function(M,N){var O=new T(C,R);if(O.signal&&O.signal.aborted)return N(new s.DOMException("Aborted","AbortError"));var D=new XMLHttpRequest;function L(){D.abort()}D.onload=function(){var j={status:D.status,statusText:D.statusText,headers:E(D.getAllResponseHeaders()||"")};j.url="responseURL"in D?D.responseURL:j.headers.get("X-Request-URL");var U="response"in D?D.response:D.responseText;M(new A(U,j))},D.onerror=function(){N(new TypeError("Network request failed"))},D.ontimeout=function(){N(new TypeError("Network request failed"))},D.onabort=function(){N(new s.DOMException("Aborted","AbortError"))},D.open(O.method,O.url,!0),O.credentials==="include"?D.withCredentials=!0:O.credentials==="omit"&&(D.withCredentials=!1),"responseType"in D&&a.blob&&(D.responseType="blob"),O.headers.forEach(function(j,U){D.setRequestHeader(U,j)}),O.signal&&(O.signal.addEventListener("abort",L),D.onreadystatechange=function(){D.readyState===4&&O.signal.removeEventListener("abort",L)}),D.send(typeof O._bodyInit>"u"?null:O._bodyInit)})}return I.polyfill=!0,o.fetch||(o.fetch=I,o.Headers=p,o.Request=T,o.Response=A),s.Headers=p,s.Request=T,s.Response=A,s.fetch=I,Object.defineProperty(s,"__esModule",{value:!0}),s})({})})(r),r.fetch.ponyfill=!0,delete r.fetch.polyfill;var i=r;t=i.fetch,t.default=i.fetch,t.fetch=i.fetch,t.Headers=i.Headers,t.Request=i.Request,t.Response=i.Response,e.exports=t}(Wp,Wp.exports)),Wp.exports}(function(e,t){var n;if(typeof fetch=="function"&&(typeof Ee<"u"&&Ee.fetch?n=Ee.fetch:typeof window<"u"&&window.fetch?n=window.fetch:n=fetch),typeof gSe<"u"&&(typeof window>"u"||typeof window.document>"u")){var r=n||mSe();r.default&&(r=r.default),t.default=r,e.exports=t.default}})(Z2,Z2.exports);var UL=Z2.exports;const GL=ll(UL),i8=M8({__proto__:null,default:GL},[UL]);function py(e){"@babel/helpers - typeof";return py=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},py(e)}var Do;typeof fetch=="function"&&(typeof global<"u"&&global.fetch?Do=global.fetch:typeof window<"u"&&window.fetch?Do=window.fetch:Do=fetch);var Wf;zL()&&(typeof global<"u"&&global.XMLHttpRequest?Wf=global.XMLHttpRequest:typeof window<"u"&&window.XMLHttpRequest&&(Wf=window.XMLHttpRequest));var gy;typeof ActiveXObject=="function"&&(typeof global<"u"&&global.ActiveXObject?gy=global.ActiveXObject:typeof window<"u"&&window.ActiveXObject&&(gy=window.ActiveXObject));!Do&&i8&&!Wf&&!gy&&(Do=GL||i8);typeof Do!="function"&&(Do=void 0);var J2=function(t,n){if(n&&py(n)==="object"){var r="";for(var i in n)r+="&"+encodeURIComponent(i)+"="+encodeURIComponent(n[i]);if(!r)return t;t=t+(t.indexOf("?")!==-1?"&":"?")+r.slice(1)}return t},o8=function(t,n,r){Do(t,n).then(function(i){if(!i.ok)return r(i.statusText||"Error",{status:i.status});i.text().then(function(o){r(null,{status:i.status,data:o})}).catch(r)}).catch(r)},s8=!1,ySe=function(t,n,r,i){t.queryStringParams&&(n=J2(n,t.queryStringParams));var o=Q2({},typeof t.customHeaders=="function"?t.customHeaders():t.customHeaders);r&&(o["Content-Type"]="application/json");var s=typeof t.requestOptions=="function"?t.requestOptions(r):t.requestOptions,a=Q2({method:r?"POST":"GET",body:r?t.stringify(r):void 0,headers:o},s8?{}:s);try{o8(n,a,i)}catch(l){if(!s||Object.keys(s).length===0||!l.message||l.message.indexOf("not implemented")<0)return i(l);try{Object.keys(s).forEach(function(u){delete a[u]}),o8(n,a,i),s8=!0}catch(u){i(u)}}},vSe=function(t,n,r,i){r&&py(r)==="object"&&(r=J2("",r).slice(1)),t.queryStringParams&&(n=J2(n,t.queryStringParams));try{var o;Wf?o=new Wf:o=new gy("MSXML2.XMLHTTP.3.0"),o.open(r?"POST":"GET",n,1),t.crossDomain||o.setRequestHeader("X-Requested-With","XMLHttpRequest"),o.withCredentials=!!t.withCredentials,r&&o.setRequestHeader("Content-Type","application/x-www-form-urlencoded"),o.overrideMimeType&&o.overrideMimeType("application/json");var s=t.customHeaders;if(s=typeof s=="function"?s():s,s)for(var a in s)o.setRequestHeader(a,s[a]);o.onreadystatechange=function(){o.readyState>3&&i(o.status>=400?o.statusText:null,{status:o.status,data:o.responseText})},o.send(r)}catch(l){console&&console.log(l)}},bSe=function(t,n,r,i){if(typeof r=="function"&&(i=r,r=void 0),i=i||function(){},Do&&n.indexOf("file:")!==0)return ySe(t,n,r,i);if(zL()||typeof ActiveXObject=="function")return vSe(t,n,r,i);i(new Error("No fetch and no xhr implementation found!"))};function Kf(e){"@babel/helpers - typeof";return Kf=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},Kf(e)}function SSe(e,t){if(!(e instanceof t))throw new TypeError("Cannot call a class as a function")}function a8(e,t){for(var n=0;n1&&arguments[1]!==void 0?arguments[1]:{},r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};SSe(this,e),this.services=t,this.options=n,this.allOptions=r,this.type="backend",this.init(t,n,r)}return _Se(e,[{key:"init",value:function(n){var r=this,i=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},o=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};this.services=n,this.options=Q2(i,this.options||{},CSe()),this.allOptions=o,this.services&&this.options.reloadInterval&&setInterval(function(){return r.reload()},this.options.reloadInterval)}},{key:"readMulti",value:function(n,r,i){this._readAny(n,n,r,r,i)}},{key:"read",value:function(n,r,i){this._readAny([n],n,[r],r,i)}},{key:"_readAny",value:function(n,r,i,o,s){var a=this,l=this.options.loadPath;typeof this.options.loadPath=="function"&&(l=this.options.loadPath(n,i)),l=pSe(l),l.then(function(u){if(!u)return s(null,{});var c=a.services.interpolator.interpolate(u,{lng:n.join("+"),ns:i.join("+")});a.loadUrl(c,s,r,o)})}},{key:"loadUrl",value:function(n,r,i,o){var s=this,a=typeof i=="string"?[i]:i,l=typeof o=="string"?[o]:o,u=this.options.parseLoadPayload(a,l);this.options.request(this.options,n,u,function(c,d){if(d&&(d.status>=500&&d.status<600||!d.status))return r("failed loading "+n+"; status code: "+d.status,!0);if(d&&d.status>=400&&d.status<500)return r("failed loading "+n+"; status code: "+d.status,!1);if(!d&&c&&c.message&&c.message.indexOf("Failed to fetch")>-1)return r("failed loading "+n+": "+c.message,!0);if(c)return r(c,!1);var f,h;try{typeof d.data=="string"?f=s.options.parse(d.data,i,o):f=d.data}catch{h="failed parsing "+n+" to json"}if(h)return r(h,!1);r(null,f)})}},{key:"create",value:function(n,r,i,o,s){var a=this;if(this.options.addPath){typeof n=="string"&&(n=[n]);var l=this.options.parsePayload(r,i,o),u=0,c=[],d=[];n.forEach(function(f){var h=a.options.addPath;typeof a.options.addPath=="function"&&(h=a.options.addPath(f,r));var p=a.services.interpolator.interpolate(h,{lng:f,ns:r});a.options.request(a.options,p,l,function(m,S){u+=1,c.push(m),d.push(S),u===n.length&&typeof s=="function"&&s(c,d)})})}}},{key:"reload",value:function(){var n=this,r=this.services,i=r.backendConnector,o=r.languageUtils,s=r.logger,a=i.language;if(!(a&&a.toLowerCase()==="cimode")){var l=[],u=function(d){var f=o.toResolveHierarchy(d);f.forEach(function(h){l.indexOf(h)<0&&l.push(h)})};u(a),this.allOptions.preload&&this.allOptions.preload.forEach(function(c){return u(c)}),l.forEach(function(c){n.allOptions.ns.forEach(function(d){i.read(c,d,"read",null,null,function(f,h){f&&s.warn("loading namespace ".concat(d," for language ").concat(c," failed"),f),!f&&h&&s.log("loaded namespace ".concat(d," for language ").concat(c),h),i.loaded("".concat(c,"|").concat(d),f,h)})})})}}}]),e}();qL.type="backend";const TSe=/&(?:amp|#38|lt|#60|gt|#62|apos|#39|quot|#34|nbsp|#160|copy|#169|reg|#174|hellip|#8230|#x2F|#47);/g,ESe={"&":"&","&":"&","<":"<","<":"<",">":">",">":">","'":"'","'":"'",""":'"',""":'"'," ":" "," ":" ","©":"©","©":"©","®":"®","®":"®","…":"…","…":"…","/":"/","/":"/"},PSe=e=>ESe[e],ASe=e=>e.replace(TSe,PSe);let ew={bindI18n:"languageChanged",bindI18nStore:"",transEmptyNodeValue:"",transSupportBasicHtmlNodes:!0,transWrapTextNodes:"",transKeepBasicHtmlNodesFor:["br","strong","i","p"],useSuspense:!0,unescape:ASe};function kSe(){let e=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};ew={...ew,...e}}function z4e(){return ew}let WL;function RSe(e){WL=e}function U4e(){return WL}const OSe={type:"3rdParty",init(e){kSe(e.options.react),RSe(e)}};zn.use(qL).use(OSe).init({fallbackLng:"en",debug:!1,backend:{loadPath:"/locales/{{lng}}.json"},interpolation:{escapeValue:!1},returnNull:!1});const MSe=e=>{const{socket:t,storeApi:n}=e,{dispatch:r,getState:i}=n;t.on("connect",()=>{fe("socketio").debug("Connected"),r(i7());const{sessionId:s}=i().system;s&&(t.emit("subscribe",{session:s}),r(zx({sessionId:s})))}),t.on("connect_error",o=>{o&&o.message&&o.data==="ERR_UNAUTHENTICATED"&&r(Ft(Ha({title:o.message,status:"error",duration:1e4})))}),t.on("disconnect",()=>{r(s7())}),t.on("invocation_started",o=>{r(d7({data:o}))}),t.on("generator_progress",o=>{r(y7({data:o}))}),t.on("invocation_error",o=>{r(p7({data:o}))}),t.on("invocation_complete",o=>{r(Ux({data:o}))}),t.on("graph_execution_state_complete",o=>{r(g7({data:o}))}),t.on("model_load_started",o=>{r(b7({data:o}))}),t.on("model_load_completed",o=>{r(S7({data:o}))}),t.on("session_retrieval_error",o=>{r(_7({data:o}))}),t.on("invocation_retrieval_error",o=>{r(x7({data:o}))})},ro=Object.create(null);ro.open="0";ro.close="1";ro.ping="2";ro.pong="3";ro.message="4";ro.upgrade="5";ro.noop="6";const kg=Object.create(null);Object.keys(ro).forEach(e=>{kg[ro[e]]=e});const ISe={type:"error",data:"parser error"},KL=typeof Blob=="function"||typeof Blob<"u"&&Object.prototype.toString.call(Blob)==="[object BlobConstructor]",XL=typeof ArrayBuffer=="function",YL=e=>typeof ArrayBuffer.isView=="function"?ArrayBuffer.isView(e):e&&e.buffer instanceof ArrayBuffer,h3=({type:e,data:t},n,r)=>KL&&t instanceof Blob?n?r(t):l8(t,r):XL&&(t instanceof ArrayBuffer||YL(t))?n?r(t):l8(new Blob([t]),r):r(ro[e]+(t||"")),l8=(e,t)=>{const n=new FileReader;return n.onload=function(){const r=n.result.split(",")[1];t("b"+(r||""))},n.readAsDataURL(e)};function u8(e){return e instanceof Uint8Array?e:e instanceof ArrayBuffer?new Uint8Array(e):new Uint8Array(e.buffer,e.byteOffset,e.byteLength)}let vS;function NSe(e,t){if(KL&&e.data instanceof Blob)return e.data.arrayBuffer().then(u8).then(t);if(XL&&(e.data instanceof ArrayBuffer||YL(e.data)))return t(u8(e.data));h3(e,!1,n=>{vS||(vS=new TextEncoder),t(vS.encode(n))})}const c8="ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/",md=typeof Uint8Array>"u"?[]:new Uint8Array(256);for(let e=0;e{let t=e.length*.75,n=e.length,r,i=0,o,s,a,l;e[e.length-1]==="="&&(t--,e[e.length-2]==="="&&t--);const u=new ArrayBuffer(t),c=new Uint8Array(u);for(r=0;r>4,c[i++]=(s&15)<<4|a>>2,c[i++]=(a&3)<<6|l&63;return u},LSe=typeof ArrayBuffer=="function",p3=(e,t)=>{if(typeof e!="string")return{type:"message",data:QL(e,t)};const n=e.charAt(0);return n==="b"?{type:"message",data:$Se(e.substring(1),t)}:kg[n]?e.length>1?{type:kg[n],data:e.substring(1)}:{type:kg[n]}:ISe},$Se=(e,t)=>{if(LSe){const n=DSe(e);return QL(n,t)}else return{base64:!0,data:e}},QL=(e,t)=>{switch(t){case"blob":return e instanceof Blob?e:new Blob([e]);case"arraybuffer":default:return e instanceof ArrayBuffer?e:e.buffer}},ZL=String.fromCharCode(30),FSe=(e,t)=>{const n=e.length,r=new Array(n);let i=0;e.forEach((o,s)=>{h3(o,!1,a=>{r[s]=a,++i===n&&t(r.join(ZL))})})},BSe=(e,t)=>{const n=e.split(ZL),r=[];for(let i=0;i54;return p3(r?e:bS.decode(e),n)}const JL=4;function Qt(e){if(e)return VSe(e)}function VSe(e){for(var t in Qt.prototype)e[t]=Qt.prototype[t];return e}Qt.prototype.on=Qt.prototype.addEventListener=function(e,t){return this._callbacks=this._callbacks||{},(this._callbacks["$"+e]=this._callbacks["$"+e]||[]).push(t),this};Qt.prototype.once=function(e,t){function n(){this.off(e,n),t.apply(this,arguments)}return n.fn=t,this.on(e,n),this};Qt.prototype.off=Qt.prototype.removeListener=Qt.prototype.removeAllListeners=Qt.prototype.removeEventListener=function(e,t){if(this._callbacks=this._callbacks||{},arguments.length==0)return this._callbacks={},this;var n=this._callbacks["$"+e];if(!n)return this;if(arguments.length==1)return delete this._callbacks["$"+e],this;for(var r,i=0;itypeof self<"u"?self:typeof window<"u"?window:Function("return this")())();function e$(e,...t){return t.reduce((n,r)=>(e.hasOwnProperty(r)&&(n[r]=e[r]),n),{})}const zSe=qr.setTimeout,USe=qr.clearTimeout;function u1(e,t){t.useNativeTimers?(e.setTimeoutFn=zSe.bind(qr),e.clearTimeoutFn=USe.bind(qr)):(e.setTimeoutFn=qr.setTimeout.bind(qr),e.clearTimeoutFn=qr.clearTimeout.bind(qr))}const GSe=1.33;function HSe(e){return typeof e=="string"?qSe(e):Math.ceil((e.byteLength||e.size)*GSe)}function qSe(e){let t=0,n=0;for(let r=0,i=e.length;r=57344?n+=3:(r++,n+=4);return n}function WSe(e){let t="";for(let n in e)e.hasOwnProperty(n)&&(t.length&&(t+="&"),t+=encodeURIComponent(n)+"="+encodeURIComponent(e[n]));return t}function KSe(e){let t={},n=e.split("&");for(let r=0,i=n.length;r0);return t}function n$(){const e=h8(+new Date);return e!==f8?(d8=0,f8=e):e+"."+h8(d8++)}for(;Kp{this.readyState="paused",t()};if(this.polling||!this.writable){let r=0;this.polling&&(r++,this.once("pollComplete",function(){--r||n()})),this.writable||(r++,this.once("drain",function(){--r||n()}))}else n()}poll(){this.polling=!0,this.doPoll(),this.emitReserved("poll")}onData(t){const n=r=>{if(this.readyState==="opening"&&r.type==="open"&&this.onOpen(),r.type==="close")return this.onClose({description:"transport closed by the server"}),!1;this.onPacket(r)};BSe(t,this.socket.binaryType).forEach(n),this.readyState!=="closed"&&(this.polling=!1,this.emitReserved("pollComplete"),this.readyState==="open"&&this.poll())}doClose(){const t=()=>{this.write([{type:"close"}])};this.readyState==="open"?t():this.once("open",t)}write(t){this.writable=!1,FSe(t,n=>{this.doWrite(n,()=>{this.writable=!0,this.emitReserved("drain")})})}uri(){const t=this.opts.secure?"https":"http",n=this.query||{};return this.opts.timestampRequests!==!1&&(n[this.opts.timestampParam]=n$()),!this.supportsBinary&&!n.sid&&(n.b64=1),this.createUri(t,n)}request(t={}){return Object.assign(t,{xd:this.xd,cookieJar:this.cookieJar},this.opts),new Fu(this.uri(),t)}doWrite(t,n){const r=this.request({method:"POST",data:t});r.on("success",n),r.on("error",(i,o)=>{this.onError("xhr post error",i,o)})}doPoll(){const t=this.request();t.on("data",this.onData.bind(this)),t.on("error",(n,r)=>{this.onError("xhr poll error",n,r)}),this.pollXhr=t}}let Fu=class Rg extends Qt{constructor(t,n){super(),u1(this,n),this.opts=n,this.method=n.method||"GET",this.uri=t,this.data=n.data!==void 0?n.data:null,this.create()}create(){var t;const n=e$(this.opts,"agent","pfx","key","passphrase","cert","ca","ciphers","rejectUnauthorized","autoUnref");n.xdomain=!!this.opts.xd;const r=this.xhr=new i$(n);try{r.open(this.method,this.uri,!0);try{if(this.opts.extraHeaders){r.setDisableHeaderCheck&&r.setDisableHeaderCheck(!0);for(let i in this.opts.extraHeaders)this.opts.extraHeaders.hasOwnProperty(i)&&r.setRequestHeader(i,this.opts.extraHeaders[i])}}catch{}if(this.method==="POST")try{r.setRequestHeader("Content-type","text/plain;charset=UTF-8")}catch{}try{r.setRequestHeader("Accept","*/*")}catch{}(t=this.opts.cookieJar)===null||t===void 0||t.addCookies(r),"withCredentials"in r&&(r.withCredentials=this.opts.withCredentials),this.opts.requestTimeout&&(r.timeout=this.opts.requestTimeout),r.onreadystatechange=()=>{var i;r.readyState===3&&((i=this.opts.cookieJar)===null||i===void 0||i.parseCookies(r)),r.readyState===4&&(r.status===200||r.status===1223?this.onLoad():this.setTimeoutFn(()=>{this.onError(typeof r.status=="number"?r.status:0)},0))},r.send(this.data)}catch(i){this.setTimeoutFn(()=>{this.onError(i)},0);return}typeof document<"u"&&(this.index=Rg.requestsCount++,Rg.requests[this.index]=this)}onError(t){this.emitReserved("error",t,this.xhr),this.cleanup(!0)}cleanup(t){if(!(typeof this.xhr>"u"||this.xhr===null)){if(this.xhr.onreadystatechange=ZSe,t)try{this.xhr.abort()}catch{}typeof document<"u"&&delete Rg.requests[this.index],this.xhr=null}}onLoad(){const t=this.xhr.responseText;t!==null&&(this.emitReserved("data",t),this.emitReserved("success"),this.cleanup())}abort(){this.cleanup()}};Fu.requestsCount=0;Fu.requests={};if(typeof document<"u"){if(typeof attachEvent=="function")attachEvent("onunload",p8);else if(typeof addEventListener=="function"){const e="onpagehide"in qr?"pagehide":"unload";addEventListener(e,p8,!1)}}function p8(){for(let e in Fu.requests)Fu.requests.hasOwnProperty(e)&&Fu.requests[e].abort()}const m3=(()=>typeof Promise=="function"&&typeof Promise.resolve=="function"?t=>Promise.resolve().then(t):(t,n)=>n(t,0))(),Xp=qr.WebSocket||qr.MozWebSocket,g8=!0,t_e="arraybuffer",m8=typeof navigator<"u"&&typeof navigator.product=="string"&&navigator.product.toLowerCase()==="reactnative";class n_e extends g3{constructor(t){super(t),this.supportsBinary=!t.forceBase64}get name(){return"websocket"}doOpen(){if(!this.check())return;const t=this.uri(),n=this.opts.protocols,r=m8?{}:e$(this.opts,"agent","perMessageDeflate","pfx","key","passphrase","cert","ca","ciphers","rejectUnauthorized","localAddress","protocolVersion","origin","maxPayload","family","checkServerIdentity");this.opts.extraHeaders&&(r.headers=this.opts.extraHeaders);try{this.ws=g8&&!m8?n?new Xp(t,n):new Xp(t):new Xp(t,n,r)}catch(i){return this.emitReserved("error",i)}this.ws.binaryType=this.socket.binaryType||t_e,this.addEventListeners()}addEventListeners(){this.ws.onopen=()=>{this.opts.autoUnref&&this.ws._socket.unref(),this.onOpen()},this.ws.onclose=t=>this.onClose({description:"websocket connection closed",context:t}),this.ws.onmessage=t=>this.onData(t.data),this.ws.onerror=t=>this.onError("websocket error",t)}write(t){this.writable=!1;for(let n=0;n{const s={};try{g8&&this.ws.send(o)}catch{}i&&m3(()=>{this.writable=!0,this.emitReserved("drain")},this.setTimeoutFn)})}}doClose(){typeof this.ws<"u"&&(this.ws.close(),this.ws=null)}uri(){const t=this.opts.secure?"wss":"ws",n=this.query||{};return this.opts.timestampRequests&&(n[this.opts.timestampParam]=n$()),this.supportsBinary||(n.b64=1),this.createUri(t,n)}check(){return!!Xp}}function r_e(e,t){return e.type==="message"&&typeof e.data!="string"&&t[0]>=48&&t[0]<=54}class i_e extends g3{get name(){return"webtransport"}doOpen(){typeof WebTransport=="function"&&(this.transport=new WebTransport(this.createUri("https"),this.opts.transportOptions[this.name]),this.transport.closed.then(()=>{this.onClose()}).catch(t=>{this.onError("webtransport error",t)}),this.transport.ready.then(()=>{this.transport.createBidirectionalStream().then(t=>{const n=t.readable.getReader();this.writer=t.writable.getWriter();let r;const i=()=>{n.read().then(({done:s,value:a})=>{s||(!r&&a.byteLength===1&&a[0]===54?r=!0:(this.onPacket(jSe(a,r,"arraybuffer")),r=!1),i())}).catch(s=>{})};i();const o=this.query.sid?`0{"sid":"${this.query.sid}"}`:"0";this.writer.write(new TextEncoder().encode(o)).then(()=>this.onOpen())})}))}write(t){this.writable=!1;for(let n=0;n{r_e(r,o)&&this.writer.write(Uint8Array.of(54)),this.writer.write(o).then(()=>{i&&m3(()=>{this.writable=!0,this.emitReserved("drain")},this.setTimeoutFn)})})}}doClose(){var t;(t=this.transport)===null||t===void 0||t.close()}}const o_e={websocket:n_e,webtransport:i_e,polling:e_e},s_e=/^(?:(?![^:@\/?#]+:[^:@\/]*@)(http|https|ws|wss):\/\/)?((?:(([^:@\/?#]*)(?::([^:@\/?#]*))?)?@)?((?:[a-f0-9]{0,4}:){2,7}[a-f0-9]{0,4}|[^:\/?#]*)(?::(\d*))?)(((\/(?:[^?#](?![^?#\/]*\.[^?#\/.]+(?:[?#]|$)))*\/?)?([^?#\/]*))(?:\?([^#]*))?(?:#(.*))?)/,a_e=["source","protocol","authority","userInfo","user","password","host","port","relative","path","directory","file","query","anchor"];function nw(e){const t=e,n=e.indexOf("["),r=e.indexOf("]");n!=-1&&r!=-1&&(e=e.substring(0,n)+e.substring(n,r).replace(/:/g,";")+e.substring(r,e.length));let i=s_e.exec(e||""),o={},s=14;for(;s--;)o[a_e[s]]=i[s]||"";return n!=-1&&r!=-1&&(o.source=t,o.host=o.host.substring(1,o.host.length-1).replace(/;/g,":"),o.authority=o.authority.replace("[","").replace("]","").replace(/;/g,":"),o.ipv6uri=!0),o.pathNames=l_e(o,o.path),o.queryKey=u_e(o,o.query),o}function l_e(e,t){const n=/\/{2,9}/g,r=t.replace(n,"/").split("/");return(t.slice(0,1)=="/"||t.length===0)&&r.splice(0,1),t.slice(-1)=="/"&&r.splice(r.length-1,1),r}function u_e(e,t){const n={};return t.replace(/(?:^|&)([^&=]*)=?([^&]*)/g,function(r,i,o){i&&(n[i]=o)}),n}let o$=class Jl extends Qt{constructor(t,n={}){super(),this.writeBuffer=[],t&&typeof t=="object"&&(n=t,t=null),t?(t=nw(t),n.hostname=t.host,n.secure=t.protocol==="https"||t.protocol==="wss",n.port=t.port,t.query&&(n.query=t.query)):n.host&&(n.hostname=nw(n.host).host),u1(this,n),this.secure=n.secure!=null?n.secure:typeof location<"u"&&location.protocol==="https:",n.hostname&&!n.port&&(n.port=this.secure?"443":"80"),this.hostname=n.hostname||(typeof location<"u"?location.hostname:"localhost"),this.port=n.port||(typeof location<"u"&&location.port?location.port:this.secure?"443":"80"),this.transports=n.transports||["polling","websocket","webtransport"],this.writeBuffer=[],this.prevBufferLen=0,this.opts=Object.assign({path:"/engine.io",agent:!1,withCredentials:!1,upgrade:!0,timestampParam:"t",rememberUpgrade:!1,addTrailingSlash:!0,rejectUnauthorized:!0,perMessageDeflate:{threshold:1024},transportOptions:{},closeOnBeforeunload:!1},n),this.opts.path=this.opts.path.replace(/\/$/,"")+(this.opts.addTrailingSlash?"/":""),typeof this.opts.query=="string"&&(this.opts.query=KSe(this.opts.query)),this.id=null,this.upgrades=null,this.pingInterval=null,this.pingTimeout=null,this.pingTimeoutTimer=null,typeof addEventListener=="function"&&(this.opts.closeOnBeforeunload&&(this.beforeunloadEventListener=()=>{this.transport&&(this.transport.removeAllListeners(),this.transport.close())},addEventListener("beforeunload",this.beforeunloadEventListener,!1)),this.hostname!=="localhost"&&(this.offlineEventListener=()=>{this.onClose("transport close",{description:"network connection lost"})},addEventListener("offline",this.offlineEventListener,!1))),this.open()}createTransport(t){const n=Object.assign({},this.opts.query);n.EIO=JL,n.transport=t,this.id&&(n.sid=this.id);const r=Object.assign({},this.opts,{query:n,socket:this,hostname:this.hostname,secure:this.secure,port:this.port},this.opts.transportOptions[t]);return new o_e[t](r)}open(){let t;if(this.opts.rememberUpgrade&&Jl.priorWebsocketSuccess&&this.transports.indexOf("websocket")!==-1)t="websocket";else if(this.transports.length===0){this.setTimeoutFn(()=>{this.emitReserved("error","No transports available")},0);return}else t=this.transports[0];this.readyState="opening";try{t=this.createTransport(t)}catch{this.transports.shift(),this.open();return}t.open(),this.setTransport(t)}setTransport(t){this.transport&&this.transport.removeAllListeners(),this.transport=t,t.on("drain",this.onDrain.bind(this)).on("packet",this.onPacket.bind(this)).on("error",this.onError.bind(this)).on("close",n=>this.onClose("transport close",n))}probe(t){let n=this.createTransport(t),r=!1;Jl.priorWebsocketSuccess=!1;const i=()=>{r||(n.send([{type:"ping",data:"probe"}]),n.once("packet",d=>{if(!r)if(d.type==="pong"&&d.data==="probe"){if(this.upgrading=!0,this.emitReserved("upgrading",n),!n)return;Jl.priorWebsocketSuccess=n.name==="websocket",this.transport.pause(()=>{r||this.readyState!=="closed"&&(c(),this.setTransport(n),n.send([{type:"upgrade"}]),this.emitReserved("upgrade",n),n=null,this.upgrading=!1,this.flush())})}else{const f=new Error("probe error");f.transport=n.name,this.emitReserved("upgradeError",f)}}))};function o(){r||(r=!0,c(),n.close(),n=null)}const s=d=>{const f=new Error("probe error: "+d);f.transport=n.name,o(),this.emitReserved("upgradeError",f)};function a(){s("transport closed")}function l(){s("socket closed")}function u(d){n&&d.name!==n.name&&o()}const c=()=>{n.removeListener("open",i),n.removeListener("error",s),n.removeListener("close",a),this.off("close",l),this.off("upgrading",u)};n.once("open",i),n.once("error",s),n.once("close",a),this.once("close",l),this.once("upgrading",u),this.upgrades.indexOf("webtransport")!==-1&&t!=="webtransport"?this.setTimeoutFn(()=>{r||n.open()},200):n.open()}onOpen(){if(this.readyState="open",Jl.priorWebsocketSuccess=this.transport.name==="websocket",this.emitReserved("open"),this.flush(),this.readyState==="open"&&this.opts.upgrade){let t=0;const n=this.upgrades.length;for(;t{this.onClose("ping timeout")},this.pingInterval+this.pingTimeout),this.opts.autoUnref&&this.pingTimeoutTimer.unref()}onDrain(){this.writeBuffer.splice(0,this.prevBufferLen),this.prevBufferLen=0,this.writeBuffer.length===0?this.emitReserved("drain"):this.flush()}flush(){if(this.readyState!=="closed"&&this.transport.writable&&!this.upgrading&&this.writeBuffer.length){const t=this.getWritablePackets();this.transport.send(t),this.prevBufferLen=t.length,this.emitReserved("flush")}}getWritablePackets(){if(!(this.maxPayload&&this.transport.name==="polling"&&this.writeBuffer.length>1))return this.writeBuffer;let n=1;for(let r=0;r0&&n>this.maxPayload)return this.writeBuffer.slice(0,r);n+=2}return this.writeBuffer}write(t,n,r){return this.sendPacket("message",t,n,r),this}send(t,n,r){return this.sendPacket("message",t,n,r),this}sendPacket(t,n,r,i){if(typeof n=="function"&&(i=n,n=void 0),typeof r=="function"&&(i=r,r=null),this.readyState==="closing"||this.readyState==="closed")return;r=r||{},r.compress=r.compress!==!1;const o={type:t,data:n,options:r};this.emitReserved("packetCreate",o),this.writeBuffer.push(o),i&&this.once("flush",i),this.flush()}close(){const t=()=>{this.onClose("forced close"),this.transport.close()},n=()=>{this.off("upgrade",n),this.off("upgradeError",n),t()},r=()=>{this.once("upgrade",n),this.once("upgradeError",n)};return(this.readyState==="opening"||this.readyState==="open")&&(this.readyState="closing",this.writeBuffer.length?this.once("drain",()=>{this.upgrading?r():t()}):this.upgrading?r():t()),this}onError(t){Jl.priorWebsocketSuccess=!1,this.emitReserved("error",t),this.onClose("transport error",t)}onClose(t,n){(this.readyState==="opening"||this.readyState==="open"||this.readyState==="closing")&&(this.clearTimeoutFn(this.pingTimeoutTimer),this.transport.removeAllListeners("close"),this.transport.close(),this.transport.removeAllListeners(),typeof removeEventListener=="function"&&(removeEventListener("beforeunload",this.beforeunloadEventListener,!1),removeEventListener("offline",this.offlineEventListener,!1)),this.readyState="closed",this.id=null,this.emitReserved("close",t,n),this.writeBuffer=[],this.prevBufferLen=0)}filterUpgrades(t){const n=[];let r=0;const i=t.length;for(;rtypeof ArrayBuffer.isView=="function"?ArrayBuffer.isView(e):e.buffer instanceof ArrayBuffer,s$=Object.prototype.toString,h_e=typeof Blob=="function"||typeof Blob<"u"&&s$.call(Blob)==="[object BlobConstructor]",p_e=typeof File=="function"||typeof File<"u"&&s$.call(File)==="[object FileConstructor]";function y3(e){return d_e&&(e instanceof ArrayBuffer||f_e(e))||h_e&&e instanceof Blob||p_e&&e instanceof File}function Og(e,t){if(!e||typeof e!="object")return!1;if(Array.isArray(e)){for(let n=0,r=e.length;n=0&&e.num{delete this.acks[t];for(let s=0;s{this.io.clearTimeoutFn(o),n.apply(this,[null,...s])}}emitWithAck(t,...n){const r=this.flags.timeout!==void 0||this._opts.ackTimeout!==void 0;return new Promise((i,o)=>{n.push((s,a)=>r?s?o(s):i(a):i(s)),this.emit(t,...n)})}_addToQueue(t){let n;typeof t[t.length-1]=="function"&&(n=t.pop());const r={id:this._queueSeq++,tryCount:0,pending:!1,args:t,flags:Object.assign({fromQueue:!0},this.flags)};t.push((i,...o)=>r!==this._queue[0]?void 0:(i!==null?r.tryCount>this._opts.retries&&(this._queue.shift(),n&&n(i)):(this._queue.shift(),n&&n(null,...o)),r.pending=!1,this._drainQueue())),this._queue.push(r),this._drainQueue()}_drainQueue(t=!1){if(!this.connected||this._queue.length===0)return;const n=this._queue[0];n.pending&&!t||(n.pending=!0,n.tryCount++,this.flags=n.flags,this.emit.apply(this,n.args))}packet(t){t.nsp=this.nsp,this.io._packet(t)}onopen(){typeof this.auth=="function"?this.auth(t=>{this._sendConnectPacket(t)}):this._sendConnectPacket(this.auth)}_sendConnectPacket(t){this.packet({type:Ne.CONNECT,data:this._pid?Object.assign({pid:this._pid,offset:this._lastOffset},t):t})}onerror(t){this.connected||this.emitReserved("connect_error",t)}onclose(t,n){this.connected=!1,delete this.id,this.emitReserved("disconnect",t,n)}onpacket(t){if(t.nsp===this.nsp)switch(t.type){case Ne.CONNECT:t.data&&t.data.sid?this.onconnect(t.data.sid,t.data.pid):this.emitReserved("connect_error",new Error("It seems you are trying to reach a Socket.IO server in v2.x with a v3.x client, but they are not compatible (more information here: https://socket.io/docs/v3/migrating-from-2-x-to-3-0/)"));break;case Ne.EVENT:case Ne.BINARY_EVENT:this.onevent(t);break;case Ne.ACK:case Ne.BINARY_ACK:this.onack(t);break;case Ne.DISCONNECT:this.ondisconnect();break;case Ne.CONNECT_ERROR:this.destroy();const r=new Error(t.data.message);r.data=t.data.data,this.emitReserved("connect_error",r);break}}onevent(t){const n=t.data||[];t.id!=null&&n.push(this.ack(t.id)),this.connected?this.emitEvent(n):this.receiveBuffer.push(Object.freeze(n))}emitEvent(t){if(this._anyListeners&&this._anyListeners.length){const n=this._anyListeners.slice();for(const r of n)r.apply(this,t)}super.emit.apply(this,t),this._pid&&t.length&&typeof t[t.length-1]=="string"&&(this._lastOffset=t[t.length-1])}ack(t){const n=this;let r=!1;return function(...i){r||(r=!0,n.packet({type:Ne.ACK,id:t,data:i}))}}onack(t){const n=this.acks[t.id];typeof n=="function"&&(n.apply(this,t.data),delete this.acks[t.id])}onconnect(t,n){this.id=t,this.recovered=n&&this._pid===n,this._pid=n,this.connected=!0,this.emitBuffered(),this.emitReserved("connect"),this._drainQueue(!0)}emitBuffered(){this.receiveBuffer.forEach(t=>this.emitEvent(t)),this.receiveBuffer=[],this.sendBuffer.forEach(t=>{this.notifyOutgoingListeners(t),this.packet(t)}),this.sendBuffer=[]}ondisconnect(){this.destroy(),this.onclose("io server disconnect")}destroy(){this.subs&&(this.subs.forEach(t=>t()),this.subs=void 0),this.io._destroy(this)}disconnect(){return this.connected&&this.packet({type:Ne.DISCONNECT}),this.destroy(),this.connected&&this.onclose("io client disconnect"),this}close(){return this.disconnect()}compress(t){return this.flags.compress=t,this}get volatile(){return this.flags.volatile=!0,this}timeout(t){return this.flags.timeout=t,this}onAny(t){return this._anyListeners=this._anyListeners||[],this._anyListeners.push(t),this}prependAny(t){return this._anyListeners=this._anyListeners||[],this._anyListeners.unshift(t),this}offAny(t){if(!this._anyListeners)return this;if(t){const n=this._anyListeners;for(let r=0;r0&&e.jitter<=1?e.jitter:0,this.attempts=0}Ec.prototype.duration=function(){var e=this.ms*Math.pow(this.factor,this.attempts++);if(this.jitter){var t=Math.random(),n=Math.floor(t*this.jitter*e);e=Math.floor(t*10)&1?e+n:e-n}return Math.min(e,this.max)|0};Ec.prototype.reset=function(){this.attempts=0};Ec.prototype.setMin=function(e){this.ms=e};Ec.prototype.setMax=function(e){this.max=e};Ec.prototype.setJitter=function(e){this.jitter=e};class ow extends Qt{constructor(t,n){var r;super(),this.nsps={},this.subs=[],t&&typeof t=="object"&&(n=t,t=void 0),n=n||{},n.path=n.path||"/socket.io",this.opts=n,u1(this,n),this.reconnection(n.reconnection!==!1),this.reconnectionAttempts(n.reconnectionAttempts||1/0),this.reconnectionDelay(n.reconnectionDelay||1e3),this.reconnectionDelayMax(n.reconnectionDelayMax||5e3),this.randomizationFactor((r=n.randomizationFactor)!==null&&r!==void 0?r:.5),this.backoff=new Ec({min:this.reconnectionDelay(),max:this.reconnectionDelayMax(),jitter:this.randomizationFactor()}),this.timeout(n.timeout==null?2e4:n.timeout),this._readyState="closed",this.uri=t;const i=n.parser||__e;this.encoder=new i.Encoder,this.decoder=new i.Decoder,this._autoConnect=n.autoConnect!==!1,this._autoConnect&&this.open()}reconnection(t){return arguments.length?(this._reconnection=!!t,this):this._reconnection}reconnectionAttempts(t){return t===void 0?this._reconnectionAttempts:(this._reconnectionAttempts=t,this)}reconnectionDelay(t){var n;return t===void 0?this._reconnectionDelay:(this._reconnectionDelay=t,(n=this.backoff)===null||n===void 0||n.setMin(t),this)}randomizationFactor(t){var n;return t===void 0?this._randomizationFactor:(this._randomizationFactor=t,(n=this.backoff)===null||n===void 0||n.setJitter(t),this)}reconnectionDelayMax(t){var n;return t===void 0?this._reconnectionDelayMax:(this._reconnectionDelayMax=t,(n=this.backoff)===null||n===void 0||n.setMax(t),this)}timeout(t){return arguments.length?(this._timeout=t,this):this._timeout}maybeReconnectOnOpen(){!this._reconnecting&&this._reconnection&&this.backoff.attempts===0&&this.reconnect()}open(t){if(~this._readyState.indexOf("open"))return this;this.engine=new o$(this.uri,this.opts);const n=this.engine,r=this;this._readyState="opening",this.skipReconnect=!1;const i=ui(n,"open",function(){r.onopen(),t&&t()}),o=a=>{this.cleanup(),this._readyState="closed",this.emitReserved("error",a),t?t(a):this.maybeReconnectOnOpen()},s=ui(n,"error",o);if(this._timeout!==!1){const a=this._timeout,l=this.setTimeoutFn(()=>{i(),o(new Error("timeout")),n.close()},a);this.opts.autoUnref&&l.unref(),this.subs.push(()=>{this.clearTimeoutFn(l)})}return this.subs.push(i),this.subs.push(s),this}connect(t){return this.open(t)}onopen(){this.cleanup(),this._readyState="open",this.emitReserved("open");const t=this.engine;this.subs.push(ui(t,"ping",this.onping.bind(this)),ui(t,"data",this.ondata.bind(this)),ui(t,"error",this.onerror.bind(this)),ui(t,"close",this.onclose.bind(this)),ui(this.decoder,"decoded",this.ondecoded.bind(this)))}onping(){this.emitReserved("ping")}ondata(t){try{this.decoder.add(t)}catch(n){this.onclose("parse error",n)}}ondecoded(t){m3(()=>{this.emitReserved("packet",t)},this.setTimeoutFn)}onerror(t){this.emitReserved("error",t)}socket(t,n){let r=this.nsps[t];return r?this._autoConnect&&!r.active&&r.connect():(r=new a$(this,t,n),this.nsps[t]=r),r}_destroy(t){const n=Object.keys(this.nsps);for(const r of n)if(this.nsps[r].active)return;this._close()}_packet(t){const n=this.encoder.encode(t);for(let r=0;rt()),this.subs.length=0,this.decoder.destroy()}_close(){this.skipReconnect=!0,this._reconnecting=!1,this.onclose("forced close"),this.engine&&this.engine.close()}disconnect(){return this._close()}onclose(t,n){this.cleanup(),this.backoff.reset(),this._readyState="closed",this.emitReserved("close",t,n),this._reconnection&&!this.skipReconnect&&this.reconnect()}reconnect(){if(this._reconnecting||this.skipReconnect)return this;const t=this;if(this.backoff.attempts>=this._reconnectionAttempts)this.backoff.reset(),this.emitReserved("reconnect_failed"),this._reconnecting=!1;else{const n=this.backoff.duration();this._reconnecting=!0;const r=this.setTimeoutFn(()=>{t.skipReconnect||(this.emitReserved("reconnect_attempt",t.backoff.attempts),!t.skipReconnect&&t.open(i=>{i?(t._reconnecting=!1,t.reconnect(),this.emitReserved("reconnect_error",i)):t.onreconnect()}))},n);this.opts.autoUnref&&r.unref(),this.subs.push(()=>{this.clearTimeoutFn(r)})}}onreconnect(){const t=this.backoff.attempts;this._reconnecting=!1,this.backoff.reset(),this.emitReserved("reconnect",t)}}const sd={};function Mg(e,t){typeof e=="object"&&(t=e,e=void 0),t=t||{};const n=c_e(e,t.path||"/socket.io"),r=n.source,i=n.id,o=n.path,s=sd[i]&&o in sd[i].nsps,a=t.forceNew||t["force new connection"]||t.multiplex===!1||s;let l;return a?l=new ow(r,t):(sd[i]||(sd[i]=new ow(r,t)),l=sd[i]),n.query&&!t.query&&(t.query=n.queryKey),l.socket(n.path,t)}Object.assign(Mg,{Manager:ow,Socket:a$,io:Mg,connect:Mg});const v8=()=>{let e=!1,t=`ws://${window.location.host}`;const n={timeout:6e4,path:"/ws/socket.io",autoConnect:!1};if(["nodes","package"].includes("production")){const o=Tf.get();o&&(t=o.replace(/^https?\:\/\//i,""));const s=Cf.get();s&&(n.auth={token:s}),n.transports=["websocket","polling"]}const r=Mg(t,n);return o=>s=>a=>{const{dispatch:l,getState:u}=o;if(e||(MSe({storeApi:o,socket:r}),e=!0,r.connect()),Rn.fulfilled.match(a)){const c=a.payload.id,d=u().system.sessionId;d&&(r.emit("unsubscribe",{session:d}),l(u7({sessionId:d}))),r.emit("subscribe",{session:c}),l(zx({sessionId:c}))}s(a)}},c1=typeof window<"u"&&typeof window.document<"u"&&typeof window.document.createElement<"u";function Pc(e){const t=Object.prototype.toString.call(e);return t==="[object Window]"||t==="[object global]"}function b3(e){return"nodeType"in e}function or(e){var t,n;return e?Pc(e)?e:b3(e)&&(t=(n=e.ownerDocument)==null?void 0:n.defaultView)!=null?t:window:window}function S3(e){const{Document:t}=or(e);return e instanceof t}function Vh(e){return Pc(e)?!1:e instanceof or(e).HTMLElement}function x_e(e){return e instanceof or(e).SVGElement}function Ac(e){return e?Pc(e)?e.document:b3(e)?S3(e)?e:Vh(e)?e.ownerDocument:document:document:document}const io=c1?k.useLayoutEffect:k.useEffect;function d1(e){const t=k.useRef(e);return io(()=>{t.current=e}),k.useCallback(function(){for(var n=arguments.length,r=new Array(n),i=0;i{e.current=setInterval(r,i)},[]),n=k.useCallback(()=>{e.current!==null&&(clearInterval(e.current),e.current=null)},[]);return[t,n]}function Xf(e,t){t===void 0&&(t=[e]);const n=k.useRef(e);return io(()=>{n.current!==e&&(n.current=e)},t),n}function zh(e,t){const n=k.useRef();return k.useMemo(()=>{const r=e(n.current);return n.current=r,r},[...t])}function my(e){const t=d1(e),n=k.useRef(null),r=k.useCallback(i=>{i!==n.current&&(t==null||t(i,n.current)),n.current=i},[]);return[n,r]}function yy(e){const t=k.useRef();return k.useEffect(()=>{t.current=e},[e]),t.current}let SS={};function f1(e,t){return k.useMemo(()=>{if(t)return t;const n=SS[e]==null?0:SS[e]+1;return SS[e]=n,e+"-"+n},[e,t])}function l$(e){return function(t){for(var n=arguments.length,r=new Array(n>1?n-1:0),i=1;i{const a=Object.entries(s);for(const[l,u]of a){const c=o[l];c!=null&&(o[l]=c+e*u)}return o},{...t})}}const Bu=l$(1),vy=l$(-1);function T_e(e){return"clientX"in e&&"clientY"in e}function _3(e){if(!e)return!1;const{KeyboardEvent:t}=or(e.target);return t&&e instanceof t}function E_e(e){if(!e)return!1;const{TouchEvent:t}=or(e.target);return t&&e instanceof t}function Yf(e){if(E_e(e)){if(e.touches&&e.touches.length){const{clientX:t,clientY:n}=e.touches[0];return{x:t,y:n}}else if(e.changedTouches&&e.changedTouches.length){const{clientX:t,clientY:n}=e.changedTouches[0];return{x:t,y:n}}}return T_e(e)?{x:e.clientX,y:e.clientY}:null}const Qf=Object.freeze({Translate:{toString(e){if(!e)return;const{x:t,y:n}=e;return"translate3d("+(t?Math.round(t):0)+"px, "+(n?Math.round(n):0)+"px, 0)"}},Scale:{toString(e){if(!e)return;const{scaleX:t,scaleY:n}=e;return"scaleX("+t+") scaleY("+n+")"}},Transform:{toString(e){if(e)return[Qf.Translate.toString(e),Qf.Scale.toString(e)].join(" ")}},Transition:{toString(e){let{property:t,duration:n,easing:r}=e;return t+" "+n+"ms "+r}}}),b8="a,frame,iframe,input:not([type=hidden]):not(:disabled),select:not(:disabled),textarea:not(:disabled),button:not(:disabled),*[tabindex]";function P_e(e){return e.matches(b8)?e:e.querySelector(b8)}const A_e={display:"none"};function k_e(e){let{id:t,value:n}=e;return Xe.createElement("div",{id:t,style:A_e},n)}const R_e={position:"fixed",width:1,height:1,margin:-1,border:0,padding:0,overflow:"hidden",clip:"rect(0 0 0 0)",clipPath:"inset(100%)",whiteSpace:"nowrap"};function O_e(e){let{id:t,announcement:n}=e;return Xe.createElement("div",{id:t,style:R_e,role:"status","aria-live":"assertive","aria-atomic":!0},n)}function M_e(){const[e,t]=k.useState("");return{announce:k.useCallback(r=>{r!=null&&t(r)},[]),announcement:e}}const u$=k.createContext(null);function I_e(e){const t=k.useContext(u$);k.useEffect(()=>{if(!t)throw new Error("useDndMonitor must be used within a children of ");return t(e)},[e,t])}function N_e(){const[e]=k.useState(()=>new Set),t=k.useCallback(r=>(e.add(r),()=>e.delete(r)),[e]);return[k.useCallback(r=>{let{type:i,event:o}=r;e.forEach(s=>{var a;return(a=s[i])==null?void 0:a.call(s,o)})},[e]),t]}const D_e={draggable:` + To pick up a draggable item, press the space bar. + While dragging, use the arrow keys to move the item. + Press space again to drop the item in its new position, or press escape to cancel. + `},L_e={onDragStart(e){let{active:t}=e;return"Picked up draggable item "+t.id+"."},onDragOver(e){let{active:t,over:n}=e;return n?"Draggable item "+t.id+" was moved over droppable area "+n.id+".":"Draggable item "+t.id+" is no longer over a droppable area."},onDragEnd(e){let{active:t,over:n}=e;return n?"Draggable item "+t.id+" was dropped over droppable area "+n.id:"Draggable item "+t.id+" was dropped."},onDragCancel(e){let{active:t}=e;return"Dragging was cancelled. Draggable item "+t.id+" was dropped."}};function $_e(e){let{announcements:t=L_e,container:n,hiddenTextDescribedById:r,screenReaderInstructions:i=D_e}=e;const{announce:o,announcement:s}=M_e(),a=f1("DndLiveRegion"),[l,u]=k.useState(!1);if(k.useEffect(()=>{u(!0)},[]),I_e(k.useMemo(()=>({onDragStart(d){let{active:f}=d;o(t.onDragStart({active:f}))},onDragMove(d){let{active:f,over:h}=d;t.onDragMove&&o(t.onDragMove({active:f,over:h}))},onDragOver(d){let{active:f,over:h}=d;o(t.onDragOver({active:f,over:h}))},onDragEnd(d){let{active:f,over:h}=d;o(t.onDragEnd({active:f,over:h}))},onDragCancel(d){let{active:f,over:h}=d;o(t.onDragCancel({active:f,over:h}))}}),[o,t])),!l)return null;const c=Xe.createElement(Xe.Fragment,null,Xe.createElement(k_e,{id:r,value:i.draggable}),Xe.createElement(O_e,{id:a,announcement:s}));return n?zi.createPortal(c,n):c}var tn;(function(e){e.DragStart="dragStart",e.DragMove="dragMove",e.DragEnd="dragEnd",e.DragCancel="dragCancel",e.DragOver="dragOver",e.RegisterDroppable="registerDroppable",e.SetDroppableDisabled="setDroppableDisabled",e.UnregisterDroppable="unregisterDroppable"})(tn||(tn={}));function by(){}function S8(e,t){return k.useMemo(()=>({sensor:e,options:t??{}}),[e,t])}function F_e(){for(var e=arguments.length,t=new Array(e),n=0;n[...t].filter(r=>r!=null),[...t])}const Ei=Object.freeze({x:0,y:0});function B_e(e,t){return Math.sqrt(Math.pow(e.x-t.x,2)+Math.pow(e.y-t.y,2))}function j_e(e,t){const n=Yf(e);if(!n)return"0 0";const r={x:(n.x-t.left)/t.width*100,y:(n.y-t.top)/t.height*100};return r.x+"% "+r.y+"%"}function V_e(e,t){let{data:{value:n}}=e,{data:{value:r}}=t;return n-r}function z_e(e,t){let{data:{value:n}}=e,{data:{value:r}}=t;return r-n}function U_e(e){let{left:t,top:n,height:r,width:i}=e;return[{x:t,y:n},{x:t+i,y:n},{x:t,y:n+r},{x:t+i,y:n+r}]}function G_e(e,t){if(!e||e.length===0)return null;const[n]=e;return t?n[t]:n}function H_e(e,t){const n=Math.max(t.top,e.top),r=Math.max(t.left,e.left),i=Math.min(t.left+t.width,e.left+e.width),o=Math.min(t.top+t.height,e.top+e.height),s=i-r,a=o-n;if(r{let{collisionRect:t,droppableRects:n,droppableContainers:r}=e;const i=[];for(const o of r){const{id:s}=o,a=n.get(s);if(a){const l=H_e(a,t);l>0&&i.push({id:s,data:{droppableContainer:o,value:l}})}}return i.sort(z_e)};function W_e(e,t){const{top:n,left:r,bottom:i,right:o}=t;return n<=e.y&&e.y<=i&&r<=e.x&&e.x<=o}const K_e=e=>{let{droppableContainers:t,droppableRects:n,pointerCoordinates:r}=e;if(!r)return[];const i=[];for(const o of t){const{id:s}=o,a=n.get(s);if(a&&W_e(r,a)){const u=U_e(a).reduce((d,f)=>d+B_e(r,f),0),c=Number((u/4).toFixed(4));i.push({id:s,data:{droppableContainer:o,value:c}})}}return i.sort(V_e)};function X_e(e,t,n){return{...e,scaleX:t&&n?t.width/n.width:1,scaleY:t&&n?t.height/n.height:1}}function c$(e,t){return e&&t?{x:e.left-t.left,y:e.top-t.top}:Ei}function Y_e(e){return function(n){for(var r=arguments.length,i=new Array(r>1?r-1:0),o=1;o({...s,top:s.top+e*a.y,bottom:s.bottom+e*a.y,left:s.left+e*a.x,right:s.right+e*a.x}),{...n})}}const Q_e=Y_e(1);function d$(e){if(e.startsWith("matrix3d(")){const t=e.slice(9,-1).split(/, /);return{x:+t[12],y:+t[13],scaleX:+t[0],scaleY:+t[5]}}else if(e.startsWith("matrix(")){const t=e.slice(7,-1).split(/, /);return{x:+t[4],y:+t[5],scaleX:+t[0],scaleY:+t[3]}}return null}function Z_e(e,t,n){const r=d$(t);if(!r)return e;const{scaleX:i,scaleY:o,x:s,y:a}=r,l=e.left-s-(1-i)*parseFloat(n),u=e.top-a-(1-o)*parseFloat(n.slice(n.indexOf(" ")+1)),c=i?e.width/i:e.width,d=o?e.height/o:e.height;return{width:c,height:d,top:u,right:l+c,bottom:u+d,left:l}}const J_e={ignoreTransform:!1};function Uh(e,t){t===void 0&&(t=J_e);let n=e.getBoundingClientRect();if(t.ignoreTransform){const{transform:u,transformOrigin:c}=or(e).getComputedStyle(e);u&&(n=Z_e(n,u,c))}const{top:r,left:i,width:o,height:s,bottom:a,right:l}=n;return{top:r,left:i,width:o,height:s,bottom:a,right:l}}function _8(e){return Uh(e,{ignoreTransform:!0})}function e2e(e){const t=e.innerWidth,n=e.innerHeight;return{top:0,left:0,right:t,bottom:n,width:t,height:n}}function t2e(e,t){return t===void 0&&(t=or(e).getComputedStyle(e)),t.position==="fixed"}function n2e(e,t){t===void 0&&(t=or(e).getComputedStyle(e));const n=/(auto|scroll|overlay)/;return["overflow","overflowX","overflowY"].some(i=>{const o=t[i];return typeof o=="string"?n.test(o):!1})}function w3(e,t){const n=[];function r(i){if(t!=null&&n.length>=t||!i)return n;if(S3(i)&&i.scrollingElement!=null&&!n.includes(i.scrollingElement))return n.push(i.scrollingElement),n;if(!Vh(i)||x_e(i)||n.includes(i))return n;const o=or(e).getComputedStyle(i);return i!==e&&n2e(i,o)&&n.push(i),t2e(i,o)?n:r(i.parentNode)}return e?r(e):n}function f$(e){const[t]=w3(e,1);return t??null}function _S(e){return!c1||!e?null:Pc(e)?e:b3(e)?S3(e)||e===Ac(e).scrollingElement?window:Vh(e)?e:null:null}function h$(e){return Pc(e)?e.scrollX:e.scrollLeft}function p$(e){return Pc(e)?e.scrollY:e.scrollTop}function sw(e){return{x:h$(e),y:p$(e)}}var fn;(function(e){e[e.Forward=1]="Forward",e[e.Backward=-1]="Backward"})(fn||(fn={}));function g$(e){return!c1||!e?!1:e===document.scrollingElement}function m$(e){const t={x:0,y:0},n=g$(e)?{height:window.innerHeight,width:window.innerWidth}:{height:e.clientHeight,width:e.clientWidth},r={x:e.scrollWidth-n.width,y:e.scrollHeight-n.height},i=e.scrollTop<=t.y,o=e.scrollLeft<=t.x,s=e.scrollTop>=r.y,a=e.scrollLeft>=r.x;return{isTop:i,isLeft:o,isBottom:s,isRight:a,maxScroll:r,minScroll:t}}const r2e={x:.2,y:.2};function i2e(e,t,n,r,i){let{top:o,left:s,right:a,bottom:l}=n;r===void 0&&(r=10),i===void 0&&(i=r2e);const{isTop:u,isBottom:c,isLeft:d,isRight:f}=m$(e),h={x:0,y:0},p={x:0,y:0},m={height:t.height*i.y,width:t.width*i.x};return!u&&o<=t.top+m.height?(h.y=fn.Backward,p.y=r*Math.abs((t.top+m.height-o)/m.height)):!c&&l>=t.bottom-m.height&&(h.y=fn.Forward,p.y=r*Math.abs((t.bottom-m.height-l)/m.height)),!f&&a>=t.right-m.width?(h.x=fn.Forward,p.x=r*Math.abs((t.right-m.width-a)/m.width)):!d&&s<=t.left+m.width&&(h.x=fn.Backward,p.x=r*Math.abs((t.left+m.width-s)/m.width)),{direction:h,speed:p}}function o2e(e){if(e===document.scrollingElement){const{innerWidth:o,innerHeight:s}=window;return{top:0,left:0,right:o,bottom:s,width:o,height:s}}const{top:t,left:n,right:r,bottom:i}=e.getBoundingClientRect();return{top:t,left:n,right:r,bottom:i,width:e.clientWidth,height:e.clientHeight}}function y$(e){return e.reduce((t,n)=>Bu(t,sw(n)),Ei)}function s2e(e){return e.reduce((t,n)=>t+h$(n),0)}function a2e(e){return e.reduce((t,n)=>t+p$(n),0)}function v$(e,t){if(t===void 0&&(t=Uh),!e)return;const{top:n,left:r,bottom:i,right:o}=t(e);f$(e)&&(i<=0||o<=0||n>=window.innerHeight||r>=window.innerWidth)&&e.scrollIntoView({block:"center",inline:"center"})}const l2e=[["x",["left","right"],s2e],["y",["top","bottom"],a2e]];class x3{constructor(t,n){this.rect=void 0,this.width=void 0,this.height=void 0,this.top=void 0,this.bottom=void 0,this.right=void 0,this.left=void 0;const r=w3(n),i=y$(r);this.rect={...t},this.width=t.width,this.height=t.height;for(const[o,s,a]of l2e)for(const l of s)Object.defineProperty(this,l,{get:()=>{const u=a(r),c=i[o]-u;return this.rect[l]+c},enumerable:!0});Object.defineProperty(this,"rect",{enumerable:!1})}}class Dd{constructor(t){this.target=void 0,this.listeners=[],this.removeAll=()=>{this.listeners.forEach(n=>{var r;return(r=this.target)==null?void 0:r.removeEventListener(...n)})},this.target=t}add(t,n,r){var i;(i=this.target)==null||i.addEventListener(t,n,r),this.listeners.push([t,n,r])}}function u2e(e){const{EventTarget:t}=or(e);return e instanceof t?e:Ac(e)}function wS(e,t){const n=Math.abs(e.x),r=Math.abs(e.y);return typeof t=="number"?Math.sqrt(n**2+r**2)>t:"x"in t&&"y"in t?n>t.x&&r>t.y:"x"in t?n>t.x:"y"in t?r>t.y:!1}var Ur;(function(e){e.Click="click",e.DragStart="dragstart",e.Keydown="keydown",e.ContextMenu="contextmenu",e.Resize="resize",e.SelectionChange="selectionchange",e.VisibilityChange="visibilitychange"})(Ur||(Ur={}));function w8(e){e.preventDefault()}function c2e(e){e.stopPropagation()}var at;(function(e){e.Space="Space",e.Down="ArrowDown",e.Right="ArrowRight",e.Left="ArrowLeft",e.Up="ArrowUp",e.Esc="Escape",e.Enter="Enter"})(at||(at={}));const b$={start:[at.Space,at.Enter],cancel:[at.Esc],end:[at.Space,at.Enter]},d2e=(e,t)=>{let{currentCoordinates:n}=t;switch(e.code){case at.Right:return{...n,x:n.x+25};case at.Left:return{...n,x:n.x-25};case at.Down:return{...n,y:n.y+25};case at.Up:return{...n,y:n.y-25}}};class S${constructor(t){this.props=void 0,this.autoScrollEnabled=!1,this.referenceCoordinates=void 0,this.listeners=void 0,this.windowListeners=void 0,this.props=t;const{event:{target:n}}=t;this.props=t,this.listeners=new Dd(Ac(n)),this.windowListeners=new Dd(or(n)),this.handleKeyDown=this.handleKeyDown.bind(this),this.handleCancel=this.handleCancel.bind(this),this.attach()}attach(){this.handleStart(),this.windowListeners.add(Ur.Resize,this.handleCancel),this.windowListeners.add(Ur.VisibilityChange,this.handleCancel),setTimeout(()=>this.listeners.add(Ur.Keydown,this.handleKeyDown))}handleStart(){const{activeNode:t,onStart:n}=this.props,r=t.node.current;r&&v$(r),n(Ei)}handleKeyDown(t){if(_3(t)){const{active:n,context:r,options:i}=this.props,{keyboardCodes:o=b$,coordinateGetter:s=d2e,scrollBehavior:a="smooth"}=i,{code:l}=t;if(o.end.includes(l)){this.handleEnd(t);return}if(o.cancel.includes(l)){this.handleCancel(t);return}const{collisionRect:u}=r.current,c=u?{x:u.left,y:u.top}:Ei;this.referenceCoordinates||(this.referenceCoordinates=c);const d=s(t,{active:n,context:r.current,currentCoordinates:c});if(d){const f=vy(d,c),h={x:0,y:0},{scrollableAncestors:p}=r.current;for(const m of p){const S=t.code,{isTop:y,isRight:v,isLeft:g,isBottom:b,maxScroll:_,minScroll:w}=m$(m),x=o2e(m),T={x:Math.min(S===at.Right?x.right-x.width/2:x.right,Math.max(S===at.Right?x.left:x.left+x.width/2,d.x)),y:Math.min(S===at.Down?x.bottom-x.height/2:x.bottom,Math.max(S===at.Down?x.top:x.top+x.height/2,d.y))},P=S===at.Right&&!v||S===at.Left&&!g,E=S===at.Down&&!b||S===at.Up&&!y;if(P&&T.x!==d.x){const A=m.scrollLeft+f.x,$=S===at.Right&&A<=_.x||S===at.Left&&A>=w.x;if($&&!f.y){m.scrollTo({left:A,behavior:a});return}$?h.x=m.scrollLeft-A:h.x=S===at.Right?m.scrollLeft-_.x:m.scrollLeft-w.x,h.x&&m.scrollBy({left:-h.x,behavior:a});break}else if(E&&T.y!==d.y){const A=m.scrollTop+f.y,$=S===at.Down&&A<=_.y||S===at.Up&&A>=w.y;if($&&!f.x){m.scrollTo({top:A,behavior:a});return}$?h.y=m.scrollTop-A:h.y=S===at.Down?m.scrollTop-_.y:m.scrollTop-w.y,h.y&&m.scrollBy({top:-h.y,behavior:a});break}}this.handleMove(t,Bu(vy(d,this.referenceCoordinates),h))}}}handleMove(t,n){const{onMove:r}=this.props;t.preventDefault(),r(n)}handleEnd(t){const{onEnd:n}=this.props;t.preventDefault(),this.detach(),n()}handleCancel(t){const{onCancel:n}=this.props;t.preventDefault(),this.detach(),n()}detach(){this.listeners.removeAll(),this.windowListeners.removeAll()}}S$.activators=[{eventName:"onKeyDown",handler:(e,t,n)=>{let{keyboardCodes:r=b$,onActivation:i}=t,{active:o}=n;const{code:s}=e.nativeEvent;if(r.start.includes(s)){const a=o.activatorNode.current;return a&&e.target!==a?!1:(e.preventDefault(),i==null||i({event:e.nativeEvent}),!0)}return!1}}];function x8(e){return!!(e&&"distance"in e)}function C8(e){return!!(e&&"delay"in e)}class C3{constructor(t,n,r){var i;r===void 0&&(r=u2e(t.event.target)),this.props=void 0,this.events=void 0,this.autoScrollEnabled=!0,this.document=void 0,this.activated=!1,this.initialCoordinates=void 0,this.timeoutId=null,this.listeners=void 0,this.documentListeners=void 0,this.windowListeners=void 0,this.props=t,this.events=n;const{event:o}=t,{target:s}=o;this.props=t,this.events=n,this.document=Ac(s),this.documentListeners=new Dd(this.document),this.listeners=new Dd(r),this.windowListeners=new Dd(or(s)),this.initialCoordinates=(i=Yf(o))!=null?i:Ei,this.handleStart=this.handleStart.bind(this),this.handleMove=this.handleMove.bind(this),this.handleEnd=this.handleEnd.bind(this),this.handleCancel=this.handleCancel.bind(this),this.handleKeydown=this.handleKeydown.bind(this),this.removeTextSelection=this.removeTextSelection.bind(this),this.attach()}attach(){const{events:t,props:{options:{activationConstraint:n}}}=this;if(this.listeners.add(t.move.name,this.handleMove,{passive:!1}),this.listeners.add(t.end.name,this.handleEnd),this.windowListeners.add(Ur.Resize,this.handleCancel),this.windowListeners.add(Ur.DragStart,w8),this.windowListeners.add(Ur.VisibilityChange,this.handleCancel),this.windowListeners.add(Ur.ContextMenu,w8),this.documentListeners.add(Ur.Keydown,this.handleKeydown),n){if(x8(n))return;if(C8(n)){this.timeoutId=setTimeout(this.handleStart,n.delay);return}}this.handleStart()}detach(){this.listeners.removeAll(),this.windowListeners.removeAll(),setTimeout(this.documentListeners.removeAll,50),this.timeoutId!==null&&(clearTimeout(this.timeoutId),this.timeoutId=null)}handleStart(){const{initialCoordinates:t}=this,{onStart:n}=this.props;t&&(this.activated=!0,this.documentListeners.add(Ur.Click,c2e,{capture:!0}),this.removeTextSelection(),this.documentListeners.add(Ur.SelectionChange,this.removeTextSelection),n(t))}handleMove(t){var n;const{activated:r,initialCoordinates:i,props:o}=this,{onMove:s,options:{activationConstraint:a}}=o;if(!i)return;const l=(n=Yf(t))!=null?n:Ei,u=vy(i,l);if(!r&&a){if(C8(a))return wS(u,a.tolerance)?this.handleCancel():void 0;if(x8(a))return a.tolerance!=null&&wS(u,a.tolerance)?this.handleCancel():wS(u,a.distance)?this.handleStart():void 0}t.cancelable&&t.preventDefault(),s(l)}handleEnd(){const{onEnd:t}=this.props;this.detach(),t()}handleCancel(){const{onCancel:t}=this.props;this.detach(),t()}handleKeydown(t){t.code===at.Esc&&this.handleCancel()}removeTextSelection(){var t;(t=this.document.getSelection())==null||t.removeAllRanges()}}const f2e={move:{name:"pointermove"},end:{name:"pointerup"}};class _$ extends C3{constructor(t){const{event:n}=t,r=Ac(n.target);super(t,f2e,r)}}_$.activators=[{eventName:"onPointerDown",handler:(e,t)=>{let{nativeEvent:n}=e,{onActivation:r}=t;return!n.isPrimary||n.button!==0?!1:(r==null||r({event:n}),!0)}}];const h2e={move:{name:"mousemove"},end:{name:"mouseup"}};var aw;(function(e){e[e.RightClick=2]="RightClick"})(aw||(aw={}));class w$ extends C3{constructor(t){super(t,h2e,Ac(t.event.target))}}w$.activators=[{eventName:"onMouseDown",handler:(e,t)=>{let{nativeEvent:n}=e,{onActivation:r}=t;return n.button===aw.RightClick?!1:(r==null||r({event:n}),!0)}}];const xS={move:{name:"touchmove"},end:{name:"touchend"}};class x$ extends C3{constructor(t){super(t,xS)}static setup(){return window.addEventListener(xS.move.name,t,{capture:!1,passive:!1}),function(){window.removeEventListener(xS.move.name,t)};function t(){}}}x$.activators=[{eventName:"onTouchStart",handler:(e,t)=>{let{nativeEvent:n}=e,{onActivation:r}=t;const{touches:i}=n;return i.length>1?!1:(r==null||r({event:n}),!0)}}];var Ld;(function(e){e[e.Pointer=0]="Pointer",e[e.DraggableRect=1]="DraggableRect"})(Ld||(Ld={}));var Sy;(function(e){e[e.TreeOrder=0]="TreeOrder",e[e.ReversedTreeOrder=1]="ReversedTreeOrder"})(Sy||(Sy={}));function p2e(e){let{acceleration:t,activator:n=Ld.Pointer,canScroll:r,draggingRect:i,enabled:o,interval:s=5,order:a=Sy.TreeOrder,pointerCoordinates:l,scrollableAncestors:u,scrollableAncestorRects:c,delta:d,threshold:f}=e;const h=m2e({delta:d,disabled:!o}),[p,m]=C_e(),S=k.useRef({x:0,y:0}),y=k.useRef({x:0,y:0}),v=k.useMemo(()=>{switch(n){case Ld.Pointer:return l?{top:l.y,bottom:l.y,left:l.x,right:l.x}:null;case Ld.DraggableRect:return i}},[n,i,l]),g=k.useRef(null),b=k.useCallback(()=>{const w=g.current;if(!w)return;const x=S.current.x*y.current.x,T=S.current.y*y.current.y;w.scrollBy(x,T)},[]),_=k.useMemo(()=>a===Sy.TreeOrder?[...u].reverse():u,[a,u]);k.useEffect(()=>{if(!o||!u.length||!v){m();return}for(const w of _){if((r==null?void 0:r(w))===!1)continue;const x=u.indexOf(w),T=c[x];if(!T)continue;const{direction:P,speed:E}=i2e(w,T,v,t,f);for(const A of["x","y"])h[A][P[A]]||(E[A]=0,P[A]=0);if(E.x>0||E.y>0){m(),g.current=w,p(b,s),S.current=E,y.current=P;return}}S.current={x:0,y:0},y.current={x:0,y:0},m()},[t,b,r,m,o,s,JSON.stringify(v),JSON.stringify(h),p,u,_,c,JSON.stringify(f)])}const g2e={x:{[fn.Backward]:!1,[fn.Forward]:!1},y:{[fn.Backward]:!1,[fn.Forward]:!1}};function m2e(e){let{delta:t,disabled:n}=e;const r=yy(t);return zh(i=>{if(n||!r||!i)return g2e;const o={x:Math.sign(t.x-r.x),y:Math.sign(t.y-r.y)};return{x:{[fn.Backward]:i.x[fn.Backward]||o.x===-1,[fn.Forward]:i.x[fn.Forward]||o.x===1},y:{[fn.Backward]:i.y[fn.Backward]||o.y===-1,[fn.Forward]:i.y[fn.Forward]||o.y===1}}},[n,t,r])}function y2e(e,t){const n=t!==null?e.get(t):void 0,r=n?n.node.current:null;return zh(i=>{var o;return t===null?null:(o=r??i)!=null?o:null},[r,t])}function v2e(e,t){return k.useMemo(()=>e.reduce((n,r)=>{const{sensor:i}=r,o=i.activators.map(s=>({eventName:s.eventName,handler:t(s.handler,r)}));return[...n,...o]},[]),[e,t])}var Zf;(function(e){e[e.Always=0]="Always",e[e.BeforeDragging=1]="BeforeDragging",e[e.WhileDragging=2]="WhileDragging"})(Zf||(Zf={}));var lw;(function(e){e.Optimized="optimized"})(lw||(lw={}));const T8=new Map;function b2e(e,t){let{dragging:n,dependencies:r,config:i}=t;const[o,s]=k.useState(null),{frequency:a,measure:l,strategy:u}=i,c=k.useRef(e),d=S(),f=Xf(d),h=k.useCallback(function(y){y===void 0&&(y=[]),!f.current&&s(v=>v===null?y:v.concat(y.filter(g=>!v.includes(g))))},[f]),p=k.useRef(null),m=zh(y=>{if(d&&!n)return T8;if(!y||y===T8||c.current!==e||o!=null){const v=new Map;for(let g of e){if(!g)continue;if(o&&o.length>0&&!o.includes(g.id)&&g.rect.current){v.set(g.id,g.rect.current);continue}const b=g.node.current,_=b?new x3(l(b),b):null;g.rect.current=_,_&&v.set(g.id,_)}return v}return y},[e,o,n,d,l]);return k.useEffect(()=>{c.current=e},[e]),k.useEffect(()=>{d||h()},[n,d]),k.useEffect(()=>{o&&o.length>0&&s(null)},[JSON.stringify(o)]),k.useEffect(()=>{d||typeof a!="number"||p.current!==null||(p.current=setTimeout(()=>{h(),p.current=null},a))},[a,d,h,...r]),{droppableRects:m,measureDroppableContainers:h,measuringScheduled:o!=null};function S(){switch(u){case Zf.Always:return!1;case Zf.BeforeDragging:return n;default:return!n}}}function T3(e,t){return zh(n=>e?n||(typeof t=="function"?t(e):e):null,[t,e])}function S2e(e,t){return T3(e,t)}function _2e(e){let{callback:t,disabled:n}=e;const r=d1(t),i=k.useMemo(()=>{if(n||typeof window>"u"||typeof window.MutationObserver>"u")return;const{MutationObserver:o}=window;return new o(r)},[r,n]);return k.useEffect(()=>()=>i==null?void 0:i.disconnect(),[i]),i}function h1(e){let{callback:t,disabled:n}=e;const r=d1(t),i=k.useMemo(()=>{if(n||typeof window>"u"||typeof window.ResizeObserver>"u")return;const{ResizeObserver:o}=window;return new o(r)},[n]);return k.useEffect(()=>()=>i==null?void 0:i.disconnect(),[i]),i}function w2e(e){return new x3(Uh(e),e)}function E8(e,t,n){t===void 0&&(t=w2e);const[r,i]=k.useReducer(a,null),o=_2e({callback(l){if(e)for(const u of l){const{type:c,target:d}=u;if(c==="childList"&&d instanceof HTMLElement&&d.contains(e)){i();break}}}}),s=h1({callback:i});return io(()=>{i(),e?(s==null||s.observe(e),o==null||o.observe(document.body,{childList:!0,subtree:!0})):(s==null||s.disconnect(),o==null||o.disconnect())},[e]),r;function a(l){if(!e)return null;if(e.isConnected===!1){var u;return(u=l??n)!=null?u:null}const c=t(e);return JSON.stringify(l)===JSON.stringify(c)?l:c}}function x2e(e){const t=T3(e);return c$(e,t)}const P8=[];function C2e(e){const t=k.useRef(e),n=zh(r=>e?r&&r!==P8&&e&&t.current&&e.parentNode===t.current.parentNode?r:w3(e):P8,[e]);return k.useEffect(()=>{t.current=e},[e]),n}function T2e(e){const[t,n]=k.useState(null),r=k.useRef(e),i=k.useCallback(o=>{const s=_S(o.target);s&&n(a=>a?(a.set(s,sw(s)),new Map(a)):null)},[]);return k.useEffect(()=>{const o=r.current;if(e!==o){s(o);const a=e.map(l=>{const u=_S(l);return u?(u.addEventListener("scroll",i,{passive:!0}),[u,sw(u)]):null}).filter(l=>l!=null);n(a.length?new Map(a):null),r.current=e}return()=>{s(e),s(o)};function s(a){a.forEach(l=>{const u=_S(l);u==null||u.removeEventListener("scroll",i)})}},[i,e]),k.useMemo(()=>e.length?t?Array.from(t.values()).reduce((o,s)=>Bu(o,s),Ei):y$(e):Ei,[e,t])}function A8(e,t){t===void 0&&(t=[]);const n=k.useRef(null);return k.useEffect(()=>{n.current=null},t),k.useEffect(()=>{const r=e!==Ei;r&&!n.current&&(n.current=e),!r&&n.current&&(n.current=null)},[e]),n.current?vy(e,n.current):Ei}function E2e(e){k.useEffect(()=>{if(!c1)return;const t=e.map(n=>{let{sensor:r}=n;return r.setup==null?void 0:r.setup()});return()=>{for(const n of t)n==null||n()}},e.map(t=>{let{sensor:n}=t;return n}))}function P2e(e,t){return k.useMemo(()=>e.reduce((n,r)=>{let{eventName:i,handler:o}=r;return n[i]=s=>{o(s,t)},n},{}),[e,t])}function C$(e){return k.useMemo(()=>e?e2e(e):null,[e])}const CS=[];function A2e(e,t){t===void 0&&(t=Uh);const[n]=e,r=C$(n?or(n):null),[i,o]=k.useReducer(a,CS),s=h1({callback:o});return e.length>0&&i===CS&&o(),io(()=>{e.length?e.forEach(l=>s==null?void 0:s.observe(l)):(s==null||s.disconnect(),o())},[e]),i;function a(){return e.length?e.map(l=>g$(l)?r:new x3(t(l),l)):CS}}function T$(e){if(!e)return null;if(e.children.length>1)return e;const t=e.children[0];return Vh(t)?t:e}function k2e(e){let{measure:t}=e;const[n,r]=k.useState(null),i=k.useCallback(u=>{for(const{target:c}of u)if(Vh(c)){r(d=>{const f=t(c);return d?{...d,width:f.width,height:f.height}:f});break}},[t]),o=h1({callback:i}),s=k.useCallback(u=>{const c=T$(u);o==null||o.disconnect(),c&&(o==null||o.observe(c)),r(c?t(c):null)},[t,o]),[a,l]=my(s);return k.useMemo(()=>({nodeRef:a,rect:n,setRef:l}),[n,a,l])}const R2e=[{sensor:_$,options:{}},{sensor:S$,options:{}}],O2e={current:{}},Ig={draggable:{measure:_8},droppable:{measure:_8,strategy:Zf.WhileDragging,frequency:lw.Optimized},dragOverlay:{measure:Uh}};class $d extends Map{get(t){var n;return t!=null&&(n=super.get(t))!=null?n:void 0}toArray(){return Array.from(this.values())}getEnabled(){return this.toArray().filter(t=>{let{disabled:n}=t;return!n})}getNodeFor(t){var n,r;return(n=(r=this.get(t))==null?void 0:r.node.current)!=null?n:void 0}}const M2e={activatorEvent:null,active:null,activeNode:null,activeNodeRect:null,collisions:null,containerNodeRect:null,draggableNodes:new Map,droppableRects:new Map,droppableContainers:new $d,over:null,dragOverlay:{nodeRef:{current:null},rect:null,setRef:by},scrollableAncestors:[],scrollableAncestorRects:[],measuringConfiguration:Ig,measureDroppableContainers:by,windowRect:null,measuringScheduled:!1},E$={activatorEvent:null,activators:[],active:null,activeNodeRect:null,ariaDescribedById:{draggable:""},dispatch:by,draggableNodes:new Map,over:null,measureDroppableContainers:by},Gh=k.createContext(E$),P$=k.createContext(M2e);function I2e(){return{draggable:{active:null,initialCoordinates:{x:0,y:0},nodes:new Map,translate:{x:0,y:0}},droppable:{containers:new $d}}}function N2e(e,t){switch(t.type){case tn.DragStart:return{...e,draggable:{...e.draggable,initialCoordinates:t.initialCoordinates,active:t.active}};case tn.DragMove:return e.draggable.active?{...e,draggable:{...e.draggable,translate:{x:t.coordinates.x-e.draggable.initialCoordinates.x,y:t.coordinates.y-e.draggable.initialCoordinates.y}}}:e;case tn.DragEnd:case tn.DragCancel:return{...e,draggable:{...e.draggable,active:null,initialCoordinates:{x:0,y:0},translate:{x:0,y:0}}};case tn.RegisterDroppable:{const{element:n}=t,{id:r}=n,i=new $d(e.droppable.containers);return i.set(r,n),{...e,droppable:{...e.droppable,containers:i}}}case tn.SetDroppableDisabled:{const{id:n,key:r,disabled:i}=t,o=e.droppable.containers.get(n);if(!o||r!==o.key)return e;const s=new $d(e.droppable.containers);return s.set(n,{...o,disabled:i}),{...e,droppable:{...e.droppable,containers:s}}}case tn.UnregisterDroppable:{const{id:n,key:r}=t,i=e.droppable.containers.get(n);if(!i||r!==i.key)return e;const o=new $d(e.droppable.containers);return o.delete(n),{...e,droppable:{...e.droppable,containers:o}}}default:return e}}function D2e(e){let{disabled:t}=e;const{active:n,activatorEvent:r,draggableNodes:i}=k.useContext(Gh),o=yy(r),s=yy(n==null?void 0:n.id);return k.useEffect(()=>{if(!t&&!r&&o&&s!=null){if(!_3(o)||document.activeElement===o.target)return;const a=i.get(s);if(!a)return;const{activatorNode:l,node:u}=a;if(!l.current&&!u.current)return;requestAnimationFrame(()=>{for(const c of[l.current,u.current]){if(!c)continue;const d=P_e(c);if(d){d.focus();break}}})}},[r,t,i,s,o]),null}function A$(e,t){let{transform:n,...r}=t;return e!=null&&e.length?e.reduce((i,o)=>o({transform:i,...r}),n):n}function L2e(e){return k.useMemo(()=>({draggable:{...Ig.draggable,...e==null?void 0:e.draggable},droppable:{...Ig.droppable,...e==null?void 0:e.droppable},dragOverlay:{...Ig.dragOverlay,...e==null?void 0:e.dragOverlay}}),[e==null?void 0:e.draggable,e==null?void 0:e.droppable,e==null?void 0:e.dragOverlay])}function $2e(e){let{activeNode:t,measure:n,initialRect:r,config:i=!0}=e;const o=k.useRef(!1),{x:s,y:a}=typeof i=="boolean"?{x:i,y:i}:i;io(()=>{if(!s&&!a||!t){o.current=!1;return}if(o.current||!r)return;const u=t==null?void 0:t.node.current;if(!u||u.isConnected===!1)return;const c=n(u),d=c$(c,r);if(s||(d.x=0),a||(d.y=0),o.current=!0,Math.abs(d.x)>0||Math.abs(d.y)>0){const f=f$(u);f&&f.scrollBy({top:d.y,left:d.x})}},[t,s,a,r,n])}const p1=k.createContext({...Ei,scaleX:1,scaleY:1});var hs;(function(e){e[e.Uninitialized=0]="Uninitialized",e[e.Initializing=1]="Initializing",e[e.Initialized=2]="Initialized"})(hs||(hs={}));const F2e=k.memo(function(t){var n,r,i,o;let{id:s,accessibility:a,autoScroll:l=!0,children:u,sensors:c=R2e,collisionDetection:d=q_e,measuring:f,modifiers:h,...p}=t;const m=k.useReducer(N2e,void 0,I2e),[S,y]=m,[v,g]=N_e(),[b,_]=k.useState(hs.Uninitialized),w=b===hs.Initialized,{draggable:{active:x,nodes:T,translate:P},droppable:{containers:E}}=S,A=x?T.get(x):null,$=k.useRef({initial:null,translated:null}),I=k.useMemo(()=>{var Ct;return x!=null?{id:x,data:(Ct=A==null?void 0:A.data)!=null?Ct:O2e,rect:$}:null},[x,A]),C=k.useRef(null),[R,M]=k.useState(null),[N,O]=k.useState(null),D=Xf(p,Object.values(p)),L=f1("DndDescribedBy",s),j=k.useMemo(()=>E.getEnabled(),[E]),U=L2e(f),{droppableRects:G,measureDroppableContainers:W,measuringScheduled:X}=b2e(j,{dragging:w,dependencies:[P.x,P.y],config:U.droppable}),Y=y2e(T,x),B=k.useMemo(()=>N?Yf(N):null,[N]),H=fa(),Q=S2e(Y,U.draggable.measure);$2e({activeNode:x?T.get(x):null,config:H.layoutShiftCompensation,initialRect:Q,measure:U.draggable.measure});const J=E8(Y,U.draggable.measure,Q),ne=E8(Y?Y.parentElement:null),te=k.useRef({activatorEvent:null,active:null,activeNode:Y,collisionRect:null,collisions:null,droppableRects:G,draggableNodes:T,draggingNode:null,draggingNodeRect:null,droppableContainers:E,over:null,scrollableAncestors:[],scrollAdjustedTranslate:null}),xe=E.getNodeFor((n=te.current.over)==null?void 0:n.id),ve=k2e({measure:U.dragOverlay.measure}),ce=(r=ve.nodeRef.current)!=null?r:Y,De=w?(i=ve.rect)!=null?i:J:null,se=!!(ve.nodeRef.current&&ve.rect),pt=x2e(se?null:J),yn=C$(ce?or(ce):null),Mt=C2e(w?xe??Y:null),ut=A2e(Mt),tt=A$(h,{transform:{x:P.x-pt.x,y:P.y-pt.y,scaleX:1,scaleY:1},activatorEvent:N,active:I,activeNodeRect:J,containerNodeRect:ne,draggingNodeRect:De,over:te.current.over,overlayNodeRect:ve.rect,scrollableAncestors:Mt,scrollableAncestorRects:ut,windowRect:yn}),Ut=B?Bu(B,P):null,sr=T2e(Mt),ni=A8(sr),Lr=A8(sr,[J]),On=Bu(tt,ni),vn=De?Q_e(De,tt):null,Un=I&&vn?d({active:I,collisionRect:vn,droppableRects:G,droppableContainers:j,pointerCoordinates:Ut}):null,Gt=G_e(Un,"id"),[xt,wr]=k.useState(null),$r=se?tt:Bu(tt,Lr),ri=X_e($r,(o=xt==null?void 0:xt.rect)!=null?o:null,J),uo=k.useCallback((Ct,nt)=>{let{sensor:Sn,options:an}=nt;if(C.current==null)return;const Mn=T.get(C.current);if(!Mn)return;const Gn=Ct.nativeEvent,ar=new Sn({active:C.current,activeNode:Mn,event:Gn,options:an,context:te,onStart(Hn){const _n=C.current;if(_n==null)return;const co=T.get(_n);if(!co)return;const{onDragStart:Zo}=D.current,Jo={active:{id:_n,data:co.data,rect:$}};zi.unstable_batchedUpdates(()=>{Zo==null||Zo(Jo),_(hs.Initializing),y({type:tn.DragStart,initialCoordinates:Hn,active:_n}),v({type:"onDragStart",event:Jo})})},onMove(Hn){y({type:tn.DragMove,coordinates:Hn})},onEnd:Ri(tn.DragEnd),onCancel:Ri(tn.DragCancel)});zi.unstable_batchedUpdates(()=>{M(ar),O(Ct.nativeEvent)});function Ri(Hn){return async function(){const{active:co,collisions:Zo,over:Jo,scrollAdjustedTranslate:Al}=te.current;let fo=null;if(co&&Al){const{cancelDrop:qn}=D.current;fo={activatorEvent:Gn,active:co,collisions:Zo,delta:Al,over:Jo},Hn===tn.DragEnd&&typeof qn=="function"&&await Promise.resolve(qn(fo))&&(Hn=tn.DragCancel)}C.current=null,zi.unstable_batchedUpdates(()=>{y({type:Hn}),_(hs.Uninitialized),wr(null),M(null),O(null);const qn=Hn===tn.DragEnd?"onDragEnd":"onDragCancel";if(fo){const ha=D.current[qn];ha==null||ha(fo),v({type:qn,event:fo})}})}}},[T]),bn=k.useCallback((Ct,nt)=>(Sn,an)=>{const Mn=Sn.nativeEvent,Gn=T.get(an);if(C.current!==null||!Gn||Mn.dndKit||Mn.defaultPrevented)return;const ar={active:Gn};Ct(Sn,nt.options,ar)===!0&&(Mn.dndKit={capturedBy:nt.sensor},C.current=an,uo(Sn,nt))},[T,uo]),ii=v2e(c,bn);E2e(c),io(()=>{J&&b===hs.Initializing&&_(hs.Initialized)},[J,b]),k.useEffect(()=>{const{onDragMove:Ct}=D.current,{active:nt,activatorEvent:Sn,collisions:an,over:Mn}=te.current;if(!nt||!Sn)return;const Gn={active:nt,activatorEvent:Sn,collisions:an,delta:{x:On.x,y:On.y},over:Mn};zi.unstable_batchedUpdates(()=>{Ct==null||Ct(Gn),v({type:"onDragMove",event:Gn})})},[On.x,On.y]),k.useEffect(()=>{const{active:Ct,activatorEvent:nt,collisions:Sn,droppableContainers:an,scrollAdjustedTranslate:Mn}=te.current;if(!Ct||C.current==null||!nt||!Mn)return;const{onDragOver:Gn}=D.current,ar=an.get(Gt),Ri=ar&&ar.rect.current?{id:ar.id,rect:ar.rect.current,data:ar.data,disabled:ar.disabled}:null,Hn={active:Ct,activatorEvent:nt,collisions:Sn,delta:{x:Mn.x,y:Mn.y},over:Ri};zi.unstable_batchedUpdates(()=>{wr(Ri),Gn==null||Gn(Hn),v({type:"onDragOver",event:Hn})})},[Gt]),io(()=>{te.current={activatorEvent:N,active:I,activeNode:Y,collisionRect:vn,collisions:Un,droppableRects:G,draggableNodes:T,draggingNode:ce,draggingNodeRect:De,droppableContainers:E,over:xt,scrollableAncestors:Mt,scrollAdjustedTranslate:On},$.current={initial:De,translated:vn}},[I,Y,Un,vn,T,ce,De,G,E,xt,Mt,On]),p2e({...H,delta:P,draggingRect:vn,pointerCoordinates:Ut,scrollableAncestors:Mt,scrollableAncestorRects:ut});const da=k.useMemo(()=>({active:I,activeNode:Y,activeNodeRect:J,activatorEvent:N,collisions:Un,containerNodeRect:ne,dragOverlay:ve,draggableNodes:T,droppableContainers:E,droppableRects:G,over:xt,measureDroppableContainers:W,scrollableAncestors:Mt,scrollableAncestorRects:ut,measuringConfiguration:U,measuringScheduled:X,windowRect:yn}),[I,Y,J,N,Un,ne,ve,T,E,G,xt,W,Mt,ut,U,X,yn]),ki=k.useMemo(()=>({activatorEvent:N,activators:ii,active:I,activeNodeRect:J,ariaDescribedById:{draggable:L},dispatch:y,draggableNodes:T,over:xt,measureDroppableContainers:W}),[N,ii,I,J,y,L,T,xt,W]);return Xe.createElement(u$.Provider,{value:g},Xe.createElement(Gh.Provider,{value:ki},Xe.createElement(P$.Provider,{value:da},Xe.createElement(p1.Provider,{value:ri},u)),Xe.createElement(D2e,{disabled:(a==null?void 0:a.restoreFocus)===!1})),Xe.createElement($_e,{...a,hiddenTextDescribedById:L}));function fa(){const Ct=(R==null?void 0:R.autoScrollEnabled)===!1,nt=typeof l=="object"?l.enabled===!1:l===!1,Sn=w&&!Ct&&!nt;return typeof l=="object"?{...l,enabled:Sn}:{enabled:Sn}}}),B2e=k.createContext(null),k8="button",j2e="Droppable";function V2e(e){let{id:t,data:n,disabled:r=!1,attributes:i}=e;const o=f1(j2e),{activators:s,activatorEvent:a,active:l,activeNodeRect:u,ariaDescribedById:c,draggableNodes:d,over:f}=k.useContext(Gh),{role:h=k8,roleDescription:p="draggable",tabIndex:m=0}=i??{},S=(l==null?void 0:l.id)===t,y=k.useContext(S?p1:B2e),[v,g]=my(),[b,_]=my(),w=P2e(s,t),x=Xf(n);io(()=>(d.set(t,{id:t,key:o,node:v,activatorNode:b,data:x}),()=>{const P=d.get(t);P&&P.key===o&&d.delete(t)}),[d,t]);const T=k.useMemo(()=>({role:h,tabIndex:m,"aria-disabled":r,"aria-pressed":S&&h===k8?!0:void 0,"aria-roledescription":p,"aria-describedby":c.draggable}),[r,h,m,S,p,c.draggable]);return{active:l,activatorEvent:a,activeNodeRect:u,attributes:T,isDragging:S,listeners:r?void 0:w,node:v,over:f,setNodeRef:g,setActivatorNodeRef:_,transform:y}}function z2e(){return k.useContext(P$)}const U2e="Droppable",G2e={timeout:25};function H2e(e){let{data:t,disabled:n=!1,id:r,resizeObserverConfig:i}=e;const o=f1(U2e),{active:s,dispatch:a,over:l,measureDroppableContainers:u}=k.useContext(Gh),c=k.useRef({disabled:n}),d=k.useRef(!1),f=k.useRef(null),h=k.useRef(null),{disabled:p,updateMeasurementsFor:m,timeout:S}={...G2e,...i},y=Xf(m??r),v=k.useCallback(()=>{if(!d.current){d.current=!0;return}h.current!=null&&clearTimeout(h.current),h.current=setTimeout(()=>{u(Array.isArray(y.current)?y.current:[y.current]),h.current=null},S)},[S]),g=h1({callback:v,disabled:p||!s}),b=k.useCallback((T,P)=>{g&&(P&&(g.unobserve(P),d.current=!1),T&&g.observe(T))},[g]),[_,w]=my(b),x=Xf(t);return k.useEffect(()=>{!g||!_.current||(g.disconnect(),d.current=!1,g.observe(_.current))},[_,g]),io(()=>(a({type:tn.RegisterDroppable,element:{id:r,key:o,disabled:n,node:_,rect:f,data:x}}),()=>a({type:tn.UnregisterDroppable,key:o,id:r})),[r]),k.useEffect(()=>{n!==c.current.disabled&&(a({type:tn.SetDroppableDisabled,id:r,key:o,disabled:n}),c.current.disabled=n)},[r,o,n,a]),{active:s,rect:f,isOver:(l==null?void 0:l.id)===r,node:_,over:l,setNodeRef:w}}function q2e(e){let{animation:t,children:n}=e;const[r,i]=k.useState(null),[o,s]=k.useState(null),a=yy(n);return!n&&!r&&a&&i(a),io(()=>{if(!o)return;const l=r==null?void 0:r.key,u=r==null?void 0:r.props.id;if(l==null||u==null){i(null);return}Promise.resolve(t(u,o)).then(()=>{i(null)})},[t,r,o]),Xe.createElement(Xe.Fragment,null,n,r?k.cloneElement(r,{ref:s}):null)}const W2e={x:0,y:0,scaleX:1,scaleY:1};function K2e(e){let{children:t}=e;return Xe.createElement(Gh.Provider,{value:E$},Xe.createElement(p1.Provider,{value:W2e},t))}const X2e={position:"fixed",touchAction:"none"},Y2e=e=>_3(e)?"transform 250ms ease":void 0,Q2e=k.forwardRef((e,t)=>{let{as:n,activatorEvent:r,adjustScale:i,children:o,className:s,rect:a,style:l,transform:u,transition:c=Y2e}=e;if(!a)return null;const d=i?u:{...u,scaleX:1,scaleY:1},f={...X2e,width:a.width,height:a.height,top:a.top,left:a.left,transform:Qf.Transform.toString(d),transformOrigin:i&&r?j_e(r,a):void 0,transition:typeof c=="function"?c(r):c,...l};return Xe.createElement(n,{className:s,style:f,ref:t},o)}),Z2e=e=>t=>{let{active:n,dragOverlay:r}=t;const i={},{styles:o,className:s}=e;if(o!=null&&o.active)for(const[a,l]of Object.entries(o.active))l!==void 0&&(i[a]=n.node.style.getPropertyValue(a),n.node.style.setProperty(a,l));if(o!=null&&o.dragOverlay)for(const[a,l]of Object.entries(o.dragOverlay))l!==void 0&&r.node.style.setProperty(a,l);return s!=null&&s.active&&n.node.classList.add(s.active),s!=null&&s.dragOverlay&&r.node.classList.add(s.dragOverlay),function(){for(const[l,u]of Object.entries(i))n.node.style.setProperty(l,u);s!=null&&s.active&&n.node.classList.remove(s.active)}},J2e=e=>{let{transform:{initial:t,final:n}}=e;return[{transform:Qf.Transform.toString(t)},{transform:Qf.Transform.toString(n)}]},ewe={duration:250,easing:"ease",keyframes:J2e,sideEffects:Z2e({styles:{active:{opacity:"0"}}})};function twe(e){let{config:t,draggableNodes:n,droppableContainers:r,measuringConfiguration:i}=e;return d1((o,s)=>{if(t===null)return;const a=n.get(o);if(!a)return;const l=a.node.current;if(!l)return;const u=T$(s);if(!u)return;const{transform:c}=or(s).getComputedStyle(s),d=d$(c);if(!d)return;const f=typeof t=="function"?t:nwe(t);return v$(l,i.draggable.measure),f({active:{id:o,data:a.data,node:l,rect:i.draggable.measure(l)},draggableNodes:n,dragOverlay:{node:s,rect:i.dragOverlay.measure(u)},droppableContainers:r,measuringConfiguration:i,transform:d})})}function nwe(e){const{duration:t,easing:n,sideEffects:r,keyframes:i}={...ewe,...e};return o=>{let{active:s,dragOverlay:a,transform:l,...u}=o;if(!t)return;const c={x:a.rect.left-s.rect.left,y:a.rect.top-s.rect.top},d={scaleX:l.scaleX!==1?s.rect.width*l.scaleX/a.rect.width:1,scaleY:l.scaleY!==1?s.rect.height*l.scaleY/a.rect.height:1},f={x:l.x-c.x,y:l.y-c.y,...d},h=i({...u,active:s,dragOverlay:a,transform:{initial:l,final:f}}),[p]=h,m=h[h.length-1];if(JSON.stringify(p)===JSON.stringify(m))return;const S=r==null?void 0:r({active:s,dragOverlay:a,...u}),y=a.node.animate(h,{duration:t,easing:n,fill:"forwards"});return new Promise(v=>{y.onfinish=()=>{S==null||S(),v()}})}}let R8=0;function rwe(e){return k.useMemo(()=>{if(e!=null)return R8++,R8},[e])}const iwe=Xe.memo(e=>{let{adjustScale:t=!1,children:n,dropAnimation:r,style:i,transition:o,modifiers:s,wrapperElement:a="div",className:l,zIndex:u=999}=e;const{activatorEvent:c,active:d,activeNodeRect:f,containerNodeRect:h,draggableNodes:p,droppableContainers:m,dragOverlay:S,over:y,measuringConfiguration:v,scrollableAncestors:g,scrollableAncestorRects:b,windowRect:_}=z2e(),w=k.useContext(p1),x=rwe(d==null?void 0:d.id),T=A$(s,{activatorEvent:c,active:d,activeNodeRect:f,containerNodeRect:h,draggingNodeRect:S.rect,over:y,overlayNodeRect:S.rect,scrollableAncestors:g,scrollableAncestorRects:b,transform:w,windowRect:_}),P=T3(f),E=twe({config:r,draggableNodes:p,droppableContainers:m,measuringConfiguration:v}),A=P?S.setRef:void 0;return Xe.createElement(K2e,null,Xe.createElement(q2e,{animation:E},d&&x?Xe.createElement(Q2e,{key:x,id:d.id,ref:A,as:a,activatorEvent:c,adjustScale:t,className:l,transition:o,rect:P,style:{zIndex:u,...i},transform:T},n):null))}),owe=e=>{let{activatorEvent:t,draggingNodeRect:n,transform:r}=e;if(n&&t){const i=Yf(t);if(!i)return r;const o=i.x-n.left,s=i.y-n.top;return{...r,x:r.x+o-n.width/2,y:r.y+s-n.height/2}}return r},k$=()=>uk(),G4e=tk,Yp=28,O8={w:Yp,h:Yp,maxW:Yp,maxH:Yp,shadow:"dark-lg",borderRadius:"lg",opacity:.3,bg:"base.800",color:"base.50",_dark:{borderColor:"base.200",bg:"base.900",color:"base.100"}},swe=e=>{if(!e.dragData)return null;if(e.dragData.payloadType==="IMAGE_DTO"){const{thumbnail_url:t,width:n,height:r}=e.dragData.payload.imageDTO;return K.jsx(d3,{sx:{position:"relative",width:"100%",height:"100%",display:"flex",alignItems:"center",justifyContent:"center",userSelect:"none",cursor:"none"},children:K.jsx(c3,{sx:{...O8},objectFit:"contain",src:t,width:n,height:r})})}return e.dragData.payloadType==="IMAGE_NAMES"?K.jsxs(f3,{sx:{cursor:"none",userSelect:"none",position:"relative",alignItems:"center",justifyContent:"center",flexDir:"column",...O8},children:[K.jsx(X2,{children:e.dragData.payload.image_names.length}),K.jsx(X2,{size:"sm",children:"Images"})]}):null},awe=k.memo(swe);function H4e(e){return H2e(e)}function q4e(e){return V2e(e)}const W4e=(e,t)=>{if(!e||!(t!=null&&t.data.current))return!1;const{actionType:n}=e,{payloadType:r}=t.data.current;if(e.id===t.data.current.id)return!1;switch(n){case"SET_CURRENT_IMAGE":return r==="IMAGE_DTO";case"SET_INITIAL_IMAGE":return r==="IMAGE_DTO";case"SET_CONTROLNET_IMAGE":return r==="IMAGE_DTO";case"SET_CANVAS_INITIAL_IMAGE":return r==="IMAGE_DTO";case"SET_NODES_IMAGE":return r==="IMAGE_DTO";case"SET_MULTI_NODES_IMAGE":return r==="IMAGE_DTO"||"IMAGE_NAMES";case"ADD_TO_BATCH":return r==="IMAGE_DTO"||"IMAGE_NAMES";case"MOVE_BOARD":{if(!(r==="IMAGE_DTO"||"IMAGE_NAMES"))return!1;if(r==="IMAGE_DTO"){const{imageDTO:o}=t.data.current.payload,s=o.board_id,a=e.context.boardId;return!(s===a)&&(s?!0:a)}return r!=="IMAGE_NAMES"}default:return!1}};function lwe(e){return K.jsx(F2e,{...e})}const uwe=e=>{const[t,n]=k.useState(null),r=k$(),i=k.useCallback(u=>{console.log("dragStart",u.active.data.current);const c=u.active.data.current;c&&n(c)},[]),o=k.useCallback(u=>{var d;console.log("dragEnd",u.active.data.current);const c=(d=u.over)==null?void 0:d.data.current;!t||!c||(r(rN({overData:c,activeData:t})),n(null))},[t,r]),s=S8(w$,{activationConstraint:{distance:10}}),a=S8(x$,{activationConstraint:{distance:10}}),l=F_e(s,a);return K.jsxs(lwe,{onDragStart:i,onDragEnd:o,sensors:l,collisionDetection:K_e,children:[e.children,K.jsx(iwe,{dropAnimation:null,modifiers:[owe],children:K.jsx(Zbe,{children:t&&K.jsx(Gbe.div,{layout:!0,initial:{opacity:0,scale:.7},animate:{opacity:1,scale:1,transition:{duration:.1}},children:K.jsx(awe,{dragData:t})},"overlay-drag-image")})})]})},cwe=k.memo(uwe),dwe=k.createContext({isOpen:!1,onClose:()=>{},onClickAddToBoard:()=>{},handleAddToBoard:()=>{}}),fwe=e=>{const[t,n]=k.useState(),{isOpen:r,onOpen:i,onClose:o}=sSe(),s=k$(),a=k.useCallback(()=>{n(void 0),o()},[o]),l=k.useCallback(c=>{c&&(n(c),i())},[n,i]),u=k.useCallback(c=>{t&&(s(he.endpoints.addImageToBoard.initiate({imageDTO:t,board_id:c})),a())},[s,a,t]);return K.jsx(dwe.Provider,{value:{isOpen:r,image:t,onClose:a,onClickAddToBoard:l,handleAddToBoard:u},children:e.children})},hwe=k.lazy(()=>q9(()=>import("./App-44cdaaf3.js"),["./App-44cdaaf3.js","./MantineProvider-b20a2267.js","./App-6125620a.css"],import.meta.url)),pwe=k.lazy(()=>q9(()=>import("./ThemeLocaleProvider-a4dc3f38.js"),["./ThemeLocaleProvider-a4dc3f38.js","./MantineProvider-b20a2267.js","./ThemeLocaleProvider-5b992bc7.css"],import.meta.url)),gwe=({apiUrl:e,token:t,config:n,headerComponent:r,middleware:i})=>(k.useEffect(()=>(t&&Cf.set(t),e&&Tf.set(e),GI(),i&&i.length>0?d2(v8(),...i):d2(v8()),()=>{Tf.set(void 0),Cf.set(void 0)}),[e,t,i]),K.jsx(Xe.StrictMode,{children:K.jsx(vV,{store:Qpe,children:K.jsx(Xe.Suspense,{fallback:K.jsx(cSe,{}),children:K.jsx(pwe,{children:K.jsx(cwe,{children:K.jsx(fwe,{children:K.jsx(hwe,{config:n,headerComponent:r})})})})})})})),mwe=k.memo(gwe);TS.createRoot(document.getElementById("root")).render(K.jsx(mwe,{}));export{pD as $,K as A,ti as B,jt as C,Nu as D,Vn as E,fi as F,nre as G,br as H,Ms as I,$i as J,Y3e as K,xM as L,yre as M,Wre as N,fte as O,ore as P,ic as Q,Vge as R,df as S,Tl as T,al as U,aD as V,k4e as W,E4e as X,Zbe as Y,Gbe as Z,B4e as _,eR as a,G_ as a$,BL as a0,vD as a1,P4e as a2,A4e as a3,jge as a4,Bge as a5,R4e as a6,Da as a7,ll as a8,im as a9,f3 as aA,X2 as aB,_4e as aC,zN as aD,d3e as aE,Q4 as aF,_Ce as aG,zi as aH,jC as aI,iF as aJ,Swe as aK,vwe as aL,bwe as aM,Ee as aN,Pa as aO,$3e as aP,ZI as aQ,D3e as aR,L3e as aS,I3e as aT,k3e as aU,jpe as aV,H4e as aW,W4e as aX,M3e as aY,G3e as aZ,s3e as a_,NV as aa,Xe as ab,n8 as ac,mye as ad,F4e as ae,Mo as af,oD as ag,F1e as ah,I4e as ai,M2 as aj,T4e as ak,$4e as al,Jn as am,yC as an,_0 as ao,G4e as ap,Z3e as aq,Th as ar,iI as as,RI as at,J0 as au,k$ as av,A5e as aw,Ft as ax,Ha as ay,d3 as az,Ex as b,Kle as b$,N3e as b0,c3 as b1,lSe as b2,Oxe as b3,Ss as b4,V5e as b5,hp as b6,Ege as b7,BC as b8,eD as b9,Wwe as bA,Bwe as bB,Xwe as bC,oue as bD,xE as bE,v5e as bF,b5e as bG,S5e as bH,jwe as bI,_5e as bJ,Vwe as bK,w5e as bL,ue as bM,dwe as bN,a3e as bO,vJ as bP,h3e as bQ,BO as bR,uCe as bS,IO as bT,H_ as bU,q4e as bV,C4e as bW,U3e as bX,u3e as bY,c3e as bZ,Os as b_,Age as ba,F3 as bb,V3e as bc,j3e as bd,ywe as be,Twe as bf,Ewe as bg,Pwe as bh,Awe as bi,Zwe as bj,Jwe as bk,p5e as bl,g5e as bm,Iwe as bn,oxe as bo,Rwe as bp,Hwe as bq,Lwe as br,sue as bs,Owe as bt,exe as bu,kwe as bv,cxe as bw,Nwe as bx,qwe as by,Dwe as bz,RU as c,Ywe as c$,i3e as c0,o3e as c1,n3e as c2,sSe as c3,km as c4,S4e as c5,W5e as c6,kxe as c7,Ele as c8,C5e as c9,P5e as cA,AO as cB,A3e as cC,T3e as cD,E3e as cE,P3e as cF,_xe as cG,dxe as cH,yxe as cI,Qwe as cJ,k5e as cK,hl as cL,O5e as cM,xo as cN,pce as cO,Za as cP,zwe as cQ,Ph as cR,J5e as cS,_we as cT,m5e as cU,X5e as cV,m4e as cW,fe as cX,xf as cY,u4e as cZ,nae as c_,H3e as ca,N7 as cb,nN as cc,U5e as cd,r3e as ce,p3e as cf,P7 as cg,FO as ch,Mwe as ci,Lxe as cj,zn as ck,N5e as cl,G5e as cm,z5e as cn,ile as co,I5e as cp,$5e as cq,F5e as cr,TQ as cs,Tae as ct,Eae as cu,Pxe as cv,Dxe as cw,L5e as cx,AQ as cy,Q3e as cz,vX as d,l4e as d$,Y5e as d0,bQ as d1,e4e as d2,kO as d3,wxe as d4,EQ as d5,Ui as d6,Kwe as d7,axe as d8,Cwe as d9,_T as dA,_3e as dB,w3e as dC,x3e as dD,uJ as dE,C3e as dF,E7 as dG,y3e as dH,b3e as dI,g3e as dJ,Ppe as dK,m3e as dL,vxe as dM,bxe as dN,gxe as dO,mxe as dP,pxe as dQ,d4e as dR,i4e as dS,j5e as dT,r4e as dU,g4e as dV,c4e as dW,B5e as dX,s4e as dY,o4e as dZ,t4e as d_,uY as da,uxe as db,y5e as dc,xxe as dd,h5e as de,Sce as df,Txe as dg,he as dh,Kn as di,K5e as dj,W3e as dk,K3e as dl,L7 as dm,Z5e as dn,q3e as dp,gO as dq,Sxe as dr,lY as ds,Fwe as dt,Q5e as du,ST as dv,S3e as dw,qx as dx,lJ as dy,Yl as dz,eO as e,Wxe as e$,xwe as e0,n4e as e1,a4e as e2,wwe as e3,qM as e4,$x as e5,f4e as e6,Bm as e7,pe as e8,h4e as e9,Pe as eA,ACe as eB,WCe as eC,qCe as eD,aCe as eE,$Ce as eF,XCe as eG,Nle as eH,Jxe as eI,xCe as eJ,nd as eK,bCe as eL,eCe as eM,nv as eN,wCe as eO,Yxe as eP,SCe as eQ,Qxe as eR,rCe as eS,jxe as eT,Bxe as eU,Fxe as eV,KCe as eW,DO as eX,Cf as eY,Hxe as eZ,qxe as e_,c2 as ea,$we as eb,p4e as ec,tk as ed,uk as ee,f5e as ef,o5e as eg,s5e as eh,a5e as ei,II as ej,c5e as ek,d5e as el,Df as em,w0 as en,t5e as eo,zpe as ep,J3e as eq,e5e as er,r5e as es,n5e as et,i5e as eu,u5e as ev,Gie as ew,nI as ex,aN as ey,EF as ez,lR as f,x4e as f$,HCe as f0,oCe as f1,iCe as f2,HQ as f3,GCe as f4,Ile as f5,tCe as f6,xpe as f7,Epe as f8,dCe as f9,Kxe as fA,ZCe as fB,lCe as fC,Mle as fD,kle as fE,Rle as fF,Ole as fG,Uxe as fH,Cxe as fI,CQ as fJ,fxe as fK,Gxe as fL,pCe as fM,JCe as fN,txe as fO,nxe as fP,rxe as fQ,ixe as fR,gCe as fS,b4e as fT,Rxe as fU,RO as fV,Ixe as fW,Mxe as fX,Nxe as fY,sY as fZ,Cle as f_,fCe as fa,kCe as fb,PCe as fc,CCe as fd,Vxe as fe,zxe as ff,H5e as fg,q5e as fh,vCe as fi,cCe as fj,RCe as fk,LCe as fl,OCe as fm,sCe as fn,Zxe as fo,UCe as fp,zCe as fq,NCe as fr,MCe as fs,ICe as ft,e3e as fu,jCe as fv,t3e as fw,yCe as fx,mCe as fy,Xxe as fz,dX as g,sD as g0,L4e as g1,N4e as g2,O4e as g3,D4e as g4,Wi as g5,M4e as g6,w4e as g7,pye as g8,rye as g9,j4e as ga,z4e as gb,U4e as gc,yR as h,vr as i,yc as j,b0 as k,gn as l,v0 as m,hh as n,Ci as o,na as p,m0 as q,oo as r,gh as s,gb as t,wx as u,sR as v,Rx as w,WR as x,uR as y,k as z}; diff --git a/invokeai/frontend/web/dist/assets/index-9bb68e3a.js b/invokeai/frontend/web/dist/assets/index-9bb68e3a.js deleted file mode 100644 index 41f75918bd8..00000000000 --- a/invokeai/frontend/web/dist/assets/index-9bb68e3a.js +++ /dev/null @@ -1,125 +0,0 @@ -function R8(e,t){for(var n=0;nr[i]})}}}return Object.freeze(Object.defineProperty(e,Symbol.toStringTag,{value:"Module"}))}(function(){const t=document.createElement("link").relList;if(t&&t.supports&&t.supports("modulepreload"))return;for(const i of document.querySelectorAll('link[rel="modulepreload"]'))r(i);new MutationObserver(i=>{for(const o of i)if(o.type==="childList")for(const s of o.addedNodes)s.tagName==="LINK"&&s.rel==="modulepreload"&&r(s)}).observe(document,{childList:!0,subtree:!0});function n(i){const o={};return i.integrity&&(o.integrity=i.integrity),i.referrerPolicy&&(o.referrerPolicy=i.referrerPolicy),i.crossOrigin==="use-credentials"?o.credentials="include":i.crossOrigin==="anonymous"?o.credentials="omit":o.credentials="same-origin",o}function r(i){if(i.ep)return;i.ep=!0;const o=n(i);fetch(i.href,o)}})();var Ee=typeof globalThis<"u"?globalThis:typeof window<"u"?window:typeof global<"u"?global:typeof self<"u"?self:{};function al(e){return e&&e.__esModule&&Object.prototype.hasOwnProperty.call(e,"default")?e.default:e}function nF(e){if(e.__esModule)return e;var t=e.default;if(typeof t=="function"){var n=function r(){if(this instanceof r){var i=[null];i.push.apply(i,arguments);var o=Function.bind.apply(t,i);return new o}return t.apply(this,arguments)};n.prototype=t.prototype}else n={};return Object.defineProperty(n,"__esModule",{value:!0}),Object.keys(e).forEach(function(r){var i=Object.getOwnPropertyDescriptor(e,r);Object.defineProperty(n,r,i.get?i:{enumerable:!0,get:function(){return e[r]}})}),n}var O8={exports:{}},Sy={},M8={exports:{}},Oe={};/** - * @license React - * react.production.min.js - * - * Copyright (c) Facebook, Inc. and its affiliates. - * - * This source code is licensed under the MIT license found in the - * LICENSE file in the root directory of this source tree. - */var Jf=Symbol.for("react.element"),rF=Symbol.for("react.portal"),iF=Symbol.for("react.fragment"),oF=Symbol.for("react.strict_mode"),sF=Symbol.for("react.profiler"),aF=Symbol.for("react.provider"),lF=Symbol.for("react.context"),uF=Symbol.for("react.forward_ref"),cF=Symbol.for("react.suspense"),dF=Symbol.for("react.memo"),fF=Symbol.for("react.lazy"),N3=Symbol.iterator;function hF(e){return e===null||typeof e!="object"?null:(e=N3&&e[N3]||e["@@iterator"],typeof e=="function"?e:null)}var I8={isMounted:function(){return!1},enqueueForceUpdate:function(){},enqueueReplaceState:function(){},enqueueSetState:function(){}},N8=Object.assign,D8={};function dc(e,t,n){this.props=e,this.context=t,this.refs=D8,this.updater=n||I8}dc.prototype.isReactComponent={};dc.prototype.setState=function(e,t){if(typeof e!="object"&&typeof e!="function"&&e!=null)throw Error("setState(...): takes an object of state variables to update or a function which returns an object of state variables.");this.updater.enqueueSetState(this,e,t,"setState")};dc.prototype.forceUpdate=function(e){this.updater.enqueueForceUpdate(this,e,"forceUpdate")};function L8(){}L8.prototype=dc.prototype;function lw(e,t,n){this.props=e,this.context=t,this.refs=D8,this.updater=n||I8}var uw=lw.prototype=new L8;uw.constructor=lw;N8(uw,dc.prototype);uw.isPureReactComponent=!0;var D3=Array.isArray,$8=Object.prototype.hasOwnProperty,cw={current:null},F8={key:!0,ref:!0,__self:!0,__source:!0};function B8(e,t,n){var r,i={},o=null,s=null;if(t!=null)for(r in t.ref!==void 0&&(s=t.ref),t.key!==void 0&&(o=""+t.key),t)$8.call(t,r)&&!F8.hasOwnProperty(r)&&(i[r]=t[r]);var a=arguments.length-2;if(a===1)i.children=n;else if(1>>1,U=O[j];if(0>>1;ji(X,L))Yi(B,X)?(O[j]=B,O[Y]=L,j=Y):(O[j]=X,O[W]=L,j=W);else if(Yi(B,L))O[j]=B,O[Y]=L,j=Y;else break e}}return D}function i(O,D){var L=O.sortIndex-D.sortIndex;return L!==0?L:O.id-D.id}if(typeof performance=="object"&&typeof performance.now=="function"){var o=performance;e.unstable_now=function(){return o.now()}}else{var s=Date,a=s.now();e.unstable_now=function(){return s.now()-a}}var l=[],u=[],c=1,d=null,f=3,h=!1,p=!1,m=!1,S=typeof setTimeout=="function"?setTimeout:null,v=typeof clearTimeout=="function"?clearTimeout:null,y=typeof setImmediate<"u"?setImmediate:null;typeof navigator<"u"&&navigator.scheduling!==void 0&&navigator.scheduling.isInputPending!==void 0&&navigator.scheduling.isInputPending.bind(navigator.scheduling);function g(O){for(var D=n(u);D!==null;){if(D.callback===null)r(u);else if(D.startTime<=O)r(u),D.sortIndex=D.expirationTime,t(l,D);else break;D=n(u)}}function b(O){if(m=!1,g(O),!p)if(n(l)!==null)p=!0,M(_);else{var D=n(u);D!==null&&N(b,D.startTime-O)}}function _(O,D){p=!1,m&&(m=!1,v(T),T=-1),h=!0;var L=f;try{for(g(D),d=n(l);d!==null&&(!(d.expirationTime>D)||O&&!A());){var j=d.callback;if(typeof j=="function"){d.callback=null,f=d.priorityLevel;var U=j(d.expirationTime<=D);D=e.unstable_now(),typeof U=="function"?d.callback=U:d===n(l)&&r(l),g(D)}else r(l);d=n(l)}if(d!==null)var G=!0;else{var W=n(u);W!==null&&N(b,W.startTime-D),G=!1}return G}finally{d=null,f=L,h=!1}}var w=!1,x=null,T=-1,P=5,E=-1;function A(){return!(e.unstable_now()-EO||125j?(O.sortIndex=L,t(u,O),n(l)===null&&O===n(u)&&(m?(v(T),T=-1):m=!0,N(b,L-j))):(O.sortIndex=U,t(l,O),p||h||(p=!0,M(_))),O},e.unstable_shouldYield=A,e.unstable_wrapCallback=function(O){var D=f;return function(){var L=f;f=D;try{return O.apply(this,arguments)}finally{f=L}}}})(U8);z8.exports=U8;var CF=z8.exports;/** - * @license React - * react-dom.production.min.js - * - * Copyright (c) Facebook, Inc. and its affiliates. - * - * This source code is licensed under the MIT license found in the - * LICENSE file in the root directory of this source tree. - */var G8=k,kr=CF;function Z(e){for(var t="https://reactjs.org/docs/error-decoder.html?invariant="+e,n=1;n"u"||typeof window.document>"u"||typeof window.document.createElement>"u"),CS=Object.prototype.hasOwnProperty,TF=/^[:A-Z_a-z\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u02FF\u0370-\u037D\u037F-\u1FFF\u200C-\u200D\u2070-\u218F\u2C00-\u2FEF\u3001-\uD7FF\uF900-\uFDCF\uFDF0-\uFFFD][:A-Z_a-z\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u02FF\u0370-\u037D\u037F-\u1FFF\u200C-\u200D\u2070-\u218F\u2C00-\u2FEF\u3001-\uD7FF\uF900-\uFDCF\uFDF0-\uFFFD\-.0-9\u00B7\u0300-\u036F\u203F-\u2040]*$/,F3={},B3={};function EF(e){return CS.call(B3,e)?!0:CS.call(F3,e)?!1:TF.test(e)?B3[e]=!0:(F3[e]=!0,!1)}function PF(e,t,n,r){if(n!==null&&n.type===0)return!1;switch(typeof t){case"function":case"symbol":return!0;case"boolean":return r?!1:n!==null?!n.acceptsBooleans:(e=e.toLowerCase().slice(0,5),e!=="data-"&&e!=="aria-");default:return!1}}function AF(e,t,n,r){if(t===null||typeof t>"u"||PF(e,t,n,r))return!0;if(r)return!1;if(n!==null)switch(n.type){case 3:return!t;case 4:return t===!1;case 5:return isNaN(t);case 6:return isNaN(t)||1>t}return!1}function rr(e,t,n,r,i,o,s){this.acceptsBooleans=t===2||t===3||t===4,this.attributeName=r,this.attributeNamespace=i,this.mustUseProperty=n,this.propertyName=e,this.type=t,this.sanitizeURL=o,this.removeEmptyString=s}var kn={};"children dangerouslySetInnerHTML defaultValue defaultChecked innerHTML suppressContentEditableWarning suppressHydrationWarning style".split(" ").forEach(function(e){kn[e]=new rr(e,0,!1,e,null,!1,!1)});[["acceptCharset","accept-charset"],["className","class"],["htmlFor","for"],["httpEquiv","http-equiv"]].forEach(function(e){var t=e[0];kn[t]=new rr(t,1,!1,e[1],null,!1,!1)});["contentEditable","draggable","spellCheck","value"].forEach(function(e){kn[e]=new rr(e,2,!1,e.toLowerCase(),null,!1,!1)});["autoReverse","externalResourcesRequired","focusable","preserveAlpha"].forEach(function(e){kn[e]=new rr(e,2,!1,e,null,!1,!1)});"allowFullScreen async autoFocus autoPlay controls default defer disabled disablePictureInPicture disableRemotePlayback formNoValidate hidden loop noModule noValidate open playsInline readOnly required reversed scoped seamless itemScope".split(" ").forEach(function(e){kn[e]=new rr(e,3,!1,e.toLowerCase(),null,!1,!1)});["checked","multiple","muted","selected"].forEach(function(e){kn[e]=new rr(e,3,!0,e,null,!1,!1)});["capture","download"].forEach(function(e){kn[e]=new rr(e,4,!1,e,null,!1,!1)});["cols","rows","size","span"].forEach(function(e){kn[e]=new rr(e,6,!1,e,null,!1,!1)});["rowSpan","start"].forEach(function(e){kn[e]=new rr(e,5,!1,e.toLowerCase(),null,!1,!1)});var fw=/[\-:]([a-z])/g;function hw(e){return e[1].toUpperCase()}"accent-height alignment-baseline arabic-form baseline-shift cap-height clip-path clip-rule color-interpolation color-interpolation-filters color-profile color-rendering dominant-baseline enable-background fill-opacity fill-rule flood-color flood-opacity font-family font-size font-size-adjust font-stretch font-style font-variant font-weight glyph-name glyph-orientation-horizontal glyph-orientation-vertical horiz-adv-x horiz-origin-x image-rendering letter-spacing lighting-color marker-end marker-mid marker-start overline-position overline-thickness paint-order panose-1 pointer-events rendering-intent shape-rendering stop-color stop-opacity strikethrough-position strikethrough-thickness stroke-dasharray stroke-dashoffset stroke-linecap stroke-linejoin stroke-miterlimit stroke-opacity stroke-width text-anchor text-decoration text-rendering underline-position underline-thickness unicode-bidi unicode-range units-per-em v-alphabetic v-hanging v-ideographic v-mathematical vector-effect vert-adv-y vert-origin-x vert-origin-y word-spacing writing-mode xmlns:xlink x-height".split(" ").forEach(function(e){var t=e.replace(fw,hw);kn[t]=new rr(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(fw,hw);kn[t]=new rr(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(fw,hw);kn[t]=new rr(t,1,!1,e,"http://www.w3.org/XML/1998/namespace",!1,!1)});["tabIndex","crossOrigin"].forEach(function(e){kn[e]=new rr(e,1,!1,e.toLowerCase(),null,!1,!1)});kn.xlinkHref=new rr("xlinkHref",1,!1,"xlink:href","http://www.w3.org/1999/xlink",!0,!1);["src","href","action","formAction"].forEach(function(e){kn[e]=new rr(e,1,!1,e.toLowerCase(),null,!0,!0)});function pw(e,t,n,r){var i=kn.hasOwnProperty(t)?kn[t]:null;(i!==null?i.type!==0:r||!(2a||i[s]!==o[a]){var l=` -`+i[s].replace(" at new "," at ");return e.displayName&&l.includes("")&&(l=l.replace("",e.displayName)),l}while(1<=s&&0<=a);break}}}finally{D1=!1,Error.prepareStackTrace=n}return(e=e?e.displayName||e.name:"")?ad(e):""}function kF(e){switch(e.tag){case 5:return ad(e.type);case 16:return ad("Lazy");case 13:return ad("Suspense");case 19:return ad("SuspenseList");case 0:case 2:case 15:return e=L1(e.type,!1),e;case 11:return e=L1(e.type.render,!1),e;case 1:return e=L1(e.type,!0),e;default:return""}}function AS(e){if(e==null)return null;if(typeof e=="function")return e.displayName||e.name||null;if(typeof e=="string")return e;switch(e){case eu:return"Fragment";case Jl:return"Portal";case TS:return"Profiler";case gw:return"StrictMode";case ES:return"Suspense";case PS:return"SuspenseList"}if(typeof e=="object")switch(e.$$typeof){case W8:return(e.displayName||"Context")+".Consumer";case q8:return(e._context.displayName||"Context")+".Provider";case mw:var t=e.render;return e=e.displayName,e||(e=t.displayName||t.name||"",e=e!==""?"ForwardRef("+e+")":"ForwardRef"),e;case yw:return t=e.displayName||null,t!==null?t:AS(e.type)||"Memo";case ls:t=e._payload,e=e._init;try{return AS(e(t))}catch{}}return null}function RF(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=t.render,e=e.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 AS(t);case 8:return t===gw?"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(typeof t=="function")return t.displayName||t.name||null;if(typeof t=="string")return t}return null}function Ls(e){switch(typeof e){case"boolean":case"number":case"string":case"undefined":return e;case"object":return e;default:return""}}function X8(e){var t=e.type;return(e=e.nodeName)&&e.toLowerCase()==="input"&&(t==="checkbox"||t==="radio")}function OF(e){var t=X8(e)?"checked":"value",n=Object.getOwnPropertyDescriptor(e.constructor.prototype,t),r=""+e[t];if(!e.hasOwnProperty(t)&&typeof n<"u"&&typeof n.get=="function"&&typeof n.set=="function"){var i=n.get,o=n.set;return Object.defineProperty(e,t,{configurable:!0,get:function(){return i.call(this)},set:function(s){r=""+s,o.call(this,s)}}),Object.defineProperty(e,t,{enumerable:n.enumerable}),{getValue:function(){return r},setValue:function(s){r=""+s},stopTracking:function(){e._valueTracker=null,delete e[t]}}}}function Qh(e){e._valueTracker||(e._valueTracker=OF(e))}function Y8(e){if(!e)return!1;var t=e._valueTracker;if(!t)return!0;var n=t.getValue(),r="";return e&&(r=X8(e)?e.checked?"true":"false":e.value),e=r,e!==n?(t.setValue(e),!0):!1}function Ig(e){if(e=e||(typeof document<"u"?document:void 0),typeof e>"u")return null;try{return e.activeElement||e.body}catch{return e.body}}function kS(e,t){var n=t.checked;return Rt({},t,{defaultChecked:void 0,defaultValue:void 0,value:void 0,checked:n??e._wrapperState.initialChecked})}function V3(e,t){var n=t.defaultValue==null?"":t.defaultValue,r=t.checked!=null?t.checked:t.defaultChecked;n=Ls(t.value!=null?t.value:n),e._wrapperState={initialChecked:r,initialValue:n,controlled:t.type==="checkbox"||t.type==="radio"?t.checked!=null:t.value!=null}}function Q8(e,t){t=t.checked,t!=null&&pw(e,"checked",t,!1)}function RS(e,t){Q8(e,t);var n=Ls(t.value),r=t.type;if(n!=null)r==="number"?(n===0&&e.value===""||e.value!=n)&&(e.value=""+n):e.value!==""+n&&(e.value=""+n);else if(r==="submit"||r==="reset"){e.removeAttribute("value");return}t.hasOwnProperty("value")?OS(e,t.type,n):t.hasOwnProperty("defaultValue")&&OS(e,t.type,Ls(t.defaultValue)),t.checked==null&&t.defaultChecked!=null&&(e.defaultChecked=!!t.defaultChecked)}function z3(e,t,n){if(t.hasOwnProperty("value")||t.hasOwnProperty("defaultValue")){var r=t.type;if(!(r!=="submit"&&r!=="reset"||t.value!==void 0&&t.value!==null))return;t=""+e._wrapperState.initialValue,n||t===e.value||(e.value=t),e.defaultValue=t}n=e.name,n!==""&&(e.name=""),e.defaultChecked=!!e._wrapperState.initialChecked,n!==""&&(e.name=n)}function OS(e,t,n){(t!=="number"||Ig(e.ownerDocument)!==e)&&(n==null?e.defaultValue=""+e._wrapperState.initialValue:e.defaultValue!==""+n&&(e.defaultValue=""+n))}var ld=Array.isArray;function yu(e,t,n,r){if(e=e.options,t){t={};for(var i=0;i"+t.valueOf().toString()+"",t=Zh.firstChild;e.firstChild;)e.removeChild(e.firstChild);for(;t.firstChild;)e.appendChild(t.firstChild)}});function Bd(e,t){if(t){var n=e.firstChild;if(n&&n===e.lastChild&&n.nodeType===3){n.nodeValue=t;return}}e.textContent=t}var yd={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},MF=["Webkit","ms","Moz","O"];Object.keys(yd).forEach(function(e){MF.forEach(function(t){t=t+e.charAt(0).toUpperCase()+e.substring(1),yd[t]=yd[e]})});function tA(e,t,n){return t==null||typeof t=="boolean"||t===""?"":n||typeof t!="number"||t===0||yd.hasOwnProperty(e)&&yd[e]?(""+t).trim():t+"px"}function nA(e,t){e=e.style;for(var n in t)if(t.hasOwnProperty(n)){var r=n.indexOf("--")===0,i=tA(n,t[n],r);n==="float"&&(n="cssFloat"),r?e.setProperty(n,i):e[n]=i}}var IF=Rt({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 NS(e,t){if(t){if(IF[e]&&(t.children!=null||t.dangerouslySetInnerHTML!=null))throw Error(Z(137,e));if(t.dangerouslySetInnerHTML!=null){if(t.children!=null)throw Error(Z(60));if(typeof t.dangerouslySetInnerHTML!="object"||!("__html"in t.dangerouslySetInnerHTML))throw Error(Z(61))}if(t.style!=null&&typeof t.style!="object")throw Error(Z(62))}}function DS(e,t){if(e.indexOf("-")===-1)return typeof t.is=="string";switch(e){case"annotation-xml":case"color-profile":case"font-face":case"font-face-src":case"font-face-uri":case"font-face-format":case"font-face-name":case"missing-glyph":return!1;default:return!0}}var LS=null;function vw(e){return e=e.target||e.srcElement||window,e.correspondingUseElement&&(e=e.correspondingUseElement),e.nodeType===3?e.parentNode:e}var $S=null,vu=null,bu=null;function H3(e){if(e=nh(e)){if(typeof $S!="function")throw Error(Z(280));var t=e.stateNode;t&&(t=Ty(t),$S(e.stateNode,e.type,t))}}function rA(e){vu?bu?bu.push(e):bu=[e]:vu=e}function iA(){if(vu){var e=vu,t=bu;if(bu=vu=null,H3(e),t)for(e=0;e>>=0,e===0?32:31-(GF(e)/HF|0)|0}var Jh=64,ep=4194304;function ud(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 e&4194240;case 4194304:case 8388608:case 16777216:case 33554432:case 67108864:return e&130023424;case 134217728:return 134217728;case 268435456:return 268435456;case 536870912:return 536870912;case 1073741824:return 1073741824;default:return e}}function $g(e,t){var n=e.pendingLanes;if(n===0)return 0;var r=0,i=e.suspendedLanes,o=e.pingedLanes,s=n&268435455;if(s!==0){var a=s&~i;a!==0?r=ud(a):(o&=s,o!==0&&(r=ud(o)))}else s=n&~i,s!==0?r=ud(s):o!==0&&(r=ud(o));if(r===0)return 0;if(t!==0&&t!==r&&!(t&i)&&(i=r&-r,o=t&-t,i>=o||i===16&&(o&4194240)!==0))return t;if(r&4&&(r|=n&16),t=e.entangledLanes,t!==0)for(e=e.entanglements,t&=r;0n;n++)t.push(e);return t}function eh(e,t,n){e.pendingLanes|=t,t!==536870912&&(e.suspendedLanes=0,e.pingedLanes=0),e=e.eventTimes,t=31-mi(t),e[t]=n}function XF(e,t){var n=e.pendingLanes&~t;e.pendingLanes=t,e.suspendedLanes=0,e.pingedLanes=0,e.expiredLanes&=t,e.mutableReadLanes&=t,e.entangledLanes&=t,t=e.entanglements;var r=e.eventTimes;for(e=e.expirationTimes;0=bd),e5=String.fromCharCode(32),t5=!1;function CA(e,t){switch(e){case"keyup":return xB.indexOf(t.keyCode)!==-1;case"keydown":return t.keyCode!==229;case"keypress":case"mousedown":case"focusout":return!0;default:return!1}}function TA(e){return e=e.detail,typeof e=="object"&&"data"in e?e.data:null}var tu=!1;function TB(e,t){switch(e){case"compositionend":return TA(t);case"keypress":return t.which!==32?null:(t5=!0,e5);case"textInput":return e=t.data,e===e5&&t5?null:e;default:return null}}function EB(e,t){if(tu)return e==="compositionend"||!Ew&&CA(e,t)?(e=wA(),eg=xw=vs=null,tu=!1,e):null;switch(e){case"paste":return null;case"keypress":if(!(t.ctrlKey||t.altKey||t.metaKey)||t.ctrlKey&&t.altKey){if(t.char&&1=t)return{node:n,offset:t-e};e=r}e:{for(;n;){if(n.nextSibling){n=n.nextSibling;break e}n=n.parentNode}n=void 0}n=o5(n)}}function kA(e,t){return e&&t?e===t?!0:e&&e.nodeType===3?!1:t&&t.nodeType===3?kA(e,t.parentNode):"contains"in e?e.contains(t):e.compareDocumentPosition?!!(e.compareDocumentPosition(t)&16):!1:!1}function RA(){for(var e=window,t=Ig();t instanceof e.HTMLIFrameElement;){try{var n=typeof t.contentWindow.location.href=="string"}catch{n=!1}if(n)e=t.contentWindow;else break;t=Ig(e.document)}return t}function Pw(e){var t=e&&e.nodeName&&e.nodeName.toLowerCase();return t&&(t==="input"&&(e.type==="text"||e.type==="search"||e.type==="tel"||e.type==="url"||e.type==="password")||t==="textarea"||e.contentEditable==="true")}function DB(e){var t=RA(),n=e.focusedElem,r=e.selectionRange;if(t!==n&&n&&n.ownerDocument&&kA(n.ownerDocument.documentElement,n)){if(r!==null&&Pw(n)){if(t=r.start,e=r.end,e===void 0&&(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,e.getSelection){e=e.getSelection();var i=n.textContent.length,o=Math.min(r.start,i);r=r.end===void 0?o:Math.min(r.end,i),!e.extend&&o>r&&(i=r,r=o,o=i),i=s5(n,o);var s=s5(n,r);i&&s&&(e.rangeCount!==1||e.anchorNode!==i.node||e.anchorOffset!==i.offset||e.focusNode!==s.node||e.focusOffset!==s.offset)&&(t=t.createRange(),t.setStart(i.node,i.offset),e.removeAllRanges(),o>r?(e.addRange(t),e.extend(s.node,s.offset)):(t.setEnd(s.node,s.offset),e.addRange(t)))}}for(t=[],e=n;e=e.parentNode;)e.nodeType===1&&t.push({element:e,left:e.scrollLeft,top:e.scrollTop});for(typeof n.focus=="function"&&n.focus(),n=0;n=document.documentMode,nu=null,US=null,_d=null,GS=!1;function a5(e,t,n){var r=n.window===n?n.document:n.nodeType===9?n:n.ownerDocument;GS||nu==null||nu!==Ig(r)||(r=nu,"selectionStart"in r&&Pw(r)?r={start:r.selectionStart,end:r.selectionEnd}:(r=(r.ownerDocument&&r.ownerDocument.defaultView||window).getSelection(),r={anchorNode:r.anchorNode,anchorOffset:r.anchorOffset,focusNode:r.focusNode,focusOffset:r.focusOffset}),_d&&Hd(_d,r)||(_d=r,r=jg(US,"onSelect"),0ou||(e.current=YS[ou],YS[ou]=null,ou--)}function lt(e,t){ou++,YS[ou]=e.current,e.current=t}var $s={},Bn=Qs($s),pr=Qs(!1),Ha=$s;function ju(e,t){var n=e.type.contextTypes;if(!n)return $s;var r=e.stateNode;if(r&&r.__reactInternalMemoizedUnmaskedChildContext===t)return r.__reactInternalMemoizedMaskedChildContext;var i={},o;for(o in n)i[o]=t[o];return r&&(e=e.stateNode,e.__reactInternalMemoizedUnmaskedChildContext=t,e.__reactInternalMemoizedMaskedChildContext=i),i}function gr(e){return e=e.childContextTypes,e!=null}function zg(){ht(pr),ht(Bn)}function p5(e,t,n){if(Bn.current!==$s)throw Error(Z(168));lt(Bn,t),lt(pr,n)}function BA(e,t,n){var r=e.stateNode;if(t=t.childContextTypes,typeof r.getChildContext!="function")return n;r=r.getChildContext();for(var i in r)if(!(i in t))throw Error(Z(108,RF(e)||"Unknown",i));return Rt({},n,r)}function Ug(e){return e=(e=e.stateNode)&&e.__reactInternalMemoizedMergedChildContext||$s,Ha=Bn.current,lt(Bn,e),lt(pr,pr.current),!0}function g5(e,t,n){var r=e.stateNode;if(!r)throw Error(Z(169));n?(e=BA(e,t,Ha),r.__reactInternalMemoizedMergedChildContext=e,ht(pr),ht(Bn),lt(Bn,e)):ht(pr),lt(pr,n)}var _o=null,Ey=!1,Y1=!1;function jA(e){_o===null?_o=[e]:_o.push(e)}function WB(e){Ey=!0,jA(e)}function Zs(){if(!Y1&&_o!==null){Y1=!0;var e=0,t=Ye;try{var n=_o;for(Ye=1;e>=s,i-=s,To=1<<32-mi(t)+i|n<T?(P=x,x=null):P=x.sibling;var E=f(v,x,g[T],b);if(E===null){x===null&&(x=P);break}e&&x&&E.alternate===null&&t(v,x),y=o(E,y,T),w===null?_=E:w.sibling=E,w=E,x=P}if(T===g.length)return n(v,x),St&&Sa(v,T),_;if(x===null){for(;TT?(P=x,x=null):P=x.sibling;var A=f(v,x,E.value,b);if(A===null){x===null&&(x=P);break}e&&x&&A.alternate===null&&t(v,x),y=o(A,y,T),w===null?_=A:w.sibling=A,w=A,x=P}if(E.done)return n(v,x),St&&Sa(v,T),_;if(x===null){for(;!E.done;T++,E=g.next())E=d(v,E.value,b),E!==null&&(y=o(E,y,T),w===null?_=E:w.sibling=E,w=E);return St&&Sa(v,T),_}for(x=r(v,x);!E.done;T++,E=g.next())E=h(x,v,T,E.value,b),E!==null&&(e&&E.alternate!==null&&x.delete(E.key===null?T:E.key),y=o(E,y,T),w===null?_=E:w.sibling=E,w=E);return e&&x.forEach(function($){return t(v,$)}),St&&Sa(v,T),_}function S(v,y,g,b){if(typeof g=="object"&&g!==null&&g.type===eu&&g.key===null&&(g=g.props.children),typeof g=="object"&&g!==null){switch(g.$$typeof){case Yh:e:{for(var _=g.key,w=y;w!==null;){if(w.key===_){if(_=g.type,_===eu){if(w.tag===7){n(v,w.sibling),y=i(w,g.props.children),y.return=v,v=y;break e}}else if(w.elementType===_||typeof _=="object"&&_!==null&&_.$$typeof===ls&&w5(_)===w.type){n(v,w.sibling),y=i(w,g.props),y.ref=$c(v,w,g),y.return=v,v=y;break e}n(v,w);break}else t(v,w);w=w.sibling}g.type===eu?(y=$a(g.props.children,v.mode,b,g.key),y.return=v,v=y):(b=lg(g.type,g.key,g.props,null,v.mode,b),b.ref=$c(v,y,g),b.return=v,v=b)}return s(v);case Jl:e:{for(w=g.key;y!==null;){if(y.key===w)if(y.tag===4&&y.stateNode.containerInfo===g.containerInfo&&y.stateNode.implementation===g.implementation){n(v,y.sibling),y=i(y,g.children||[]),y.return=v,v=y;break e}else{n(v,y);break}else t(v,y);y=y.sibling}y=ib(g,v.mode,b),y.return=v,v=y}return s(v);case ls:return w=g._init,S(v,y,w(g._payload),b)}if(ld(g))return p(v,y,g,b);if(Mc(g))return m(v,y,g,b);ap(v,g)}return typeof g=="string"&&g!==""||typeof g=="number"?(g=""+g,y!==null&&y.tag===6?(n(v,y.sibling),y=i(y,g),y.return=v,v=y):(n(v,y),y=rb(g,v.mode,b),y.return=v,v=y),s(v)):n(v,y)}return S}var zu=KA(!0),XA=KA(!1),rh={},Xi=Qs(rh),Xd=Qs(rh),Yd=Qs(rh);function Ra(e){if(e===rh)throw Error(Z(174));return e}function Lw(e,t){switch(lt(Yd,t),lt(Xd,e),lt(Xi,rh),e=t.nodeType,e){case 9:case 11:t=(t=t.documentElement)?t.namespaceURI:IS(null,"");break;default:e=e===8?t.parentNode:t,t=e.namespaceURI||null,e=e.tagName,t=IS(t,e)}ht(Xi),lt(Xi,t)}function Uu(){ht(Xi),ht(Xd),ht(Yd)}function YA(e){Ra(Yd.current);var t=Ra(Xi.current),n=IS(t,e.type);t!==n&&(lt(Xd,e),lt(Xi,n))}function $w(e){Xd.current===e&&(ht(Xi),ht(Xd))}var Et=Qs(0);function Xg(e){for(var t=e;t!==null;){if(t.tag===13){var n=t.memoizedState;if(n!==null&&(n=n.dehydrated,n===null||n.data==="$?"||n.data==="$!"))return t}else if(t.tag===19&&t.memoizedProps.revealOrder!==void 0){if(t.flags&128)return t}else if(t.child!==null){t.child.return=t,t=t.child;continue}if(t===e)break;for(;t.sibling===null;){if(t.return===null||t.return===e)return null;t=t.return}t.sibling.return=t.return,t=t.sibling}return null}var Q1=[];function Fw(){for(var e=0;en?n:4,e(!0);var r=Z1.transition;Z1.transition={};try{e(!1),t()}finally{Ye=n,Z1.transition=r}}function f9(){return Qr().memoizedState}function QB(e,t,n){var r=As(e);if(n={lane:r,action:n,hasEagerState:!1,eagerState:null,next:null},h9(e))p9(t,n);else if(n=GA(e,t,n,r),n!==null){var i=Zn();yi(n,e,r,i),g9(n,t,r)}}function ZB(e,t,n){var r=As(e),i={lane:r,action:n,hasEagerState:!1,eagerState:null,next:null};if(h9(e))p9(t,i);else{var o=e.alternate;if(e.lanes===0&&(o===null||o.lanes===0)&&(o=t.lastRenderedReducer,o!==null))try{var s=t.lastRenderedState,a=o(s,n);if(i.hasEagerState=!0,i.eagerState=a,wi(a,s)){var l=t.interleaved;l===null?(i.next=i,Nw(t)):(i.next=l.next,l.next=i),t.interleaved=i;return}}catch{}finally{}n=GA(e,t,i,r),n!==null&&(i=Zn(),yi(n,e,r,i),g9(n,t,r))}}function h9(e){var t=e.alternate;return e===kt||t!==null&&t===kt}function p9(e,t){wd=Yg=!0;var n=e.pending;n===null?t.next=t:(t.next=n.next,n.next=t),e.pending=t}function g9(e,t,n){if(n&4194240){var r=t.lanes;r&=e.pendingLanes,n|=r,t.lanes=n,Sw(e,n)}}var Qg={readContext:Yr,useCallback:In,useContext:In,useEffect:In,useImperativeHandle:In,useInsertionEffect:In,useLayoutEffect:In,useMemo:In,useReducer:In,useRef:In,useState:In,useDebugValue:In,useDeferredValue:In,useTransition:In,useMutableSource:In,useSyncExternalStore:In,useId:In,unstable_isNewReconciler:!1},JB={readContext:Yr,useCallback:function(e,t){return Di().memoizedState=[e,t===void 0?null:t],e},useContext:Yr,useEffect:C5,useImperativeHandle:function(e,t,n){return n=n!=null?n.concat([e]):null,ig(4194308,4,a9.bind(null,t,e),n)},useLayoutEffect:function(e,t){return ig(4194308,4,e,t)},useInsertionEffect:function(e,t){return ig(4,2,e,t)},useMemo:function(e,t){var n=Di();return t=t===void 0?null:t,e=e(),n.memoizedState=[e,t],e},useReducer:function(e,t,n){var r=Di();return t=n!==void 0?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=QB.bind(null,kt,e),[r.memoizedState,e]},useRef:function(e){var t=Di();return e={current:e},t.memoizedState=e},useState:x5,useDebugValue:Uw,useDeferredValue:function(e){return Di().memoizedState=e},useTransition:function(){var e=x5(!1),t=e[0];return e=YB.bind(null,e[1]),Di().memoizedState=e,[t,e]},useMutableSource:function(){},useSyncExternalStore:function(e,t,n){var r=kt,i=Di();if(St){if(n===void 0)throw Error(Z(407));n=n()}else{if(n=t(),gn===null)throw Error(Z(349));Wa&30||JA(r,t,n)}i.memoizedState=n;var o={value:n,getSnapshot:t};return i.queue=o,C5(t9.bind(null,r,o,e),[e]),r.flags|=2048,Jd(9,e9.bind(null,r,o,n,t),void 0,null),n},useId:function(){var e=Di(),t=gn.identifierPrefix;if(St){var n=Eo,r=To;n=(r&~(1<<32-mi(r)-1)).toString(32)+n,t=":"+t+"R"+n,n=Qd++,0<\/script>",e=e.removeChild(e.firstChild)):typeof r.is=="string"?e=s.createElement(n,{is:r.is}):(e=s.createElement(n),n==="select"&&(s=e,r.multiple?s.multiple=!0:r.size&&(s.size=r.size))):e=s.createElementNS(e,n),e[Vi]=t,e[Kd]=r,C9(e,t,!1,!1),t.stateNode=e;e:{switch(s=DS(n,r),n){case"dialog":ct("cancel",e),ct("close",e),i=r;break;case"iframe":case"object":case"embed":ct("load",e),i=r;break;case"video":case"audio":for(i=0;iHu&&(t.flags|=128,r=!0,Fc(o,!1),t.lanes=4194304)}else{if(!r)if(e=Xg(s),e!==null){if(t.flags|=128,r=!0,n=e.updateQueue,n!==null&&(t.updateQueue=n,t.flags|=4),Fc(o,!0),o.tail===null&&o.tailMode==="hidden"&&!s.alternate&&!St)return Nn(t),null}else 2*jt()-o.renderingStartTime>Hu&&n!==1073741824&&(t.flags|=128,r=!0,Fc(o,!1),t.lanes=4194304);o.isBackwards?(s.sibling=t.child,t.child=s):(n=o.last,n!==null?n.sibling=s:t.child=s,o.last=s)}return o.tail!==null?(t=o.tail,o.rendering=t,o.tail=t.sibling,o.renderingStartTime=jt(),t.sibling=null,n=Et.current,lt(Et,r?n&1|2:n&1),t):(Nn(t),null);case 22:case 23:return Xw(),r=t.memoizedState!==null,e!==null&&e.memoizedState!==null!==r&&(t.flags|=8192),r&&t.mode&1?Cr&1073741824&&(Nn(t),t.subtreeFlags&6&&(t.flags|=8192)):Nn(t),null;case 24:return null;case 25:return null}throw Error(Z(156,t.tag))}function aj(e,t){switch(kw(t),t.tag){case 1:return gr(t.type)&&zg(),e=t.flags,e&65536?(t.flags=e&-65537|128,t):null;case 3:return Uu(),ht(pr),ht(Bn),Fw(),e=t.flags,e&65536&&!(e&128)?(t.flags=e&-65537|128,t):null;case 5:return $w(t),null;case 13:if(ht(Et),e=t.memoizedState,e!==null&&e.dehydrated!==null){if(t.alternate===null)throw Error(Z(340));Vu()}return e=t.flags,e&65536?(t.flags=e&-65537|128,t):null;case 19:return ht(Et),null;case 4:return Uu(),null;case 10:return Iw(t.type._context),null;case 22:case 23:return Xw(),null;case 24:return null;default:return null}}var up=!1,Fn=!1,lj=typeof WeakSet=="function"?WeakSet:Set,ae=null;function uu(e,t){var n=e.ref;if(n!==null)if(typeof n=="function")try{n(null)}catch(r){Nt(e,t,r)}else n.current=null}function l_(e,t,n){try{n()}catch(r){Nt(e,t,r)}}var I5=!1;function uj(e,t){if(HS=Fg,e=RA(),Pw(e)){if("selectionStart"in e)var n={start:e.selectionStart,end:e.selectionEnd};else e:{n=(n=e.ownerDocument)&&n.defaultView||window;var r=n.getSelection&&n.getSelection();if(r&&r.rangeCount!==0){n=r.anchorNode;var i=r.anchorOffset,o=r.focusNode;r=r.focusOffset;try{n.nodeType,o.nodeType}catch{n=null;break e}var s=0,a=-1,l=-1,u=0,c=0,d=e,f=null;t:for(;;){for(var h;d!==n||i!==0&&d.nodeType!==3||(a=s+i),d!==o||r!==0&&d.nodeType!==3||(l=s+r),d.nodeType===3&&(s+=d.nodeValue.length),(h=d.firstChild)!==null;)f=d,d=h;for(;;){if(d===e)break t;if(f===n&&++u===i&&(a=s),f===o&&++c===r&&(l=s),(h=d.nextSibling)!==null)break;d=f,f=d.parentNode}d=h}n=a===-1||l===-1?null:{start:a,end:l}}else n=null}n=n||{start:0,end:0}}else n=null;for(qS={focusedElem:e,selectionRange:n},Fg=!1,ae=t;ae!==null;)if(t=ae,e=t.child,(t.subtreeFlags&1028)!==0&&e!==null)e.return=t,ae=e;else for(;ae!==null;){t=ae;try{var p=t.alternate;if(t.flags&1024)switch(t.tag){case 0:case 11:case 15:break;case 1:if(p!==null){var m=p.memoizedProps,S=p.memoizedState,v=t.stateNode,y=v.getSnapshotBeforeUpdate(t.elementType===t.type?m:ai(t.type,m),S);v.__reactInternalSnapshotBeforeUpdate=y}break;case 3:var g=t.stateNode.containerInfo;g.nodeType===1?g.textContent="":g.nodeType===9&&g.documentElement&&g.removeChild(g.documentElement);break;case 5:case 6:case 4:case 17:break;default:throw Error(Z(163))}}catch(b){Nt(t,t.return,b)}if(e=t.sibling,e!==null){e.return=t.return,ae=e;break}ae=t.return}return p=I5,I5=!1,p}function xd(e,t,n){var r=t.updateQueue;if(r=r!==null?r.lastEffect:null,r!==null){var i=r=r.next;do{if((i.tag&e)===e){var o=i.destroy;i.destroy=void 0,o!==void 0&&l_(t,n,o)}i=i.next}while(i!==r)}}function ky(e,t){if(t=t.updateQueue,t=t!==null?t.lastEffect:null,t!==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 u_(e){var t=e.ref;if(t!==null){var n=e.stateNode;switch(e.tag){case 5:e=n;break;default:e=n}typeof t=="function"?t(e):t.current=e}}function P9(e){var t=e.alternate;t!==null&&(e.alternate=null,P9(t)),e.child=null,e.deletions=null,e.sibling=null,e.tag===5&&(t=e.stateNode,t!==null&&(delete t[Vi],delete t[Kd],delete t[XS],delete t[HB],delete t[qB])),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 A9(e){return e.tag===5||e.tag===3||e.tag===4}function N5(e){e:for(;;){for(;e.sibling===null;){if(e.return===null||A9(e.return))return null;e=e.return}for(e.sibling.return=e.return,e=e.sibling;e.tag!==5&&e.tag!==6&&e.tag!==18;){if(e.flags&2||e.child===null||e.tag===4)continue e;e.child.return=e,e=e.child}if(!(e.flags&2))return e.stateNode}}function c_(e,t,n){var r=e.tag;if(r===5||r===6)e=e.stateNode,t?n.nodeType===8?n.parentNode.insertBefore(e,t):n.insertBefore(e,t):(n.nodeType===8?(t=n.parentNode,t.insertBefore(e,n)):(t=n,t.appendChild(e)),n=n._reactRootContainer,n!=null||t.onclick!==null||(t.onclick=Vg));else if(r!==4&&(e=e.child,e!==null))for(c_(e,t,n),e=e.sibling;e!==null;)c_(e,t,n),e=e.sibling}function d_(e,t,n){var r=e.tag;if(r===5||r===6)e=e.stateNode,t?n.insertBefore(e,t):n.appendChild(e);else if(r!==4&&(e=e.child,e!==null))for(d_(e,t,n),e=e.sibling;e!==null;)d_(e,t,n),e=e.sibling}var Tn=null,li=!1;function ts(e,t,n){for(n=n.child;n!==null;)k9(e,t,n),n=n.sibling}function k9(e,t,n){if(Ki&&typeof Ki.onCommitFiberUnmount=="function")try{Ki.onCommitFiberUnmount(_y,n)}catch{}switch(n.tag){case 5:Fn||uu(n,t);case 6:var r=Tn,i=li;Tn=null,ts(e,t,n),Tn=r,li=i,Tn!==null&&(li?(e=Tn,n=n.stateNode,e.nodeType===8?e.parentNode.removeChild(n):e.removeChild(n)):Tn.removeChild(n.stateNode));break;case 18:Tn!==null&&(li?(e=Tn,n=n.stateNode,e.nodeType===8?X1(e.parentNode,n):e.nodeType===1&&X1(e,n),Ud(e)):X1(Tn,n.stateNode));break;case 4:r=Tn,i=li,Tn=n.stateNode.containerInfo,li=!0,ts(e,t,n),Tn=r,li=i;break;case 0:case 11:case 14:case 15:if(!Fn&&(r=n.updateQueue,r!==null&&(r=r.lastEffect,r!==null))){i=r=r.next;do{var o=i,s=o.destroy;o=o.tag,s!==void 0&&(o&2||o&4)&&l_(n,t,s),i=i.next}while(i!==r)}ts(e,t,n);break;case 1:if(!Fn&&(uu(n,t),r=n.stateNode,typeof r.componentWillUnmount=="function"))try{r.props=n.memoizedProps,r.state=n.memoizedState,r.componentWillUnmount()}catch(a){Nt(n,t,a)}ts(e,t,n);break;case 21:ts(e,t,n);break;case 22:n.mode&1?(Fn=(r=Fn)||n.memoizedState!==null,ts(e,t,n),Fn=r):ts(e,t,n);break;default:ts(e,t,n)}}function D5(e){var t=e.updateQueue;if(t!==null){e.updateQueue=null;var n=e.stateNode;n===null&&(n=e.stateNode=new lj),t.forEach(function(r){var i=vj.bind(null,e,r);n.has(r)||(n.add(r),r.then(i,i))})}}function oi(e,t){var n=t.deletions;if(n!==null)for(var r=0;ri&&(i=s),r&=~o}if(r=i,r=jt()-r,r=(120>r?120:480>r?480:1080>r?1080:1920>r?1920:3e3>r?3e3:4320>r?4320:1960*dj(r/1960))-r,10e?16:e,bs===null)var r=!1;else{if(e=bs,bs=null,em=0,Fe&6)throw Error(Z(331));var i=Fe;for(Fe|=4,ae=e.current;ae!==null;){var o=ae,s=o.child;if(ae.flags&16){var a=o.deletions;if(a!==null){for(var l=0;ljt()-Ww?La(e,0):qw|=n),mr(e,t)}function $9(e,t){t===0&&(e.mode&1?(t=ep,ep<<=1,!(ep&130023424)&&(ep=4194304)):t=1);var n=Zn();e=Fo(e,t),e!==null&&(eh(e,t,n),mr(e,n))}function yj(e){var t=e.memoizedState,n=0;t!==null&&(n=t.retryLane),$9(e,n)}function vj(e,t){var n=0;switch(e.tag){case 13:var r=e.stateNode,i=e.memoizedState;i!==null&&(n=i.retryLane);break;case 19:r=e.stateNode;break;default:throw Error(Z(314))}r!==null&&r.delete(t),$9(e,n)}var F9;F9=function(e,t,n){if(e!==null)if(e.memoizedProps!==t.pendingProps||pr.current)dr=!0;else{if(!(e.lanes&n)&&!(t.flags&128))return dr=!1,oj(e,t,n);dr=!!(e.flags&131072)}else dr=!1,St&&t.flags&1048576&&VA(t,Hg,t.index);switch(t.lanes=0,t.tag){case 2:var r=t.type;og(e,t),e=t.pendingProps;var i=ju(t,Bn.current);_u(t,n),i=jw(null,t,r,e,i,n);var o=Vw();return t.flags|=1,typeof i=="object"&&i!==null&&typeof i.render=="function"&&i.$$typeof===void 0?(t.tag=1,t.memoizedState=null,t.updateQueue=null,gr(r)?(o=!0,Ug(t)):o=!1,t.memoizedState=i.state!==null&&i.state!==void 0?i.state:null,Dw(t),i.updater=Py,t.stateNode=i,i._reactInternals=t,t_(t,r,e,n),t=i_(null,t,r,!0,o,n)):(t.tag=0,St&&o&&Aw(t),Yn(null,t,i,n),t=t.child),t;case 16:r=t.elementType;e:{switch(og(e,t),e=t.pendingProps,i=r._init,r=i(r._payload),t.type=r,i=t.tag=Sj(r),e=ai(r,e),i){case 0:t=r_(null,t,r,e,n);break e;case 1:t=R5(null,t,r,e,n);break e;case 11:t=A5(null,t,r,e,n);break e;case 14:t=k5(null,t,r,ai(r.type,e),n);break e}throw Error(Z(306,r,""))}return t;case 0:return r=t.type,i=t.pendingProps,i=t.elementType===r?i:ai(r,i),r_(e,t,r,i,n);case 1:return r=t.type,i=t.pendingProps,i=t.elementType===r?i:ai(r,i),R5(e,t,r,i,n);case 3:e:{if(_9(t),e===null)throw Error(Z(387));r=t.pendingProps,o=t.memoizedState,i=o.element,HA(e,t),Kg(t,r,null,n);var s=t.memoizedState;if(r=s.element,o.isDehydrated)if(o={element:r,isDehydrated:!1,cache:s.cache,pendingSuspenseBoundaries:s.pendingSuspenseBoundaries,transitions:s.transitions},t.updateQueue.baseState=o,t.memoizedState=o,t.flags&256){i=Gu(Error(Z(423)),t),t=O5(e,t,r,n,i);break e}else if(r!==i){i=Gu(Error(Z(424)),t),t=O5(e,t,r,n,i);break e}else for(Er=Ts(t.stateNode.containerInfo.firstChild),Pr=t,St=!0,ci=null,n=XA(t,null,r,n),t.child=n;n;)n.flags=n.flags&-3|4096,n=n.sibling;else{if(Vu(),r===i){t=Bo(e,t,n);break e}Yn(e,t,r,n)}t=t.child}return t;case 5:return YA(t),e===null&&ZS(t),r=t.type,i=t.pendingProps,o=e!==null?e.memoizedProps:null,s=i.children,WS(r,i)?s=null:o!==null&&WS(r,o)&&(t.flags|=32),S9(e,t),Yn(e,t,s,n),t.child;case 6:return e===null&&ZS(t),null;case 13:return w9(e,t,n);case 4:return Lw(t,t.stateNode.containerInfo),r=t.pendingProps,e===null?t.child=zu(t,null,r,n):Yn(e,t,r,n),t.child;case 11:return r=t.type,i=t.pendingProps,i=t.elementType===r?i:ai(r,i),A5(e,t,r,i,n);case 7:return Yn(e,t,t.pendingProps,n),t.child;case 8:return Yn(e,t,t.pendingProps.children,n),t.child;case 12:return Yn(e,t,t.pendingProps.children,n),t.child;case 10:e:{if(r=t.type._context,i=t.pendingProps,o=t.memoizedProps,s=i.value,lt(qg,r._currentValue),r._currentValue=s,o!==null)if(wi(o.value,s)){if(o.children===i.children&&!pr.current){t=Bo(e,t,n);break e}}else for(o=t.child,o!==null&&(o.return=t);o!==null;){var a=o.dependencies;if(a!==null){s=o.child;for(var l=a.firstContext;l!==null;){if(l.context===r){if(o.tag===1){l=ko(-1,n&-n),l.tag=2;var u=o.updateQueue;if(u!==null){u=u.shared;var c=u.pending;c===null?l.next=l:(l.next=c.next,c.next=l),u.pending=l}}o.lanes|=n,l=o.alternate,l!==null&&(l.lanes|=n),JS(o.return,n,t),a.lanes|=n;break}l=l.next}}else if(o.tag===10)s=o.type===t.type?null:o.child;else if(o.tag===18){if(s=o.return,s===null)throw Error(Z(341));s.lanes|=n,a=s.alternate,a!==null&&(a.lanes|=n),JS(s,n,t),s=o.sibling}else s=o.child;if(s!==null)s.return=o;else for(s=o;s!==null;){if(s===t){s=null;break}if(o=s.sibling,o!==null){o.return=s.return,s=o;break}s=s.return}o=s}Yn(e,t,i.children,n),t=t.child}return t;case 9:return i=t.type,r=t.pendingProps.children,_u(t,n),i=Yr(i),r=r(i),t.flags|=1,Yn(e,t,r,n),t.child;case 14:return r=t.type,i=ai(r,t.pendingProps),i=ai(r.type,i),k5(e,t,r,i,n);case 15:return v9(e,t,t.type,t.pendingProps,n);case 17:return r=t.type,i=t.pendingProps,i=t.elementType===r?i:ai(r,i),og(e,t),t.tag=1,gr(r)?(e=!0,Ug(t)):e=!1,_u(t,n),WA(t,r,i),t_(t,r,i,n),i_(null,t,r,!0,e,n);case 19:return x9(e,t,n);case 22:return b9(e,t,n)}throw Error(Z(156,t.tag))};function B9(e,t){return dA(e,t)}function bj(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 Wr(e,t,n,r){return new bj(e,t,n,r)}function Qw(e){return e=e.prototype,!(!e||!e.isReactComponent)}function Sj(e){if(typeof e=="function")return Qw(e)?1:0;if(e!=null){if(e=e.$$typeof,e===mw)return 11;if(e===yw)return 14}return 2}function ks(e,t){var n=e.alternate;return n===null?(n=Wr(e.tag,t,e.key,e.mode),n.elementType=e.elementType,n.type=e.type,n.stateNode=e.stateNode,n.alternate=e,e.alternate=n):(n.pendingProps=t,n.type=e.type,n.flags=0,n.subtreeFlags=0,n.deletions=null),n.flags=e.flags&14680064,n.childLanes=e.childLanes,n.lanes=e.lanes,n.child=e.child,n.memoizedProps=e.memoizedProps,n.memoizedState=e.memoizedState,n.updateQueue=e.updateQueue,t=e.dependencies,n.dependencies=t===null?null:{lanes:t.lanes,firstContext:t.firstContext},n.sibling=e.sibling,n.index=e.index,n.ref=e.ref,n}function lg(e,t,n,r,i,o){var s=2;if(r=e,typeof e=="function")Qw(e)&&(s=1);else if(typeof e=="string")s=5;else e:switch(e){case eu:return $a(n.children,i,o,t);case gw:s=8,i|=8;break;case TS:return e=Wr(12,n,t,i|2),e.elementType=TS,e.lanes=o,e;case ES:return e=Wr(13,n,t,i),e.elementType=ES,e.lanes=o,e;case PS:return e=Wr(19,n,t,i),e.elementType=PS,e.lanes=o,e;case K8:return Oy(n,i,o,t);default:if(typeof e=="object"&&e!==null)switch(e.$$typeof){case q8:s=10;break e;case W8:s=9;break e;case mw:s=11;break e;case yw:s=14;break e;case ls:s=16,r=null;break e}throw Error(Z(130,e==null?e:typeof e,""))}return t=Wr(s,n,t,i),t.elementType=e,t.type=r,t.lanes=o,t}function $a(e,t,n,r){return e=Wr(7,e,r,t),e.lanes=n,e}function Oy(e,t,n,r){return e=Wr(22,e,r,t),e.elementType=K8,e.lanes=n,e.stateNode={isHidden:!1},e}function rb(e,t,n){return e=Wr(6,e,null,t),e.lanes=n,e}function ib(e,t,n){return t=Wr(4,e.children!==null?e.children:[],e.key,t),t.lanes=n,t.stateNode={containerInfo:e.containerInfo,pendingChildren:null,implementation:e.implementation},t}function _j(e,t,n,r,i){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=F1(0),this.expirationTimes=F1(-1),this.entangledLanes=this.finishedLanes=this.mutableReadLanes=this.expiredLanes=this.pingedLanes=this.suspendedLanes=this.pendingLanes=0,this.entanglements=F1(0),this.identifierPrefix=r,this.onRecoverableError=i,this.mutableSourceEagerHydrationData=null}function Zw(e,t,n,r,i,o,s,a,l){return e=new _j(e,t,n,a,l),t===1?(t=1,o===!0&&(t|=8)):t=0,o=Wr(3,null,null,t),e.current=o,o.stateNode=e,o.memoizedState={element:r,isDehydrated:n,cache:null,transitions:null,pendingSuspenseBoundaries:null},Dw(o),e}function wj(e,t,n){var r=3"u"||typeof __REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE!="function"))try{__REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE(U9)}catch(e){console.error(e)}}U9(),V8.exports=Ir;var zi=V8.exports;const pwe=al(zi);var U5=zi;xS.createRoot=U5.createRoot,xS.hydrateRoot=U5.hydrateRoot;const Pj="modulepreload",Aj=function(e,t){return new URL(e,t).href},G5={},G9=function(t,n,r){if(!n||n.length===0)return t();const i=document.getElementsByTagName("link");return Promise.all(n.map(o=>{if(o=Aj(o,r),o in G5)return;G5[o]=!0;const s=o.endsWith(".css"),a=s?'[rel="stylesheet"]':"";if(!!r)for(let c=i.length-1;c>=0;c--){const d=i[c];if(d.href===o&&(!s||d.rel==="stylesheet"))return}else if(document.querySelector(`link[href="${o}"]${a}`))return;const u=document.createElement("link");if(u.rel=s?"stylesheet":Pj,s||(u.as="script",u.crossOrigin=""),u.href=o,document.head.appendChild(u),s)return new Promise((c,d)=>{u.addEventListener("load",c),u.addEventListener("error",()=>d(new Error(`Unable to preload CSS for ${o}`)))})})).then(()=>t()).catch(o=>{const s=new Event("vite:preloadError",{cancelable:!0});if(s.payload=o,window.dispatchEvent(s),!s.defaultPrevented)throw o})};var H9={exports:{}},q9={};/** - * @license React - * use-sync-external-store-shim.production.min.js - * - * Copyright (c) Facebook, Inc. and its affiliates. - * - * This source code is licensed under the MIT license found in the - * LICENSE file in the root directory of this source tree. - */var qu=k;function kj(e,t){return e===t&&(e!==0||1/e===1/t)||e!==e&&t!==t}var Rj=typeof Object.is=="function"?Object.is:kj,Oj=qu.useState,Mj=qu.useEffect,Ij=qu.useLayoutEffect,Nj=qu.useDebugValue;function Dj(e,t){var n=t(),r=Oj({inst:{value:n,getSnapshot:t}}),i=r[0].inst,o=r[1];return Ij(function(){i.value=n,i.getSnapshot=t,ob(i)&&o({inst:i})},[e,n,t]),Mj(function(){return ob(i)&&o({inst:i}),e(function(){ob(i)&&o({inst:i})})},[e]),Nj(n),n}function ob(e){var t=e.getSnapshot;e=e.value;try{var n=t();return!Rj(e,n)}catch{return!0}}function Lj(e,t){return t()}var $j=typeof window>"u"||typeof window.document>"u"||typeof window.document.createElement>"u"?Lj:Dj;q9.useSyncExternalStore=qu.useSyncExternalStore!==void 0?qu.useSyncExternalStore:$j;H9.exports=q9;var Fj=H9.exports,W9={exports:{}},K9={};/** - * @license React - * use-sync-external-store-shim/with-selector.production.min.js - * - * Copyright (c) Facebook, Inc. and its affiliates. - * - * This source code is licensed under the MIT license found in the - * LICENSE file in the root directory of this source tree. - */var Ly=k,Bj=Fj;function jj(e,t){return e===t&&(e!==0||1/e===1/t)||e!==e&&t!==t}var Vj=typeof Object.is=="function"?Object.is:jj,zj=Bj.useSyncExternalStore,Uj=Ly.useRef,Gj=Ly.useEffect,Hj=Ly.useMemo,qj=Ly.useDebugValue;K9.useSyncExternalStoreWithSelector=function(e,t,n,r,i){var o=Uj(null);if(o.current===null){var s={hasValue:!1,value:null};o.current=s}else s=o.current;o=Hj(function(){function l(h){if(!u){if(u=!0,c=h,h=r(h),i!==void 0&&s.hasValue){var p=s.value;if(i(p,h))return d=p}return d=h}if(p=d,Vj(c,h))return p;var m=r(h);return i!==void 0&&i(p,m)?p:(c=h,d=m)}var u=!1,c,d,f=n===void 0?null:n;return[function(){return l(t())},f===null?void 0:function(){return l(f())}]},[t,n,r,i]);var a=zj(e,o[0],o[1]);return Gj(function(){s.hasValue=!0,s.value=a},[a]),qj(a),a};W9.exports=K9;var X9=W9.exports;const Wj=al(X9);function Kj(e){e()}let Y9=Kj;const Xj=e=>Y9=e,Yj=()=>Y9,H5=Symbol.for(`react-redux-context-${k.version}`),q5=globalThis;function Qj(){let e=q5[H5];return e||(e=k.createContext(null),q5[H5]=e),e}const Fs=new Proxy({},new Proxy({},{get(e,t){const n=Qj();return(r,...i)=>Reflect[t](n,...i)}}));function nx(e=Fs){return function(){return k.useContext(e)}}const Q9=nx(),Zj=()=>{throw new Error("uSES not initialized!")};let Z9=Zj;const Jj=e=>{Z9=e},eV=(e,t)=>e===t;function tV(e=Fs){const t=e===Fs?Q9:nx(e);return function(r,i={}){const{equalityFn:o=eV,stabilityCheck:s=void 0,noopCheck:a=void 0}=typeof i=="function"?{equalityFn:i}:i,{store:l,subscription:u,getServerState:c,stabilityCheck:d,noopCheck:f}=t();k.useRef(!0);const h=k.useCallback({[r.name](m){return r(m)}}[r.name],[r,d,s]),p=Z9(u.addNestedSub,l.getState,c||l.getState,h,o);return k.useDebugValue(p),p}}const J9=tV();function rm(){return rm=Object.assign?Object.assign.bind():function(e){for(var t=1;t{let r=t;for(;r;)r.callback(),r=r.next})},get(){let r=[],i=t;for(;i;)r.push(i),i=i.next;return r},subscribe(r){let i=!0,o=n={callback:r,next:null,prev:n};return o.prev?o.prev.next=o:t=o,function(){!i||t===null||(i=!1,o.next?o.next.prev=o.prev:n=o.prev,o.prev?o.prev.next=o.next:t=o.next)}}}}const W5={notify(){},get:()=>[]};function hV(e,t){let n,r=W5;function i(d){return l(),r.subscribe(d)}function o(){r.notify()}function s(){c.onStateChange&&c.onStateChange()}function a(){return!!n}function l(){n||(n=t?t.addNestedSub(s):e.subscribe(s),r=fV())}function u(){n&&(n(),n=void 0,r.clear(),r=W5)}const c={addNestedSub:i,notifyNestedSubs:o,handleChangeWrapper:s,isSubscribed:a,trySubscribe:l,tryUnsubscribe:u,getListeners:()=>r};return c}const pV=typeof window<"u"&&typeof window.document<"u"&&typeof window.document.createElement<"u",gV=pV?k.useLayoutEffect:k.useEffect;function K5(e,t){return e===t?e!==0||t!==0||1/e===1/t:e!==e&&t!==t}function im(e,t){if(K5(e,t))return!0;if(typeof e!="object"||e===null||typeof t!="object"||t===null)return!1;const n=Object.keys(e),r=Object.keys(t);if(n.length!==r.length)return!1;for(let i=0;i{const u=hV(e);return{store:e,subscription:u,getServerState:r?()=>r:void 0,stabilityCheck:i,noopCheck:o}},[e,r,i,o]),a=k.useMemo(()=>e.getState(),[e]);gV(()=>{const{subscription:u}=s;return u.onStateChange=u.notifyNestedSubs,u.trySubscribe(),a!==e.getState()&&u.notifyNestedSubs(),()=>{u.tryUnsubscribe(),u.onStateChange=void 0}},[s,a]);const l=t||Fs;return Xe.createElement(l.Provider,{value:s},n)}function ok(e=Fs){const t=e===Fs?Q9:nx(e);return function(){const{store:r}=t();return r}}const sk=ok();function yV(e=Fs){const t=e===Fs?sk:ok(e);return function(){return t().dispatch}}const ak=yV();Jj(X9.useSyncExternalStoreWithSelector);Xj(zi.unstable_batchedUpdates);function pn(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:r0(e)?2:i0(e)?3:0}function Rs(e,t){return Bs(e)===2?e.has(t):Object.prototype.hasOwnProperty.call(e,t)}function ug(e,t){return Bs(e)===2?e.get(t):e[t]}function lk(e,t,n){var r=Bs(e);r===2?e.set(t,n):r===3?e.add(n):e[t]=n}function uk(e,t){return e===t?e!==0||1/e==1/t:e!=e&&t!=t}function r0(e){return xV&&e instanceof Map}function i0(e){return CV&&e instanceof Set}function un(e){return e.o||e.t}function ux(e){if(Array.isArray(e))return Array.prototype.slice.call(e);var t=dk(e);delete t[_e];for(var n=Cu(t),r=0;r1&&(e.set=e.add=e.clear=e.delete=vV),Object.freeze(e),t&&jo(e,function(n,r){return ih(r,!0)},!0)),e}function vV(){pn(2)}function cx(e){return e==null||typeof e!="object"||Object.isFrozen(e)}function Yi(e){var t=y_[e];return t||pn(18,e),t}function dx(e,t){y_[e]||(y_[e]=t)}function tf(){return rf}function sb(e,t){t&&(Yi("Patches"),e.u=[],e.s=[],e.v=t)}function om(e){m_(e),e.p.forEach(bV),e.p=null}function m_(e){e===rf&&(rf=e.l)}function X5(e){return rf={p:[],l:rf,h:e,m:!0,_:0}}function bV(e){var t=e[_e];t.i===0||t.i===1?t.j():t.g=!0}function ab(e,t){t._=t.p.length;var n=t.p[0],r=e!==void 0&&e!==n;return t.h.O||Yi("ES5").S(t,e,r),r?(n[_e].P&&(om(t),pn(4)),yr(e)&&(e=sm(t,e),t.l||am(t,e)),t.u&&Yi("Patches").M(n[_e].t,e,t.u,t.s)):e=sm(t,n,[]),om(t),t.u&&t.v(t.u,t.s),e!==s0?e:void 0}function sm(e,t,n){if(cx(t))return t;var r=t[_e];if(!r)return jo(t,function(a,l){return Y5(e,r,t,a,l,n)},!0),t;if(r.A!==e)return t;if(!r.P)return am(e,r.t,!0),r.t;if(!r.I){r.I=!0,r.A._--;var i=r.i===4||r.i===5?r.o=ux(r.k):r.o,o=i,s=!1;r.i===3&&(o=new Set(i),i.clear(),s=!0),jo(o,function(a,l){return Y5(e,r,i,a,l,n,s)}),am(e,i,!1),n&&e.u&&Yi("Patches").N(r,n,e.u,e.s)}return r.o}function Y5(e,t,n,r,i,o,s){if(er(i)){var a=sm(e,i,o&&t&&t.i!==3&&!Rs(t.R,r)?o.concat(r):void 0);if(lk(n,r,a),!er(a))return;e.m=!1}else s&&n.add(i);if(yr(i)&&!cx(i)){if(!e.h.D&&e._<1)return;sm(e,i),t&&t.A.l||am(e,i)}}function am(e,t,n){n===void 0&&(n=!1),!e.l&&e.h.D&&e.m&&ih(t,n)}function lb(e,t){var n=e[_e];return(n?un(n):e)[t]}function Q5(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 cr(e){e.P||(e.P=!0,e.l&&cr(e.l))}function ub(e){e.o||(e.o=ux(e.t))}function nf(e,t,n){var r=r0(t)?Yi("MapSet").F(t,n):i0(t)?Yi("MapSet").T(t,n):e.O?function(i,o){var s=Array.isArray(i),a={i:s?1:0,A:o?o.A:tf(),P:!1,I:!1,R:{},l:o,t:i,k:null,o:null,j:null,C:!1},l=a,u=of;s&&(l=[a],u=dd);var c=Proxy.revocable(l,u),d=c.revoke,f=c.proxy;return a.k=f,a.j=d,f}(t,n):Yi("ES5").J(t,n);return(n?n.A:tf()).p.push(r),r}function o0(e){return er(e)||pn(22,e),function t(n){if(!yr(n))return n;var r,i=n[_e],o=Bs(n);if(i){if(!i.P&&(i.i<4||!Yi("ES5").K(i)))return i.t;i.I=!0,r=Z5(n,o),i.I=!1}else r=Z5(n,o);return jo(r,function(s,a){i&&ug(i.t,s)===a||lk(r,s,t(a))}),o===3?new Set(r):r}(e)}function Z5(e,t){switch(t){case 2:return new Map(e);case 3:return Array.from(e)}return ux(e)}function fx(){function e(o,s){var a=i[o];return a?a.enumerable=s:i[o]=a={configurable:!0,enumerable:s,get:function(){var l=this[_e];return of.get(l,o)},set:function(l){var u=this[_e];of.set(u,o,l)}},a}function t(o){for(var s=o.length-1;s>=0;s--){var a=o[s][_e];if(!a.P)switch(a.i){case 5:r(a)&&cr(a);break;case 4:n(a)&&cr(a)}}}function n(o){for(var s=o.t,a=o.k,l=Cu(a),u=l.length-1;u>=0;u--){var c=l[u];if(c!==_e){var d=s[c];if(d===void 0&&!Rs(s,c))return!0;var f=a[c],h=f&&f[_e];if(h?h.t!==d:!uk(f,d))return!0}}var p=!!s[_e];return l.length!==Cu(s).length+(p?0:1)}function r(o){var s=o.k;if(s.length!==o.t.length)return!0;var a=Object.getOwnPropertyDescriptor(s,s.length-1);if(a&&!a.get)return!0;for(var l=0;l1?v-1:0),g=1;g1?c-1:0),f=1;f=0;i--){var o=r[i];if(o.path.length===0&&o.op==="replace"){n=o.value;break}}i>-1&&(r=r.slice(i+1));var s=Yi("Patches").$;return er(n)?s(n,r):this.produce(n,function(a){return s(a,r)})},e}(),Rr=new fk,hk=Rr.produce,gx=Rr.produceWithPatches.bind(Rr),EV=Rr.setAutoFreeze.bind(Rr),PV=Rr.setUseProxies.bind(Rr),v_=Rr.applyPatches.bind(Rr),AV=Rr.createDraft.bind(Rr),kV=Rr.finishDraft.bind(Rr);const Js=hk,gwe=Object.freeze(Object.defineProperty({__proto__:null,Immer:fk,applyPatches:v_,castDraft:_V,castImmutable:wV,createDraft:AV,current:o0,default:Js,enableAllPlugins:SV,enableES5:fx,enableMapSet:ck,enablePatches:hx,finishDraft:kV,freeze:ih,immerable:xu,isDraft:er,isDraftable:yr,nothing:s0,original:lx,produce:hk,produceWithPatches:gx,setAutoFreeze:EV,setUseProxies:PV},Symbol.toStringTag,{value:"Module"}));function sf(e){"@babel/helpers - typeof";return sf=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},sf(e)}function RV(e,t){if(sf(e)!=="object"||e===null)return e;var n=e[Symbol.toPrimitive];if(n!==void 0){var r=n.call(e,t||"default");if(sf(r)!=="object")return r;throw new TypeError("@@toPrimitive must return a primitive value.")}return(t==="string"?String:Number)(e)}function OV(e){var t=RV(e,"string");return sf(t)==="symbol"?t:String(t)}function MV(e,t,n){return t=OV(t),t in e?Object.defineProperty(e,t,{value:n,enumerable:!0,configurable:!0,writable:!0}):e[t]=n,e}function t4(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable})),n.push.apply(n,r)}return n}function n4(e){for(var t=1;t"u"&&(n=t,t=void 0),typeof n<"u"){if(typeof n!="function")throw new Error(En(1));return n(oh)(e,t)}if(typeof e!="function")throw new Error(En(2));var i=e,o=t,s=[],a=s,l=!1;function u(){a===s&&(a=s.slice())}function c(){if(l)throw new Error(En(3));return o}function d(m){if(typeof m!="function")throw new Error(En(4));if(l)throw new Error(En(5));var S=!0;return u(),a.push(m),function(){if(S){if(l)throw new Error(En(6));S=!1,u();var y=a.indexOf(m);a.splice(y,1),s=null}}}function f(m){if(!IV(m))throw new Error(En(7));if(typeof m.type>"u")throw new Error(En(8));if(l)throw new Error(En(9));try{l=!0,o=i(o,m)}finally{l=!1}for(var S=s=a,v=0;v"u")throw new Error(En(12));if(typeof n(void 0,{type:Wu.PROBE_UNKNOWN_ACTION()})>"u")throw new Error(En(13))})}function pc(e){for(var t=Object.keys(e),n={},r=0;r"u")throw u&&u.type,new Error(En(14));d[h]=S,c=c||S!==m}return c=c||o.length!==Object.keys(l).length,c?d:l}}function i4(e,t){return function(){return t(e.apply(this,arguments))}}function gk(e,t){if(typeof e=="function")return i4(e,t);if(typeof e!="object"||e===null)throw new Error(En(16));var n={};for(var r in e){var i=e[r];typeof i=="function"&&(n[r]=i4(i,t))}return n}function Ku(){for(var e=arguments.length,t=new Array(e),n=0;n-1){var u=n[l];return l>0&&(n.splice(l,1),n.unshift(u)),u.value}return lm}function i(a,l){r(a)===lm&&(n.unshift({key:a,value:l}),n.length>e&&n.pop())}function o(){return n}function s(){n=[]}return{get:r,put:i,getEntries:o,clear:s}}var mk=function(t,n){return t===n};function FV(e){return function(n,r){if(n===null||r===null||n.length!==r.length)return!1;for(var i=n.length,o=0;o1?t-1:0),r=1;r0&&o[o.length-1])&&(u[0]===6||u[0]===2)){n=0;continue}if(u[0]===3&&(!o||u[1]>o[0]&&u[1]",value:e};if(typeof e!="object"||e===null||o!=null&&o.has(e))return!1;for(var a=r!=null?r(e):Object.entries(e),l=i.length>0,u=function(S,v){var y=t?t+"."+S:S;if(l){var g=i.some(function(b){return b instanceof RegExp?b.test(y):y===b});if(g)return"continue"}if(!n(v))return{value:{keyPath:y,value:v}};if(typeof v=="object"&&(s=Ck(v,y,n,r,i,o),s))return{value:s}},c=0,d=a;c-1}function ez(e){return""+e}function kk(e){var t={},n=[],r,i={addCase:function(o,s){var a=typeof o=="string"?o:o.type;if(a in t)throw new Error("addCase cannot be called with two reducers for the same action type");return t[a]=s,i},addMatcher:function(o,s){return n.push({matcher:o,reducer:s}),i},addDefaultCase:function(o){return r=o,i}};return e(i),[t,n,r]}function tz(e){return typeof e=="function"}function Rk(e,t,n,r){n===void 0&&(n=[]);var i=typeof t=="function"?kk(t):[t,n,r],o=i[0],s=i[1],a=i[2],l;if(tz(e))l=function(){return b_(e())};else{var u=b_(e);l=function(){return u}}function c(d,f){d===void 0&&(d=l());var h=js([o[f.type]],s.filter(function(p){var m=p.matcher;return m(f)}).map(function(p){var m=p.reducer;return m}));return h.filter(function(p){return!!p}).length===0&&(h=[a]),h.reduce(function(p,m){if(m)if(er(p)){var S=p,v=m(S,f);return v===void 0?p:v}else{if(yr(p))return Js(p,function(y){return m(y,f)});var v=m(p,f);if(v===void 0){if(p===null)return p;throw Error("A case reducer on a non-draftable value must not return undefined")}return v}return p},d)}return c.getInitialState=l,c}function nz(e,t){return e+"/"+t}function Pt(e){var t=e.name;if(!t)throw new Error("`name` is a required option for createSlice");typeof process<"u";var n=typeof e.initialState=="function"?e.initialState:b_(e.initialState),r=e.reducers||{},i=Object.keys(r),o={},s={},a={};i.forEach(function(c){var d=r[c],f=nz(t,c),h,p;"reducer"in d?(h=d.reducer,p=d.prepare):h=d,o[c]=h,s[f]=h,a[c]=p?ue(f,p):ue(f)});function l(){var c=typeof e.extraReducers=="function"?kk(e.extraReducers):[e.extraReducers],d=c[0],f=d===void 0?{}:d,h=c[1],p=h===void 0?[]:h,m=c[2],S=m===void 0?void 0:m,v=fr(fr({},f),s);return Rk(n,function(y){for(var g in v)y.addCase(g,v[g]);for(var b=0,_=p;b<_.length;b++){var w=_[b];y.addMatcher(w.matcher,w.reducer)}S&&y.addDefaultCase(S)})}var u;return{name:t,reducer:function(c,d){return u||(u=l()),u(c,d)},actions:a,caseReducers:o,getInitialState:function(){return u||(u=l()),u.getInitialState()}}}function rz(){return{ids:[],entities:{}}}function iz(){function e(t){return t===void 0&&(t={}),Object.assign(rz(),t)}return{getInitialState:e}}function oz(){function e(t){var n=function(u){return u.ids},r=function(u){return u.entities},i=yo(n,r,function(u,c){return u.map(function(d){return c[d]})}),o=function(u,c){return c},s=function(u,c){return u[c]},a=yo(n,function(u){return u.length});if(!t)return{selectIds:n,selectEntities:r,selectAll:i,selectTotal:a,selectById:yo(r,o,s)};var l=yo(t,r);return{selectIds:yo(t,n),selectEntities:l,selectAll:yo(t,i),selectTotal:yo(t,a),selectById:yo(l,o,s)}}return{getSelectors:e}}function sz(e){var t=$t(function(n,r){return e(r)});return function(r){return t(r,void 0)}}function $t(e){return function(n,r){function i(s){return Ak(s)}var o=function(s){i(r)?e(r.payload,s):e(r,s)};return er(n)?(o(n),n):Js(n,o)}}function Ed(e,t){var n=t(e);return n}function Fa(e){return Array.isArray(e)||(e=Object.values(e)),e}function Ok(e,t,n){e=Fa(e);for(var r=[],i=[],o=0,s=e;o0;if(y){var g=p.filter(function(b){return u(S,b,m)}).length>0;g&&(m.ids=Object.keys(m.entities))}}function f(p,m){return h([p],m)}function h(p,m){var S=Ok(p,e,m),v=S[0],y=S[1];d(y,m),n(v,m)}return{removeAll:sz(l),addOne:$t(t),addMany:$t(n),setOne:$t(r),setMany:$t(i),setAll:$t(o),updateOne:$t(c),updateMany:$t(d),upsertOne:$t(f),upsertMany:$t(h),removeOne:$t(s),removeMany:$t(a)}}function az(e,t){var n=Mk(e),r=n.removeOne,i=n.removeMany,o=n.removeAll;function s(y,g){return a([y],g)}function a(y,g){y=Fa(y);var b=y.filter(function(_){return!(Ed(_,e)in g.entities)});b.length!==0&&S(b,g)}function l(y,g){return u([y],g)}function u(y,g){y=Fa(y),y.length!==0&&S(y,g)}function c(y,g){y=Fa(y),g.entities={},g.ids=[],a(y,g)}function d(y,g){return f([y],g)}function f(y,g){for(var b=!1,_=0,w=y;_-1;return n&&r}function lh(e){return typeof e[0]=="function"&&"pending"in e[0]&&"fulfilled"in e[0]&&"rejected"in e[0]}function u0(){for(var e=[],t=0;t0)for(var g=h.getState(),b=Array.from(n.values()),_=0,w=b;_Math.floor(e/t)*t,Ui=(e,t)=>Math.round(e/t)*t;var Tz=typeof global=="object"&&global&&global.Object===Object&&global;const Yk=Tz;var Ez=typeof self=="object"&&self&&self.Object===Object&&self,Pz=Yk||Ez||Function("return this")();const oo=Pz;var Az=oo.Symbol;const Zr=Az;var Qk=Object.prototype,kz=Qk.hasOwnProperty,Rz=Qk.toString,jc=Zr?Zr.toStringTag:void 0;function Oz(e){var t=kz.call(e,jc),n=e[jc];try{e[jc]=void 0;var r=!0}catch{}var i=Rz.call(e);return r&&(t?e[jc]=n:delete e[jc]),i}var Mz=Object.prototype,Iz=Mz.toString;function Nz(e){return Iz.call(e)}var Dz="[object Null]",Lz="[object Undefined]",f4=Zr?Zr.toStringTag:void 0;function ta(e){return e==null?e===void 0?Lz:Dz:f4&&f4 in Object(e)?Oz(e):Nz(e)}function Ci(e){return e!=null&&typeof e=="object"}var $z="[object Symbol]";function c0(e){return typeof e=="symbol"||Ci(e)&&ta(e)==$z}function Zk(e,t){for(var n=-1,r=e==null?0:e.length,i=Array(r);++n0){if(++t>=gU)return arguments[0]}else t=0;return e.apply(void 0,arguments)}}function bU(e){return function(){return e}}var SU=function(){try{var e=fl(Object,"defineProperty");return e({},"",{}),e}catch{}}();const fm=SU;var _U=fm?function(e,t){return fm(e,"toString",{configurable:!0,enumerable:!1,value:bU(t),writable:!0})}:d0;const wU=_U;var xU=vU(wU);const nR=xU;function rR(e,t){for(var n=-1,r=e==null?0:e.length;++n-1}var kU=9007199254740991,RU=/^(?:0|[1-9]\d*)$/;function _x(e,t){var n=typeof e;return t=t??kU,!!t&&(n=="number"||n!="symbol"&&RU.test(e))&&e>-1&&e%1==0&&e-1&&e%1==0&&e<=IU}function mc(e){return e!=null&&xx(e.length)&&!Sx(e)}function aR(e,t,n){if(!vr(n))return!1;var r=typeof t;return(r=="number"?mc(n)&&_x(t,n.length):r=="string"&&t in n)?fh(n[t],e):!1}function lR(e){return sR(function(t,n){var r=-1,i=n.length,o=i>1?n[i-1]:void 0,s=i>2?n[2]:void 0;for(o=e.length>3&&typeof o=="function"?(i--,o):void 0,s&&aR(n[0],n[1],s)&&(o=i<3?void 0:o,i=1),t=Object(t);++r-1}function KG(e,t){var n=this.__data__,r=f0(n,e);return r<0?(++this.size,n.push([e,t])):n[r][1]=t,this}function Ho(e){var t=-1,n=e==null?0:e.length;for(this.clear();++t0&&n(a)?t>1?gR(a,t-1,n,r,i):Rx(i,a):r||(i[i.length]=a)}return i}function fH(e){var t=e==null?0:e.length;return t?gR(e,1):[]}function hH(e){return nR(oR(e,void 0,fH),e+"")}var pH=hR(Object.getPrototypeOf,Object);const Ox=pH;var gH="[object Object]",mH=Function.prototype,yH=Object.prototype,mR=mH.toString,vH=yH.hasOwnProperty,bH=mR.call(Object);function yR(e){if(!Ci(e)||ta(e)!=gH)return!1;var t=Ox(e);if(t===null)return!0;var n=vH.call(t,"constructor")&&t.constructor;return typeof n=="function"&&n instanceof n&&mR.call(n)==bH}function vR(e,t,n){var r=-1,i=e.length;t<0&&(t=-t>i?0:i+t),n=n>i?i:n,n<0&&(n+=i),i=t>n?0:n-t>>>0,t>>>=0;for(var o=Array(i);++r=r?e:vR(e,t,n)}var _H="\\ud800-\\udfff",wH="\\u0300-\\u036f",xH="\\ufe20-\\ufe2f",CH="\\u20d0-\\u20ff",TH=wH+xH+CH,EH="\\ufe0e\\ufe0f",PH="\\u200d",AH=RegExp("["+PH+_H+TH+EH+"]");function Mx(e){return AH.test(e)}function kH(e){return e.split("")}var bR="\\ud800-\\udfff",RH="\\u0300-\\u036f",OH="\\ufe20-\\ufe2f",MH="\\u20d0-\\u20ff",IH=RH+OH+MH,NH="\\ufe0e\\ufe0f",DH="["+bR+"]",x_="["+IH+"]",C_="\\ud83c[\\udffb-\\udfff]",LH="(?:"+x_+"|"+C_+")",SR="[^"+bR+"]",_R="(?:\\ud83c[\\udde6-\\uddff]){2}",wR="[\\ud800-\\udbff][\\udc00-\\udfff]",$H="\\u200d",xR=LH+"?",CR="["+NH+"]?",FH="(?:"+$H+"(?:"+[SR,_R,wR].join("|")+")"+CR+xR+")*",BH=CR+xR+FH,jH="(?:"+[SR+x_+"?",x_,_R,wR,DH].join("|")+")",VH=RegExp(C_+"(?="+C_+")|"+jH+BH,"g");function zH(e){return e.match(VH)||[]}function UH(e){return Mx(e)?zH(e):kH(e)}function GH(e){return function(t){t=p0(t);var n=Mx(t)?UH(t):void 0,r=n?n[0]:t.charAt(0),i=n?SH(n,1).join(""):t.slice(1);return r[e]()+i}}var HH=GH("toUpperCase");const qH=HH;function TR(e,t,n,r){var i=-1,o=e==null?0:e.length;for(r&&o&&(n=e[++i]);++i=t?e:t)),e}function Ss(e,t,n){return n===void 0&&(n=t,t=void 0),n!==void 0&&(n=hb(n),n=n===n?n:0),t!==void 0&&(t=hb(t),t=t===t?t:0),Lq(hb(e),t,n)}function $q(){this.__data__=new Ho,this.size=0}function Fq(e){var t=this.__data__,n=t.delete(e);return this.size=t.size,n}function Bq(e){return this.__data__.get(e)}function jq(e){return this.__data__.has(e)}var Vq=200;function zq(e,t){var n=this.__data__;if(n instanceof Ho){var r=n.__data__;if(!cf||r.lengtha))return!1;var u=o.get(e),c=o.get(t);if(u&&c)return u==t&&c==e;var d=-1,f=!0,h=n&wK?new df:void 0;for(o.set(e,t),o.set(t,e);++d1),o}),gc(e,HR(e),n),r&&(n=Ad(n,EX|PX|AX,TX));for(var i=t.length;i--;)sO(n,t[i]);return n});const _0=kX;var RX=nO("length");const OX=RX;var aO="\\ud800-\\udfff",MX="\\u0300-\\u036f",IX="\\ufe20-\\ufe2f",NX="\\u20d0-\\u20ff",DX=MX+IX+NX,LX="\\ufe0e\\ufe0f",$X="["+aO+"]",R_="["+DX+"]",O_="\\ud83c[\\udffb-\\udfff]",FX="(?:"+R_+"|"+O_+")",lO="[^"+aO+"]",uO="(?:\\ud83c[\\udde6-\\uddff]){2}",cO="[\\ud800-\\udbff][\\udc00-\\udfff]",BX="\\u200d",dO=FX+"?",fO="["+LX+"]?",jX="(?:"+BX+"(?:"+[lO,uO,cO].join("|")+")"+fO+dO+")*",VX=fO+dO+jX,zX="(?:"+[lO+R_+"?",R_,uO,cO,$X].join("|")+")",H4=RegExp(O_+"(?="+O_+")|"+zX+VX,"g");function UX(e){for(var t=H4.lastIndex=0;H4.test(e);)++t;return t}function GX(e){return Mx(e)?UX(e):OX(e)}function HX(e,t,n,r,i){return i(e,function(o,s,a){n=r?(r=!1,o):t(n,o,s,a)}),n}function Lx(e,t,n){var r=mn(e)?TR:HX,i=arguments.length<3;return r(e,y0(t),n,i,v0)}var qX="[object Map]",WX="[object Set]";function hO(e){if(e==null)return 0;if(mc(e))return _X(e)?GX(e):e.length;var t=Qu(e);return t==qX||t==WX?e.size:pR(e).length}function KX(e,t){var n;return v0(e,function(r,i,o){return n=t(r,i,o),!n}),!!n}function Ea(e,t,n){var r=mn(e)?QR:KX;return n&&aR(e,t,n)&&(t=void 0),r(e,y0(t))}var XX=Dq(function(e,t,n){return e+(n?" ":"")+qH(t)});const YX=XX;var QX=1/0,ZX=Au&&1/Dx(new Au([,-0]))[1]==QX?function(e){return new Au(e)}:pU;const JX=ZX;var eY=200;function pO(e,t,n){var r=-1,i=AU,o=e.length,s=!0,a=[],l=a;if(n)s=!1,i=mX;else if(o>=eY){var u=t?null:JX(e);if(u)return Dx(u);s=!1,i=ZR,l=new df}else l=t?[]:a;e:for(;++r{CX(e,t.payload)}}}),{configChanged:iY}=mO.actions,oY=mO.reducer,vwe={"sd-1":"Stable Diffusion 1.x","sd-2":"Stable Diffusion 2.x",sdxl:"Stable Diffusion XL","sdxl-refiner":"Stable Diffusion XL Refiner"},bwe={"sd-1":"SD1","sd-2":"SD2",sdxl:"SDXL","sdxl-refiner":"SDXLR"},sY={"sd-1":{maxClip:12,markers:[0,1,2,3,4,8,12]},"sd-2":{maxClip:24,markers:[0,1,2,3,5,10,15,20,24]},sdxl:{maxClip:24,markers:[0,1,2,3,5,10,15,20,24]},"sdxl-refiner":{maxClip:24,markers:[0,1,2,3,5,10,15,20,24]}},Swe={lycoris:"LyCORIS",diffusers:"Diffusers"},_we=0,aY=4294967295;var Ve;(function(e){e.assertEqual=i=>i;function t(i){}e.assertIs=t;function n(i){throw new Error}e.assertNever=n,e.arrayToEnum=i=>{const o={};for(const s of i)o[s]=s;return o},e.getValidEnumValues=i=>{const o=e.objectKeys(i).filter(a=>typeof i[i[a]]!="number"),s={};for(const a of o)s[a]=i[a];return e.objectValues(s)},e.objectValues=i=>e.objectKeys(i).map(function(o){return i[o]}),e.objectKeys=typeof Object.keys=="function"?i=>Object.keys(i):i=>{const o=[];for(const s in i)Object.prototype.hasOwnProperty.call(i,s)&&o.push(s);return o},e.find=(i,o)=>{for(const s of i)if(o(s))return s},e.isInteger=typeof Number.isInteger=="function"?i=>Number.isInteger(i):i=>typeof i=="number"&&isFinite(i)&&Math.floor(i)===i;function r(i,o=" | "){return i.map(s=>typeof s=="string"?`'${s}'`:s).join(o)}e.joinValues=r,e.jsonStringifyReplacer=(i,o)=>typeof o=="bigint"?o.toString():o})(Ve||(Ve={}));var M_;(function(e){e.mergeShapes=(t,n)=>({...t,...n})})(M_||(M_={}));const re=Ve.arrayToEnum(["string","nan","number","integer","float","boolean","date","bigint","symbol","function","undefined","null","array","object","unknown","promise","void","never","map","set"]),ms=e=>{switch(typeof e){case"undefined":return re.undefined;case"string":return re.string;case"number":return isNaN(e)?re.nan:re.number;case"boolean":return re.boolean;case"function":return re.function;case"bigint":return re.bigint;case"symbol":return re.symbol;case"object":return Array.isArray(e)?re.array:e===null?re.null:e.then&&typeof e.then=="function"&&e.catch&&typeof e.catch=="function"?re.promise:typeof Map<"u"&&e instanceof Map?re.map:typeof Set<"u"&&e instanceof Set?re.set:typeof Date<"u"&&e instanceof Date?re.date:re.object;default:return re.unknown}},ee=Ve.arrayToEnum(["invalid_type","invalid_literal","custom","invalid_union","invalid_union_discriminator","invalid_enum_value","unrecognized_keys","invalid_arguments","invalid_return_type","invalid_date","invalid_string","too_small","too_big","invalid_intersection_types","not_multiple_of","not_finite"]),lY=e=>JSON.stringify(e,null,2).replace(/"([^"]+)":/g,"$1:");class bi extends Error{constructor(t){super(),this.issues=[],this.addIssue=r=>{this.issues=[...this.issues,r]},this.addIssues=(r=[])=>{this.issues=[...this.issues,...r]};const n=new.target.prototype;Object.setPrototypeOf?Object.setPrototypeOf(this,n):this.__proto__=n,this.name="ZodError",this.issues=t}get errors(){return this.issues}format(t){const n=t||function(o){return o.message},r={_errors:[]},i=o=>{for(const s of o.issues)if(s.code==="invalid_union")s.unionErrors.map(i);else if(s.code==="invalid_return_type")i(s.returnTypeError);else if(s.code==="invalid_arguments")i(s.argumentsError);else if(s.path.length===0)r._errors.push(n(s));else{let a=r,l=0;for(;ln.message){const n={},r=[];for(const i of this.issues)i.path.length>0?(n[i.path[0]]=n[i.path[0]]||[],n[i.path[0]].push(t(i))):r.push(t(i));return{formErrors:r,fieldErrors:n}}get formErrors(){return this.flatten()}}bi.create=e=>new bi(e);const ff=(e,t)=>{let n;switch(e.code){case ee.invalid_type:e.received===re.undefined?n="Required":n=`Expected ${e.expected}, received ${e.received}`;break;case ee.invalid_literal:n=`Invalid literal value, expected ${JSON.stringify(e.expected,Ve.jsonStringifyReplacer)}`;break;case ee.unrecognized_keys:n=`Unrecognized key(s) in object: ${Ve.joinValues(e.keys,", ")}`;break;case ee.invalid_union:n="Invalid input";break;case ee.invalid_union_discriminator:n=`Invalid discriminator value. Expected ${Ve.joinValues(e.options)}`;break;case ee.invalid_enum_value:n=`Invalid enum value. Expected ${Ve.joinValues(e.options)}, received '${e.received}'`;break;case ee.invalid_arguments:n="Invalid function arguments";break;case ee.invalid_return_type:n="Invalid function return type";break;case ee.invalid_date:n="Invalid date";break;case ee.invalid_string:typeof e.validation=="object"?"includes"in e.validation?(n=`Invalid input: must include "${e.validation.includes}"`,typeof e.validation.position=="number"&&(n=`${n} at one or more positions greater than or equal to ${e.validation.position}`)):"startsWith"in e.validation?n=`Invalid input: must start with "${e.validation.startsWith}"`:"endsWith"in e.validation?n=`Invalid input: must end with "${e.validation.endsWith}"`:Ve.assertNever(e.validation):e.validation!=="regex"?n=`Invalid ${e.validation}`:n="Invalid";break;case ee.too_small:e.type==="array"?n=`Array must contain ${e.exact?"exactly":e.inclusive?"at least":"more than"} ${e.minimum} element(s)`:e.type==="string"?n=`String must contain ${e.exact?"exactly":e.inclusive?"at least":"over"} ${e.minimum} character(s)`:e.type==="number"?n=`Number must be ${e.exact?"exactly equal to ":e.inclusive?"greater than or equal to ":"greater than "}${e.minimum}`:e.type==="date"?n=`Date must be ${e.exact?"exactly equal to ":e.inclusive?"greater than or equal to ":"greater than "}${new Date(Number(e.minimum))}`:n="Invalid input";break;case ee.too_big:e.type==="array"?n=`Array must contain ${e.exact?"exactly":e.inclusive?"at most":"less than"} ${e.maximum} element(s)`:e.type==="string"?n=`String must contain ${e.exact?"exactly":e.inclusive?"at most":"under"} ${e.maximum} character(s)`:e.type==="number"?n=`Number must be ${e.exact?"exactly":e.inclusive?"less than or equal to":"less than"} ${e.maximum}`:e.type==="bigint"?n=`BigInt must be ${e.exact?"exactly":e.inclusive?"less than or equal to":"less than"} ${e.maximum}`:e.type==="date"?n=`Date must be ${e.exact?"exactly":e.inclusive?"smaller than or equal to":"smaller than"} ${new Date(Number(e.maximum))}`:n="Invalid input";break;case ee.custom:n="Invalid input";break;case ee.invalid_intersection_types:n="Intersection results could not be merged";break;case ee.not_multiple_of:n=`Number must be a multiple of ${e.multipleOf}`;break;case ee.not_finite:n="Number must be finite";break;default:n=t.defaultError,Ve.assertNever(e)}return{message:n}};let yO=ff;function uY(e){yO=e}function pm(){return yO}const gm=e=>{const{data:t,path:n,errorMaps:r,issueData:i}=e,o=[...n,...i.path||[]],s={...i,path:o};let a="";const l=r.filter(u=>!!u).slice().reverse();for(const u of l)a=u(s,{data:t,defaultError:a}).message;return{...i,path:o,message:i.message||a}},cY=[];function oe(e,t){const n=gm({issueData:t,data:e.data,path:e.path,errorMaps:[e.common.contextualErrorMap,e.schemaErrorMap,pm(),ff].filter(r=>!!r)});e.common.issues.push(n)}class jn{constructor(){this.value="valid"}dirty(){this.value==="valid"&&(this.value="dirty")}abort(){this.value!=="aborted"&&(this.value="aborted")}static mergeArray(t,n){const r=[];for(const i of n){if(i.status==="aborted")return be;i.status==="dirty"&&t.dirty(),r.push(i.value)}return{status:t.value,value:r}}static async mergeObjectAsync(t,n){const r=[];for(const i of n)r.push({key:await i.key,value:await i.value});return jn.mergeObjectSync(t,r)}static mergeObjectSync(t,n){const r={};for(const i of n){const{key:o,value:s}=i;if(o.status==="aborted"||s.status==="aborted")return be;o.status==="dirty"&&t.dirty(),s.status==="dirty"&&t.dirty(),(typeof s.value<"u"||i.alwaysSet)&&(r[o.value]=s.value)}return{status:t.value,value:r}}}const be=Object.freeze({status:"aborted"}),vO=e=>({status:"dirty",value:e}),tr=e=>({status:"valid",value:e}),I_=e=>e.status==="aborted",N_=e=>e.status==="dirty",mm=e=>e.status==="valid",ym=e=>typeof Promise<"u"&&e instanceof Promise;var ge;(function(e){e.errToObj=t=>typeof t=="string"?{message:t}:t||{},e.toString=t=>typeof t=="string"?t:t==null?void 0:t.message})(ge||(ge={}));class eo{constructor(t,n,r,i){this._cachedPath=[],this.parent=t,this.data=n,this._path=r,this._key=i}get path(){return this._cachedPath.length||(this._key instanceof Array?this._cachedPath.push(...this._path,...this._key):this._cachedPath.push(...this._path,this._key)),this._cachedPath}}const q4=(e,t)=>{if(mm(t))return{success:!0,data:t.value};if(!e.common.issues.length)throw new Error("Validation failed but no issues detected.");return{success:!1,get error(){if(this._error)return this._error;const n=new bi(e.common.issues);return this._error=n,this._error}}};function we(e){if(!e)return{};const{errorMap:t,invalid_type_error:n,required_error:r,description:i}=e;if(t&&(n||r))throw new Error(`Can't use "invalid_type_error" or "required_error" in conjunction with custom error map.`);return t?{errorMap:t,description:i}:{errorMap:(s,a)=>s.code!=="invalid_type"?{message:a.defaultError}:typeof a.data>"u"?{message:r??a.defaultError}:{message:n??a.defaultError},description:i}}class Ce{constructor(t){this.spa=this.safeParseAsync,this._def=t,this.parse=this.parse.bind(this),this.safeParse=this.safeParse.bind(this),this.parseAsync=this.parseAsync.bind(this),this.safeParseAsync=this.safeParseAsync.bind(this),this.spa=this.spa.bind(this),this.refine=this.refine.bind(this),this.refinement=this.refinement.bind(this),this.superRefine=this.superRefine.bind(this),this.optional=this.optional.bind(this),this.nullable=this.nullable.bind(this),this.nullish=this.nullish.bind(this),this.array=this.array.bind(this),this.promise=this.promise.bind(this),this.or=this.or.bind(this),this.and=this.and.bind(this),this.transform=this.transform.bind(this),this.brand=this.brand.bind(this),this.default=this.default.bind(this),this.catch=this.catch.bind(this),this.describe=this.describe.bind(this),this.pipe=this.pipe.bind(this),this.isNullable=this.isNullable.bind(this),this.isOptional=this.isOptional.bind(this)}get description(){return this._def.description}_getType(t){return ms(t.data)}_getOrReturnCtx(t,n){return n||{common:t.parent.common,data:t.data,parsedType:ms(t.data),schemaErrorMap:this._def.errorMap,path:t.path,parent:t.parent}}_processInputParams(t){return{status:new jn,ctx:{common:t.parent.common,data:t.data,parsedType:ms(t.data),schemaErrorMap:this._def.errorMap,path:t.path,parent:t.parent}}}_parseSync(t){const n=this._parse(t);if(ym(n))throw new Error("Synchronous parse encountered promise.");return n}_parseAsync(t){const n=this._parse(t);return Promise.resolve(n)}parse(t,n){const r=this.safeParse(t,n);if(r.success)return r.data;throw r.error}safeParse(t,n){var r;const i={common:{issues:[],async:(r=n==null?void 0:n.async)!==null&&r!==void 0?r:!1,contextualErrorMap:n==null?void 0:n.errorMap},path:(n==null?void 0:n.path)||[],schemaErrorMap:this._def.errorMap,parent:null,data:t,parsedType:ms(t)},o=this._parseSync({data:t,path:i.path,parent:i});return q4(i,o)}async parseAsync(t,n){const r=await this.safeParseAsync(t,n);if(r.success)return r.data;throw r.error}async safeParseAsync(t,n){const r={common:{issues:[],contextualErrorMap:n==null?void 0:n.errorMap,async:!0},path:(n==null?void 0:n.path)||[],schemaErrorMap:this._def.errorMap,parent:null,data:t,parsedType:ms(t)},i=this._parse({data:t,path:r.path,parent:r}),o=await(ym(i)?i:Promise.resolve(i));return q4(r,o)}refine(t,n){const r=i=>typeof n=="string"||typeof n>"u"?{message:n}:typeof n=="function"?n(i):n;return this._refinement((i,o)=>{const s=t(i),a=()=>o.addIssue({code:ee.custom,...r(i)});return typeof Promise<"u"&&s instanceof Promise?s.then(l=>l?!0:(a(),!1)):s?!0:(a(),!1)})}refinement(t,n){return this._refinement((r,i)=>t(r)?!0:(i.addIssue(typeof n=="function"?n(r,i):n),!1))}_refinement(t){return new Ti({schema:this,typeName:ye.ZodEffects,effect:{type:"refinement",refinement:t}})}superRefine(t){return this._refinement(t)}optional(){return Ro.create(this,this._def)}nullable(){return el.create(this,this._def)}nullish(){return this.nullable().optional()}array(){return Si.create(this,this._def)}promise(){return Ju.create(this,this._def)}or(t){return mf.create([this,t],this._def)}and(t){return yf.create(this,t,this._def)}transform(t){return new Ti({...we(this._def),schema:this,typeName:ye.ZodEffects,effect:{type:"transform",transform:t}})}default(t){const n=typeof t=="function"?t:()=>t;return new wf({...we(this._def),innerType:this,defaultValue:n,typeName:ye.ZodDefault})}brand(){return new SO({typeName:ye.ZodBranded,type:this,...we(this._def)})}catch(t){const n=typeof t=="function"?t:()=>t;return new _m({...we(this._def),innerType:this,catchValue:n,typeName:ye.ZodCatch})}describe(t){const n=this.constructor;return new n({...this._def,description:t})}pipe(t){return mh.create(this,t)}isOptional(){return this.safeParse(void 0).success}isNullable(){return this.safeParse(null).success}}const dY=/^c[^\s-]{8,}$/i,fY=/^[a-z][a-z0-9]*$/,hY=/[0-9A-HJKMNP-TV-Z]{26}/,pY=/^([a-f0-9]{8}-[a-f0-9]{4}-[1-5][a-f0-9]{3}-[a-f0-9]{4}-[a-f0-9]{12}|00000000-0000-0000-0000-000000000000)$/i,gY=/^(([^<>()[\]\\.,;:\s@\"]+(\.[^<>()[\]\\.,;:\s@\"]+)*)|(\".+\"))@((\[(((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))\.){3}((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))\])|(\[IPv6:(([a-f0-9]{1,4}:){7}|::([a-f0-9]{1,4}:){0,6}|([a-f0-9]{1,4}:){1}:([a-f0-9]{1,4}:){0,5}|([a-f0-9]{1,4}:){2}:([a-f0-9]{1,4}:){0,4}|([a-f0-9]{1,4}:){3}:([a-f0-9]{1,4}:){0,3}|([a-f0-9]{1,4}:){4}:([a-f0-9]{1,4}:){0,2}|([a-f0-9]{1,4}:){5}:([a-f0-9]{1,4}:){0,1})([a-f0-9]{1,4}|(((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))\.){3}((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2})))\])|([A-Za-z0-9]([A-Za-z0-9-]*[A-Za-z0-9])*(\.[A-Za-z]{2,})+))$/,mY=/^(\p{Extended_Pictographic}|\p{Emoji_Component})+$/u,yY=/^(((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))\.){3}((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))$/,vY=/^(([a-f0-9]{1,4}:){7}|::([a-f0-9]{1,4}:){0,6}|([a-f0-9]{1,4}:){1}:([a-f0-9]{1,4}:){0,5}|([a-f0-9]{1,4}:){2}:([a-f0-9]{1,4}:){0,4}|([a-f0-9]{1,4}:){3}:([a-f0-9]{1,4}:){0,3}|([a-f0-9]{1,4}:){4}:([a-f0-9]{1,4}:){0,2}|([a-f0-9]{1,4}:){5}:([a-f0-9]{1,4}:){0,1})([a-f0-9]{1,4}|(((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2}))\.){3}((25[0-5])|(2[0-4][0-9])|(1[0-9]{2})|([0-9]{1,2})))$/,bY=e=>e.precision?e.offset?new RegExp(`^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}\\.\\d{${e.precision}}(([+-]\\d{2}(:?\\d{2})?)|Z)$`):new RegExp(`^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}\\.\\d{${e.precision}}Z$`):e.precision===0?e.offset?new RegExp("^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}(([+-]\\d{2}(:?\\d{2})?)|Z)$"):new RegExp("^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}Z$"):e.offset?new RegExp("^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}(\\.\\d+)?(([+-]\\d{2}(:?\\d{2})?)|Z)$"):new RegExp("^\\d{4}-\\d{2}-\\d{2}T\\d{2}:\\d{2}:\\d{2}(\\.\\d+)?Z$");function SY(e,t){return!!((t==="v4"||!t)&&yY.test(e)||(t==="v6"||!t)&&vY.test(e))}class pi extends Ce{constructor(){super(...arguments),this._regex=(t,n,r)=>this.refinement(i=>t.test(i),{validation:n,code:ee.invalid_string,...ge.errToObj(r)}),this.nonempty=t=>this.min(1,ge.errToObj(t)),this.trim=()=>new pi({...this._def,checks:[...this._def.checks,{kind:"trim"}]}),this.toLowerCase=()=>new pi({...this._def,checks:[...this._def.checks,{kind:"toLowerCase"}]}),this.toUpperCase=()=>new pi({...this._def,checks:[...this._def.checks,{kind:"toUpperCase"}]})}_parse(t){if(this._def.coerce&&(t.data=String(t.data)),this._getType(t)!==re.string){const o=this._getOrReturnCtx(t);return oe(o,{code:ee.invalid_type,expected:re.string,received:o.parsedType}),be}const r=new jn;let i;for(const o of this._def.checks)if(o.kind==="min")t.data.lengtho.value&&(i=this._getOrReturnCtx(t,i),oe(i,{code:ee.too_big,maximum:o.value,type:"string",inclusive:!0,exact:!1,message:o.message}),r.dirty());else if(o.kind==="length"){const s=t.data.length>o.value,a=t.data.length"u"?null:t==null?void 0:t.precision,offset:(n=t==null?void 0:t.offset)!==null&&n!==void 0?n:!1,...ge.errToObj(t==null?void 0:t.message)})}regex(t,n){return this._addCheck({kind:"regex",regex:t,...ge.errToObj(n)})}includes(t,n){return this._addCheck({kind:"includes",value:t,position:n==null?void 0:n.position,...ge.errToObj(n==null?void 0:n.message)})}startsWith(t,n){return this._addCheck({kind:"startsWith",value:t,...ge.errToObj(n)})}endsWith(t,n){return this._addCheck({kind:"endsWith",value:t,...ge.errToObj(n)})}min(t,n){return this._addCheck({kind:"min",value:t,...ge.errToObj(n)})}max(t,n){return this._addCheck({kind:"max",value:t,...ge.errToObj(n)})}length(t,n){return this._addCheck({kind:"length",value:t,...ge.errToObj(n)})}get isDatetime(){return!!this._def.checks.find(t=>t.kind==="datetime")}get isEmail(){return!!this._def.checks.find(t=>t.kind==="email")}get isURL(){return!!this._def.checks.find(t=>t.kind==="url")}get isEmoji(){return!!this._def.checks.find(t=>t.kind==="emoji")}get isUUID(){return!!this._def.checks.find(t=>t.kind==="uuid")}get isCUID(){return!!this._def.checks.find(t=>t.kind==="cuid")}get isCUID2(){return!!this._def.checks.find(t=>t.kind==="cuid2")}get isULID(){return!!this._def.checks.find(t=>t.kind==="ulid")}get isIP(){return!!this._def.checks.find(t=>t.kind==="ip")}get minLength(){let t=null;for(const n of this._def.checks)n.kind==="min"&&(t===null||n.value>t)&&(t=n.value);return t}get maxLength(){let t=null;for(const n of this._def.checks)n.kind==="max"&&(t===null||n.value{var t;return new pi({checks:[],typeName:ye.ZodString,coerce:(t=e==null?void 0:e.coerce)!==null&&t!==void 0?t:!1,...we(e)})};function _Y(e,t){const n=(e.toString().split(".")[1]||"").length,r=(t.toString().split(".")[1]||"").length,i=n>r?n:r,o=parseInt(e.toFixed(i).replace(".","")),s=parseInt(t.toFixed(i).replace(".",""));return o%s/Math.pow(10,i)}class zs extends Ce{constructor(){super(...arguments),this.min=this.gte,this.max=this.lte,this.step=this.multipleOf}_parse(t){if(this._def.coerce&&(t.data=Number(t.data)),this._getType(t)!==re.number){const o=this._getOrReturnCtx(t);return oe(o,{code:ee.invalid_type,expected:re.number,received:o.parsedType}),be}let r;const i=new jn;for(const o of this._def.checks)o.kind==="int"?Ve.isInteger(t.data)||(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.invalid_type,expected:"integer",received:"float",message:o.message}),i.dirty()):o.kind==="min"?(o.inclusive?t.datao.value:t.data>=o.value)&&(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.too_big,maximum:o.value,type:"number",inclusive:o.inclusive,exact:!1,message:o.message}),i.dirty()):o.kind==="multipleOf"?_Y(t.data,o.value)!==0&&(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.not_multiple_of,multipleOf:o.value,message:o.message}),i.dirty()):o.kind==="finite"?Number.isFinite(t.data)||(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.not_finite,message:o.message}),i.dirty()):Ve.assertNever(o);return{status:i.value,value:t.data}}gte(t,n){return this.setLimit("min",t,!0,ge.toString(n))}gt(t,n){return this.setLimit("min",t,!1,ge.toString(n))}lte(t,n){return this.setLimit("max",t,!0,ge.toString(n))}lt(t,n){return this.setLimit("max",t,!1,ge.toString(n))}setLimit(t,n,r,i){return new zs({...this._def,checks:[...this._def.checks,{kind:t,value:n,inclusive:r,message:ge.toString(i)}]})}_addCheck(t){return new zs({...this._def,checks:[...this._def.checks,t]})}int(t){return this._addCheck({kind:"int",message:ge.toString(t)})}positive(t){return this._addCheck({kind:"min",value:0,inclusive:!1,message:ge.toString(t)})}negative(t){return this._addCheck({kind:"max",value:0,inclusive:!1,message:ge.toString(t)})}nonpositive(t){return this._addCheck({kind:"max",value:0,inclusive:!0,message:ge.toString(t)})}nonnegative(t){return this._addCheck({kind:"min",value:0,inclusive:!0,message:ge.toString(t)})}multipleOf(t,n){return this._addCheck({kind:"multipleOf",value:t,message:ge.toString(n)})}finite(t){return this._addCheck({kind:"finite",message:ge.toString(t)})}safe(t){return this._addCheck({kind:"min",inclusive:!0,value:Number.MIN_SAFE_INTEGER,message:ge.toString(t)})._addCheck({kind:"max",inclusive:!0,value:Number.MAX_SAFE_INTEGER,message:ge.toString(t)})}get minValue(){let t=null;for(const n of this._def.checks)n.kind==="min"&&(t===null||n.value>t)&&(t=n.value);return t}get maxValue(){let t=null;for(const n of this._def.checks)n.kind==="max"&&(t===null||n.valuet.kind==="int"||t.kind==="multipleOf"&&Ve.isInteger(t.value))}get isFinite(){let t=null,n=null;for(const r of this._def.checks){if(r.kind==="finite"||r.kind==="int"||r.kind==="multipleOf")return!0;r.kind==="min"?(n===null||r.value>n)&&(n=r.value):r.kind==="max"&&(t===null||r.valuenew zs({checks:[],typeName:ye.ZodNumber,coerce:(e==null?void 0:e.coerce)||!1,...we(e)});class Us extends Ce{constructor(){super(...arguments),this.min=this.gte,this.max=this.lte}_parse(t){if(this._def.coerce&&(t.data=BigInt(t.data)),this._getType(t)!==re.bigint){const o=this._getOrReturnCtx(t);return oe(o,{code:ee.invalid_type,expected:re.bigint,received:o.parsedType}),be}let r;const i=new jn;for(const o of this._def.checks)o.kind==="min"?(o.inclusive?t.datao.value:t.data>=o.value)&&(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.too_big,type:"bigint",maximum:o.value,inclusive:o.inclusive,message:o.message}),i.dirty()):o.kind==="multipleOf"?t.data%o.value!==BigInt(0)&&(r=this._getOrReturnCtx(t,r),oe(r,{code:ee.not_multiple_of,multipleOf:o.value,message:o.message}),i.dirty()):Ve.assertNever(o);return{status:i.value,value:t.data}}gte(t,n){return this.setLimit("min",t,!0,ge.toString(n))}gt(t,n){return this.setLimit("min",t,!1,ge.toString(n))}lte(t,n){return this.setLimit("max",t,!0,ge.toString(n))}lt(t,n){return this.setLimit("max",t,!1,ge.toString(n))}setLimit(t,n,r,i){return new Us({...this._def,checks:[...this._def.checks,{kind:t,value:n,inclusive:r,message:ge.toString(i)}]})}_addCheck(t){return new Us({...this._def,checks:[...this._def.checks,t]})}positive(t){return this._addCheck({kind:"min",value:BigInt(0),inclusive:!1,message:ge.toString(t)})}negative(t){return this._addCheck({kind:"max",value:BigInt(0),inclusive:!1,message:ge.toString(t)})}nonpositive(t){return this._addCheck({kind:"max",value:BigInt(0),inclusive:!0,message:ge.toString(t)})}nonnegative(t){return this._addCheck({kind:"min",value:BigInt(0),inclusive:!0,message:ge.toString(t)})}multipleOf(t,n){return this._addCheck({kind:"multipleOf",value:t,message:ge.toString(n)})}get minValue(){let t=null;for(const n of this._def.checks)n.kind==="min"&&(t===null||n.value>t)&&(t=n.value);return t}get maxValue(){let t=null;for(const n of this._def.checks)n.kind==="max"&&(t===null||n.value{var t;return new Us({checks:[],typeName:ye.ZodBigInt,coerce:(t=e==null?void 0:e.coerce)!==null&&t!==void 0?t:!1,...we(e)})};class hf extends Ce{_parse(t){if(this._def.coerce&&(t.data=!!t.data),this._getType(t)!==re.boolean){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.boolean,received:r.parsedType}),be}return tr(t.data)}}hf.create=e=>new hf({typeName:ye.ZodBoolean,coerce:(e==null?void 0:e.coerce)||!1,...we(e)});class Za extends Ce{_parse(t){if(this._def.coerce&&(t.data=new Date(t.data)),this._getType(t)!==re.date){const o=this._getOrReturnCtx(t);return oe(o,{code:ee.invalid_type,expected:re.date,received:o.parsedType}),be}if(isNaN(t.data.getTime())){const o=this._getOrReturnCtx(t);return oe(o,{code:ee.invalid_date}),be}const r=new jn;let i;for(const o of this._def.checks)o.kind==="min"?t.data.getTime()o.value&&(i=this._getOrReturnCtx(t,i),oe(i,{code:ee.too_big,message:o.message,inclusive:!0,exact:!1,maximum:o.value,type:"date"}),r.dirty()):Ve.assertNever(o);return{status:r.value,value:new Date(t.data.getTime())}}_addCheck(t){return new Za({...this._def,checks:[...this._def.checks,t]})}min(t,n){return this._addCheck({kind:"min",value:t.getTime(),message:ge.toString(n)})}max(t,n){return this._addCheck({kind:"max",value:t.getTime(),message:ge.toString(n)})}get minDate(){let t=null;for(const n of this._def.checks)n.kind==="min"&&(t===null||n.value>t)&&(t=n.value);return t!=null?new Date(t):null}get maxDate(){let t=null;for(const n of this._def.checks)n.kind==="max"&&(t===null||n.valuenew Za({checks:[],coerce:(e==null?void 0:e.coerce)||!1,typeName:ye.ZodDate,...we(e)});class vm extends Ce{_parse(t){if(this._getType(t)!==re.symbol){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.symbol,received:r.parsedType}),be}return tr(t.data)}}vm.create=e=>new vm({typeName:ye.ZodSymbol,...we(e)});class pf extends Ce{_parse(t){if(this._getType(t)!==re.undefined){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.undefined,received:r.parsedType}),be}return tr(t.data)}}pf.create=e=>new pf({typeName:ye.ZodUndefined,...we(e)});class gf extends Ce{_parse(t){if(this._getType(t)!==re.null){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.null,received:r.parsedType}),be}return tr(t.data)}}gf.create=e=>new gf({typeName:ye.ZodNull,...we(e)});class Zu extends Ce{constructor(){super(...arguments),this._any=!0}_parse(t){return tr(t.data)}}Zu.create=e=>new Zu({typeName:ye.ZodAny,...we(e)});class Ba extends Ce{constructor(){super(...arguments),this._unknown=!0}_parse(t){return tr(t.data)}}Ba.create=e=>new Ba({typeName:ye.ZodUnknown,...we(e)});class Vo extends Ce{_parse(t){const n=this._getOrReturnCtx(t);return oe(n,{code:ee.invalid_type,expected:re.never,received:n.parsedType}),be}}Vo.create=e=>new Vo({typeName:ye.ZodNever,...we(e)});class bm extends Ce{_parse(t){if(this._getType(t)!==re.undefined){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.void,received:r.parsedType}),be}return tr(t.data)}}bm.create=e=>new bm({typeName:ye.ZodVoid,...we(e)});class Si extends Ce{_parse(t){const{ctx:n,status:r}=this._processInputParams(t),i=this._def;if(n.parsedType!==re.array)return oe(n,{code:ee.invalid_type,expected:re.array,received:n.parsedType}),be;if(i.exactLength!==null){const s=n.data.length>i.exactLength.value,a=n.data.lengthi.maxLength.value&&(oe(n,{code:ee.too_big,maximum:i.maxLength.value,type:"array",inclusive:!0,exact:!1,message:i.maxLength.message}),r.dirty()),n.common.async)return Promise.all([...n.data].map((s,a)=>i.type._parseAsync(new eo(n,s,n.path,a)))).then(s=>jn.mergeArray(r,s));const o=[...n.data].map((s,a)=>i.type._parseSync(new eo(n,s,n.path,a)));return jn.mergeArray(r,o)}get element(){return this._def.type}min(t,n){return new Si({...this._def,minLength:{value:t,message:ge.toString(n)}})}max(t,n){return new Si({...this._def,maxLength:{value:t,message:ge.toString(n)}})}length(t,n){return new Si({...this._def,exactLength:{value:t,message:ge.toString(n)}})}nonempty(t){return this.min(1,t)}}Si.create=(e,t)=>new Si({type:e,minLength:null,maxLength:null,exactLength:null,typeName:ye.ZodArray,...we(t)});function Wl(e){if(e instanceof Tt){const t={};for(const n in e.shape){const r=e.shape[n];t[n]=Ro.create(Wl(r))}return new Tt({...e._def,shape:()=>t})}else return e instanceof Si?new Si({...e._def,type:Wl(e.element)}):e instanceof Ro?Ro.create(Wl(e.unwrap())):e instanceof el?el.create(Wl(e.unwrap())):e instanceof to?to.create(e.items.map(t=>Wl(t))):e}class Tt extends Ce{constructor(){super(...arguments),this._cached=null,this.nonstrict=this.passthrough,this.augment=this.extend}_getCached(){if(this._cached!==null)return this._cached;const t=this._def.shape(),n=Ve.objectKeys(t);return this._cached={shape:t,keys:n}}_parse(t){if(this._getType(t)!==re.object){const u=this._getOrReturnCtx(t);return oe(u,{code:ee.invalid_type,expected:re.object,received:u.parsedType}),be}const{status:r,ctx:i}=this._processInputParams(t),{shape:o,keys:s}=this._getCached(),a=[];if(!(this._def.catchall instanceof Vo&&this._def.unknownKeys==="strip"))for(const u in i.data)s.includes(u)||a.push(u);const l=[];for(const u of s){const c=o[u],d=i.data[u];l.push({key:{status:"valid",value:u},value:c._parse(new eo(i,d,i.path,u)),alwaysSet:u in i.data})}if(this._def.catchall instanceof Vo){const u=this._def.unknownKeys;if(u==="passthrough")for(const c of a)l.push({key:{status:"valid",value:c},value:{status:"valid",value:i.data[c]}});else if(u==="strict")a.length>0&&(oe(i,{code:ee.unrecognized_keys,keys:a}),r.dirty());else if(u!=="strip")throw new Error("Internal ZodObject error: invalid unknownKeys value.")}else{const u=this._def.catchall;for(const c of a){const d=i.data[c];l.push({key:{status:"valid",value:c},value:u._parse(new eo(i,d,i.path,c)),alwaysSet:c in i.data})}}return i.common.async?Promise.resolve().then(async()=>{const u=[];for(const c of l){const d=await c.key;u.push({key:d,value:await c.value,alwaysSet:c.alwaysSet})}return u}).then(u=>jn.mergeObjectSync(r,u)):jn.mergeObjectSync(r,l)}get shape(){return this._def.shape()}strict(t){return ge.errToObj,new Tt({...this._def,unknownKeys:"strict",...t!==void 0?{errorMap:(n,r)=>{var i,o,s,a;const l=(s=(o=(i=this._def).errorMap)===null||o===void 0?void 0:o.call(i,n,r).message)!==null&&s!==void 0?s:r.defaultError;return n.code==="unrecognized_keys"?{message:(a=ge.errToObj(t).message)!==null&&a!==void 0?a:l}:{message:l}}}:{}})}strip(){return new Tt({...this._def,unknownKeys:"strip"})}passthrough(){return new Tt({...this._def,unknownKeys:"passthrough"})}extend(t){return new Tt({...this._def,shape:()=>({...this._def.shape(),...t})})}merge(t){return new Tt({unknownKeys:t._def.unknownKeys,catchall:t._def.catchall,shape:()=>({...this._def.shape(),...t._def.shape()}),typeName:ye.ZodObject})}setKey(t,n){return this.augment({[t]:n})}catchall(t){return new Tt({...this._def,catchall:t})}pick(t){const n={};return Ve.objectKeys(t).forEach(r=>{t[r]&&this.shape[r]&&(n[r]=this.shape[r])}),new Tt({...this._def,shape:()=>n})}omit(t){const n={};return Ve.objectKeys(this.shape).forEach(r=>{t[r]||(n[r]=this.shape[r])}),new Tt({...this._def,shape:()=>n})}deepPartial(){return Wl(this)}partial(t){const n={};return Ve.objectKeys(this.shape).forEach(r=>{const i=this.shape[r];t&&!t[r]?n[r]=i:n[r]=i.optional()}),new Tt({...this._def,shape:()=>n})}required(t){const n={};return Ve.objectKeys(this.shape).forEach(r=>{if(t&&!t[r])n[r]=this.shape[r];else{let o=this.shape[r];for(;o instanceof Ro;)o=o._def.innerType;n[r]=o}}),new Tt({...this._def,shape:()=>n})}keyof(){return bO(Ve.objectKeys(this.shape))}}Tt.create=(e,t)=>new Tt({shape:()=>e,unknownKeys:"strip",catchall:Vo.create(),typeName:ye.ZodObject,...we(t)});Tt.strictCreate=(e,t)=>new Tt({shape:()=>e,unknownKeys:"strict",catchall:Vo.create(),typeName:ye.ZodObject,...we(t)});Tt.lazycreate=(e,t)=>new Tt({shape:e,unknownKeys:"strip",catchall:Vo.create(),typeName:ye.ZodObject,...we(t)});class mf extends Ce{_parse(t){const{ctx:n}=this._processInputParams(t),r=this._def.options;function i(o){for(const a of o)if(a.result.status==="valid")return a.result;for(const a of o)if(a.result.status==="dirty")return n.common.issues.push(...a.ctx.common.issues),a.result;const s=o.map(a=>new bi(a.ctx.common.issues));return oe(n,{code:ee.invalid_union,unionErrors:s}),be}if(n.common.async)return Promise.all(r.map(async o=>{const s={...n,common:{...n.common,issues:[]},parent:null};return{result:await o._parseAsync({data:n.data,path:n.path,parent:s}),ctx:s}})).then(i);{let o;const s=[];for(const l of r){const u={...n,common:{...n.common,issues:[]},parent:null},c=l._parseSync({data:n.data,path:n.path,parent:u});if(c.status==="valid")return c;c.status==="dirty"&&!o&&(o={result:c,ctx:u}),u.common.issues.length&&s.push(u.common.issues)}if(o)return n.common.issues.push(...o.ctx.common.issues),o.result;const a=s.map(l=>new bi(l));return oe(n,{code:ee.invalid_union,unionErrors:a}),be}}get options(){return this._def.options}}mf.create=(e,t)=>new mf({options:e,typeName:ye.ZodUnion,...we(t)});const dg=e=>e instanceof bf?dg(e.schema):e instanceof Ti?dg(e.innerType()):e instanceof Sf?[e.value]:e instanceof Gs?e.options:e instanceof _f?Object.keys(e.enum):e instanceof wf?dg(e._def.innerType):e instanceof pf?[void 0]:e instanceof gf?[null]:null;class w0 extends Ce{_parse(t){const{ctx:n}=this._processInputParams(t);if(n.parsedType!==re.object)return oe(n,{code:ee.invalid_type,expected:re.object,received:n.parsedType}),be;const r=this.discriminator,i=n.data[r],o=this.optionsMap.get(i);return o?n.common.async?o._parseAsync({data:n.data,path:n.path,parent:n}):o._parseSync({data:n.data,path:n.path,parent:n}):(oe(n,{code:ee.invalid_union_discriminator,options:Array.from(this.optionsMap.keys()),path:[r]}),be)}get discriminator(){return this._def.discriminator}get options(){return this._def.options}get optionsMap(){return this._def.optionsMap}static create(t,n,r){const i=new Map;for(const o of n){const s=dg(o.shape[t]);if(!s)throw new Error(`A discriminator value for key \`${t}\` could not be extracted from all schema options`);for(const a of s){if(i.has(a))throw new Error(`Discriminator property ${String(t)} has duplicate value ${String(a)}`);i.set(a,o)}}return new w0({typeName:ye.ZodDiscriminatedUnion,discriminator:t,options:n,optionsMap:i,...we(r)})}}function D_(e,t){const n=ms(e),r=ms(t);if(e===t)return{valid:!0,data:e};if(n===re.object&&r===re.object){const i=Ve.objectKeys(t),o=Ve.objectKeys(e).filter(a=>i.indexOf(a)!==-1),s={...e,...t};for(const a of o){const l=D_(e[a],t[a]);if(!l.valid)return{valid:!1};s[a]=l.data}return{valid:!0,data:s}}else if(n===re.array&&r===re.array){if(e.length!==t.length)return{valid:!1};const i=[];for(let o=0;o{if(I_(o)||I_(s))return be;const a=D_(o.value,s.value);return a.valid?((N_(o)||N_(s))&&n.dirty(),{status:n.value,value:a.data}):(oe(r,{code:ee.invalid_intersection_types}),be)};return r.common.async?Promise.all([this._def.left._parseAsync({data:r.data,path:r.path,parent:r}),this._def.right._parseAsync({data:r.data,path:r.path,parent:r})]).then(([o,s])=>i(o,s)):i(this._def.left._parseSync({data:r.data,path:r.path,parent:r}),this._def.right._parseSync({data:r.data,path:r.path,parent:r}))}}yf.create=(e,t,n)=>new yf({left:e,right:t,typeName:ye.ZodIntersection,...we(n)});class to extends Ce{_parse(t){const{status:n,ctx:r}=this._processInputParams(t);if(r.parsedType!==re.array)return oe(r,{code:ee.invalid_type,expected:re.array,received:r.parsedType}),be;if(r.data.lengththis._def.items.length&&(oe(r,{code:ee.too_big,maximum:this._def.items.length,inclusive:!0,exact:!1,type:"array"}),n.dirty());const o=[...r.data].map((s,a)=>{const l=this._def.items[a]||this._def.rest;return l?l._parse(new eo(r,s,r.path,a)):null}).filter(s=>!!s);return r.common.async?Promise.all(o).then(s=>jn.mergeArray(n,s)):jn.mergeArray(n,o)}get items(){return this._def.items}rest(t){return new to({...this._def,rest:t})}}to.create=(e,t)=>{if(!Array.isArray(e))throw new Error("You must pass an array of schemas to z.tuple([ ... ])");return new to({items:e,typeName:ye.ZodTuple,rest:null,...we(t)})};class vf extends Ce{get keySchema(){return this._def.keyType}get valueSchema(){return this._def.valueType}_parse(t){const{status:n,ctx:r}=this._processInputParams(t);if(r.parsedType!==re.object)return oe(r,{code:ee.invalid_type,expected:re.object,received:r.parsedType}),be;const i=[],o=this._def.keyType,s=this._def.valueType;for(const a in r.data)i.push({key:o._parse(new eo(r,a,r.path,a)),value:s._parse(new eo(r,r.data[a],r.path,a))});return r.common.async?jn.mergeObjectAsync(n,i):jn.mergeObjectSync(n,i)}get element(){return this._def.valueType}static create(t,n,r){return n instanceof Ce?new vf({keyType:t,valueType:n,typeName:ye.ZodRecord,...we(r)}):new vf({keyType:pi.create(),valueType:t,typeName:ye.ZodRecord,...we(n)})}}class Sm extends Ce{_parse(t){const{status:n,ctx:r}=this._processInputParams(t);if(r.parsedType!==re.map)return oe(r,{code:ee.invalid_type,expected:re.map,received:r.parsedType}),be;const i=this._def.keyType,o=this._def.valueType,s=[...r.data.entries()].map(([a,l],u)=>({key:i._parse(new eo(r,a,r.path,[u,"key"])),value:o._parse(new eo(r,l,r.path,[u,"value"]))}));if(r.common.async){const a=new Map;return Promise.resolve().then(async()=>{for(const l of s){const u=await l.key,c=await l.value;if(u.status==="aborted"||c.status==="aborted")return be;(u.status==="dirty"||c.status==="dirty")&&n.dirty(),a.set(u.value,c.value)}return{status:n.value,value:a}})}else{const a=new Map;for(const l of s){const u=l.key,c=l.value;if(u.status==="aborted"||c.status==="aborted")return be;(u.status==="dirty"||c.status==="dirty")&&n.dirty(),a.set(u.value,c.value)}return{status:n.value,value:a}}}}Sm.create=(e,t,n)=>new Sm({valueType:t,keyType:e,typeName:ye.ZodMap,...we(n)});class Ja extends Ce{_parse(t){const{status:n,ctx:r}=this._processInputParams(t);if(r.parsedType!==re.set)return oe(r,{code:ee.invalid_type,expected:re.set,received:r.parsedType}),be;const i=this._def;i.minSize!==null&&r.data.sizei.maxSize.value&&(oe(r,{code:ee.too_big,maximum:i.maxSize.value,type:"set",inclusive:!0,exact:!1,message:i.maxSize.message}),n.dirty());const o=this._def.valueType;function s(l){const u=new Set;for(const c of l){if(c.status==="aborted")return be;c.status==="dirty"&&n.dirty(),u.add(c.value)}return{status:n.value,value:u}}const a=[...r.data.values()].map((l,u)=>o._parse(new eo(r,l,r.path,u)));return r.common.async?Promise.all(a).then(l=>s(l)):s(a)}min(t,n){return new Ja({...this._def,minSize:{value:t,message:ge.toString(n)}})}max(t,n){return new Ja({...this._def,maxSize:{value:t,message:ge.toString(n)}})}size(t,n){return this.min(t,n).max(t,n)}nonempty(t){return this.min(1,t)}}Ja.create=(e,t)=>new Ja({valueType:e,minSize:null,maxSize:null,typeName:ye.ZodSet,...we(t)});class ku extends Ce{constructor(){super(...arguments),this.validate=this.implement}_parse(t){const{ctx:n}=this._processInputParams(t);if(n.parsedType!==re.function)return oe(n,{code:ee.invalid_type,expected:re.function,received:n.parsedType}),be;function r(a,l){return gm({data:a,path:n.path,errorMaps:[n.common.contextualErrorMap,n.schemaErrorMap,pm(),ff].filter(u=>!!u),issueData:{code:ee.invalid_arguments,argumentsError:l}})}function i(a,l){return gm({data:a,path:n.path,errorMaps:[n.common.contextualErrorMap,n.schemaErrorMap,pm(),ff].filter(u=>!!u),issueData:{code:ee.invalid_return_type,returnTypeError:l}})}const o={errorMap:n.common.contextualErrorMap},s=n.data;return this._def.returns instanceof Ju?tr(async(...a)=>{const l=new bi([]),u=await this._def.args.parseAsync(a,o).catch(f=>{throw l.addIssue(r(a,f)),l}),c=await s(...u);return await this._def.returns._def.type.parseAsync(c,o).catch(f=>{throw l.addIssue(i(c,f)),l})}):tr((...a)=>{const l=this._def.args.safeParse(a,o);if(!l.success)throw new bi([r(a,l.error)]);const u=s(...l.data),c=this._def.returns.safeParse(u,o);if(!c.success)throw new bi([i(u,c.error)]);return c.data})}parameters(){return this._def.args}returnType(){return this._def.returns}args(...t){return new ku({...this._def,args:to.create(t).rest(Ba.create())})}returns(t){return new ku({...this._def,returns:t})}implement(t){return this.parse(t)}strictImplement(t){return this.parse(t)}static create(t,n,r){return new ku({args:t||to.create([]).rest(Ba.create()),returns:n||Ba.create(),typeName:ye.ZodFunction,...we(r)})}}class bf extends Ce{get schema(){return this._def.getter()}_parse(t){const{ctx:n}=this._processInputParams(t);return this._def.getter()._parse({data:n.data,path:n.path,parent:n})}}bf.create=(e,t)=>new bf({getter:e,typeName:ye.ZodLazy,...we(t)});class Sf extends Ce{_parse(t){if(t.data!==this._def.value){const n=this._getOrReturnCtx(t);return oe(n,{received:n.data,code:ee.invalid_literal,expected:this._def.value}),be}return{status:"valid",value:t.data}}get value(){return this._def.value}}Sf.create=(e,t)=>new Sf({value:e,typeName:ye.ZodLiteral,...we(t)});function bO(e,t){return new Gs({values:e,typeName:ye.ZodEnum,...we(t)})}class Gs extends Ce{_parse(t){if(typeof t.data!="string"){const n=this._getOrReturnCtx(t),r=this._def.values;return oe(n,{expected:Ve.joinValues(r),received:n.parsedType,code:ee.invalid_type}),be}if(this._def.values.indexOf(t.data)===-1){const n=this._getOrReturnCtx(t),r=this._def.values;return oe(n,{received:n.data,code:ee.invalid_enum_value,options:r}),be}return tr(t.data)}get options(){return this._def.values}get enum(){const t={};for(const n of this._def.values)t[n]=n;return t}get Values(){const t={};for(const n of this._def.values)t[n]=n;return t}get Enum(){const t={};for(const n of this._def.values)t[n]=n;return t}extract(t){return Gs.create(t)}exclude(t){return Gs.create(this.options.filter(n=>!t.includes(n)))}}Gs.create=bO;class _f extends Ce{_parse(t){const n=Ve.getValidEnumValues(this._def.values),r=this._getOrReturnCtx(t);if(r.parsedType!==re.string&&r.parsedType!==re.number){const i=Ve.objectValues(n);return oe(r,{expected:Ve.joinValues(i),received:r.parsedType,code:ee.invalid_type}),be}if(n.indexOf(t.data)===-1){const i=Ve.objectValues(n);return oe(r,{received:r.data,code:ee.invalid_enum_value,options:i}),be}return tr(t.data)}get enum(){return this._def.values}}_f.create=(e,t)=>new _f({values:e,typeName:ye.ZodNativeEnum,...we(t)});class Ju extends Ce{unwrap(){return this._def.type}_parse(t){const{ctx:n}=this._processInputParams(t);if(n.parsedType!==re.promise&&n.common.async===!1)return oe(n,{code:ee.invalid_type,expected:re.promise,received:n.parsedType}),be;const r=n.parsedType===re.promise?n.data:Promise.resolve(n.data);return tr(r.then(i=>this._def.type.parseAsync(i,{path:n.path,errorMap:n.common.contextualErrorMap})))}}Ju.create=(e,t)=>new Ju({type:e,typeName:ye.ZodPromise,...we(t)});class Ti extends Ce{innerType(){return this._def.schema}sourceType(){return this._def.schema._def.typeName===ye.ZodEffects?this._def.schema.sourceType():this._def.schema}_parse(t){const{status:n,ctx:r}=this._processInputParams(t),i=this._def.effect||null;if(i.type==="preprocess"){const s=i.transform(r.data);return r.common.async?Promise.resolve(s).then(a=>this._def.schema._parseAsync({data:a,path:r.path,parent:r})):this._def.schema._parseSync({data:s,path:r.path,parent:r})}const o={addIssue:s=>{oe(r,s),s.fatal?n.abort():n.dirty()},get path(){return r.path}};if(o.addIssue=o.addIssue.bind(o),i.type==="refinement"){const s=a=>{const l=i.refinement(a,o);if(r.common.async)return Promise.resolve(l);if(l instanceof Promise)throw new Error("Async refinement encountered during synchronous parse operation. Use .parseAsync instead.");return a};if(r.common.async===!1){const a=this._def.schema._parseSync({data:r.data,path:r.path,parent:r});return a.status==="aborted"?be:(a.status==="dirty"&&n.dirty(),s(a.value),{status:n.value,value:a.value})}else return this._def.schema._parseAsync({data:r.data,path:r.path,parent:r}).then(a=>a.status==="aborted"?be:(a.status==="dirty"&&n.dirty(),s(a.value).then(()=>({status:n.value,value:a.value}))))}if(i.type==="transform")if(r.common.async===!1){const s=this._def.schema._parseSync({data:r.data,path:r.path,parent:r});if(!mm(s))return s;const a=i.transform(s.value,o);if(a instanceof Promise)throw new Error("Asynchronous transform encountered during synchronous parse operation. Use .parseAsync instead.");return{status:n.value,value:a}}else return this._def.schema._parseAsync({data:r.data,path:r.path,parent:r}).then(s=>mm(s)?Promise.resolve(i.transform(s.value,o)).then(a=>({status:n.value,value:a})):s);Ve.assertNever(i)}}Ti.create=(e,t,n)=>new Ti({schema:e,typeName:ye.ZodEffects,effect:t,...we(n)});Ti.createWithPreprocess=(e,t,n)=>new Ti({schema:t,effect:{type:"preprocess",transform:e},typeName:ye.ZodEffects,...we(n)});class Ro extends Ce{_parse(t){return this._getType(t)===re.undefined?tr(void 0):this._def.innerType._parse(t)}unwrap(){return this._def.innerType}}Ro.create=(e,t)=>new Ro({innerType:e,typeName:ye.ZodOptional,...we(t)});class el extends Ce{_parse(t){return this._getType(t)===re.null?tr(null):this._def.innerType._parse(t)}unwrap(){return this._def.innerType}}el.create=(e,t)=>new el({innerType:e,typeName:ye.ZodNullable,...we(t)});class wf extends Ce{_parse(t){const{ctx:n}=this._processInputParams(t);let r=n.data;return n.parsedType===re.undefined&&(r=this._def.defaultValue()),this._def.innerType._parse({data:r,path:n.path,parent:n})}removeDefault(){return this._def.innerType}}wf.create=(e,t)=>new wf({innerType:e,typeName:ye.ZodDefault,defaultValue:typeof t.default=="function"?t.default:()=>t.default,...we(t)});class _m extends Ce{_parse(t){const{ctx:n}=this._processInputParams(t),r={...n,common:{...n.common,issues:[]}},i=this._def.innerType._parse({data:r.data,path:r.path,parent:{...r}});return ym(i)?i.then(o=>({status:"valid",value:o.status==="valid"?o.value:this._def.catchValue({get error(){return new bi(r.common.issues)},input:r.data})})):{status:"valid",value:i.status==="valid"?i.value:this._def.catchValue({get error(){return new bi(r.common.issues)},input:r.data})}}removeCatch(){return this._def.innerType}}_m.create=(e,t)=>new _m({innerType:e,typeName:ye.ZodCatch,catchValue:typeof t.catch=="function"?t.catch:()=>t.catch,...we(t)});class wm extends Ce{_parse(t){if(this._getType(t)!==re.nan){const r=this._getOrReturnCtx(t);return oe(r,{code:ee.invalid_type,expected:re.nan,received:r.parsedType}),be}return{status:"valid",value:t.data}}}wm.create=e=>new wm({typeName:ye.ZodNaN,...we(e)});const wY=Symbol("zod_brand");class SO extends Ce{_parse(t){const{ctx:n}=this._processInputParams(t),r=n.data;return this._def.type._parse({data:r,path:n.path,parent:n})}unwrap(){return this._def.type}}class mh extends Ce{_parse(t){const{status:n,ctx:r}=this._processInputParams(t);if(r.common.async)return(async()=>{const o=await this._def.in._parseAsync({data:r.data,path:r.path,parent:r});return o.status==="aborted"?be:o.status==="dirty"?(n.dirty(),vO(o.value)):this._def.out._parseAsync({data:o.value,path:r.path,parent:r})})();{const i=this._def.in._parseSync({data:r.data,path:r.path,parent:r});return i.status==="aborted"?be:i.status==="dirty"?(n.dirty(),{status:"dirty",value:i.value}):this._def.out._parseSync({data:i.value,path:r.path,parent:r})}}static create(t,n){return new mh({in:t,out:n,typeName:ye.ZodPipeline})}}const _O=(e,t={},n)=>e?Zu.create().superRefine((r,i)=>{var o,s;if(!e(r)){const a=typeof t=="function"?t(r):typeof t=="string"?{message:t}:t,l=(s=(o=a.fatal)!==null&&o!==void 0?o:n)!==null&&s!==void 0?s:!0,u=typeof a=="string"?{message:a}:a;i.addIssue({code:"custom",...u,fatal:l})}}):Zu.create(),xY={object:Tt.lazycreate};var ye;(function(e){e.ZodString="ZodString",e.ZodNumber="ZodNumber",e.ZodNaN="ZodNaN",e.ZodBigInt="ZodBigInt",e.ZodBoolean="ZodBoolean",e.ZodDate="ZodDate",e.ZodSymbol="ZodSymbol",e.ZodUndefined="ZodUndefined",e.ZodNull="ZodNull",e.ZodAny="ZodAny",e.ZodUnknown="ZodUnknown",e.ZodNever="ZodNever",e.ZodVoid="ZodVoid",e.ZodArray="ZodArray",e.ZodObject="ZodObject",e.ZodUnion="ZodUnion",e.ZodDiscriminatedUnion="ZodDiscriminatedUnion",e.ZodIntersection="ZodIntersection",e.ZodTuple="ZodTuple",e.ZodRecord="ZodRecord",e.ZodMap="ZodMap",e.ZodSet="ZodSet",e.ZodFunction="ZodFunction",e.ZodLazy="ZodLazy",e.ZodLiteral="ZodLiteral",e.ZodEnum="ZodEnum",e.ZodEffects="ZodEffects",e.ZodNativeEnum="ZodNativeEnum",e.ZodOptional="ZodOptional",e.ZodNullable="ZodNullable",e.ZodDefault="ZodDefault",e.ZodCatch="ZodCatch",e.ZodPromise="ZodPromise",e.ZodBranded="ZodBranded",e.ZodPipeline="ZodPipeline"})(ye||(ye={}));const CY=(e,t={message:`Input not instance of ${e.name}`})=>_O(n=>n instanceof e,t),wO=pi.create,xO=zs.create,TY=wm.create,EY=Us.create,CO=hf.create,PY=Za.create,AY=vm.create,kY=pf.create,RY=gf.create,OY=Zu.create,MY=Ba.create,IY=Vo.create,NY=bm.create,DY=Si.create,LY=Tt.create,$Y=Tt.strictCreate,FY=mf.create,BY=w0.create,jY=yf.create,VY=to.create,zY=vf.create,UY=Sm.create,GY=Ja.create,HY=ku.create,qY=bf.create,WY=Sf.create,KY=Gs.create,XY=_f.create,YY=Ju.create,W4=Ti.create,QY=Ro.create,ZY=el.create,JY=Ti.createWithPreprocess,eQ=mh.create,tQ=()=>wO().optional(),nQ=()=>xO().optional(),rQ=()=>CO().optional(),iQ={string:e=>pi.create({...e,coerce:!0}),number:e=>zs.create({...e,coerce:!0}),boolean:e=>hf.create({...e,coerce:!0}),bigint:e=>Us.create({...e,coerce:!0}),date:e=>Za.create({...e,coerce:!0})},oQ=be;var Ot=Object.freeze({__proto__:null,defaultErrorMap:ff,setErrorMap:uY,getErrorMap:pm,makeIssue:gm,EMPTY_PATH:cY,addIssueToContext:oe,ParseStatus:jn,INVALID:be,DIRTY:vO,OK:tr,isAborted:I_,isDirty:N_,isValid:mm,isAsync:ym,get util(){return Ve},get objectUtil(){return M_},ZodParsedType:re,getParsedType:ms,ZodType:Ce,ZodString:pi,ZodNumber:zs,ZodBigInt:Us,ZodBoolean:hf,ZodDate:Za,ZodSymbol:vm,ZodUndefined:pf,ZodNull:gf,ZodAny:Zu,ZodUnknown:Ba,ZodNever:Vo,ZodVoid:bm,ZodArray:Si,ZodObject:Tt,ZodUnion:mf,ZodDiscriminatedUnion:w0,ZodIntersection:yf,ZodTuple:to,ZodRecord:vf,ZodMap:Sm,ZodSet:Ja,ZodFunction:ku,ZodLazy:bf,ZodLiteral:Sf,ZodEnum:Gs,ZodNativeEnum:_f,ZodPromise:Ju,ZodEffects:Ti,ZodTransformer:Ti,ZodOptional:Ro,ZodNullable:el,ZodDefault:wf,ZodCatch:_m,ZodNaN:wm,BRAND:wY,ZodBranded:SO,ZodPipeline:mh,custom:_O,Schema:Ce,ZodSchema:Ce,late:xY,get ZodFirstPartyTypeKind(){return ye},coerce:iQ,any:OY,array:DY,bigint:EY,boolean:CO,date:PY,discriminatedUnion:BY,effect:W4,enum:KY,function:HY,instanceof:CY,intersection:jY,lazy:qY,literal:WY,map:UY,nan:TY,nativeEnum:XY,never:IY,null:RY,nullable:ZY,number:xO,object:LY,oboolean:rQ,onumber:nQ,optional:QY,ostring:tQ,pipeline:eQ,preprocess:JY,promise:YY,record:zY,set:GY,strictObject:$Y,string:wO,symbol:AY,transformer:W4,tuple:VY,undefined:kY,union:FY,unknown:MY,void:NY,NEVER:oQ,ZodIssueCode:ee,quotelessJson:lY,ZodError:bi});const sQ=Ot.string(),wwe=e=>sQ.safeParse(e).success,aQ=Ot.string(),xwe=e=>aQ.safeParse(e).success,lQ=Ot.string(),Cwe=e=>lQ.safeParse(e).success,uQ=Ot.string(),Twe=e=>uQ.safeParse(e).success,cQ=Ot.number().int().min(1),Ewe=e=>cQ.safeParse(e).success,dQ=Ot.number().min(1),Pwe=e=>dQ.safeParse(e).success,fQ=Ot.enum(["euler","deis","ddim","ddpm","dpmpp_2s","dpmpp_2m","dpmpp_2m_sde","dpmpp_sde","heun","kdpm_2","lms","pndm","unipc","euler_k","dpmpp_2s_k","dpmpp_2m_k","dpmpp_2m_sde_k","dpmpp_sde_k","heun_k","lms_k","euler_a","kdpm_2_a"]),Awe=e=>fQ.safeParse(e).success,kwe={euler:"Euler",deis:"DEIS",ddim:"DDIM",ddpm:"DDPM",dpmpp_sde:"DPM++ SDE",dpmpp_2s:"DPM++ 2S",dpmpp_2m:"DPM++ 2M",dpmpp_2m_sde:"DPM++ 2M SDE",heun:"Heun",kdpm_2:"KDPM 2",lms:"LMS",pndm:"PNDM",unipc:"UniPC",euler_k:"Euler Karras",dpmpp_sde_k:"DPM++ SDE Karras",dpmpp_2s_k:"DPM++ 2S Karras",dpmpp_2m_k:"DPM++ 2M Karras",dpmpp_2m_sde_k:"DPM++ 2M SDE Karras",heun_k:"Heun Karras",lms_k:"LMS Karras",euler_a:"Euler Ancestral",kdpm_2_a:"KDPM 2 Ancestral"},hQ=Ot.number().int().min(0).max(aY),Rwe=e=>hQ.safeParse(e).success,pQ=Ot.number().multipleOf(8).min(64),Owe=e=>pQ.safeParse(e).success,gQ=Ot.number().multipleOf(8).min(64),Mwe=e=>gQ.safeParse(e).success,x0=Ot.enum(["sd-1","sd-2","sdxl","sdxl-refiner"]),xf=Ot.object({model_name:Ot.string().min(1),base_model:x0}),Iwe=e=>xf.safeParse(e).success,mQ=Ot.object({model_name:Ot.string().min(1),base_model:x0}),Nwe=Ot.object({model_name:Ot.string().min(1),base_model:x0}),Dwe=Ot.object({model_name:Ot.string().min(1),base_model:x0}),yQ=Ot.number().min(0).max(1),Lwe=e=>yQ.safeParse(e).success;Ot.enum(["fp16","fp32"]);const vQ=Ot.number().min(1).max(10),$we=e=>vQ.safeParse(e).success,bQ=Ot.number().min(0).max(1),Fwe=e=>bQ.safeParse(e).success,Wo={cfgScale:7.5,height:512,img2imgStrength:.75,infillMethod:"patchmatch",iterations:1,perlin:0,positivePrompt:"",negativePrompt:"",scheduler:"euler",seamBlur:16,seamSize:96,seamSteps:30,seamStrength:.7,seed:0,seedWeights:"",shouldFitToWidthHeight:!0,shouldGenerateVariations:!1,shouldRandomizeSeed:!0,shouldUseNoiseSettings:!1,steps:50,threshold:0,tileSize:32,variationAmount:.1,width:512,shouldUseSymmetry:!1,horizontalSymmetrySteps:0,verticalSymmetrySteps:0,model:null,vae:null,vaePrecision:"fp32",seamlessXAxis:!1,seamlessYAxis:!1,clipSkip:0,shouldUseCpuNoise:!0,shouldShowAdvancedOptions:!1,aspectRatio:null},SQ=Wo,TO=Pt({name:"generation",initialState:SQ,reducers:{setPositivePrompt:(e,t)=>{e.positivePrompt=t.payload},setNegativePrompt:(e,t)=>{e.negativePrompt=t.payload},setIterations:(e,t)=>{e.iterations=t.payload},setSteps:(e,t)=>{e.steps=t.payload},clampSymmetrySteps:e=>{e.horizontalSymmetrySteps=Ss(e.horizontalSymmetrySteps,0,e.steps),e.verticalSymmetrySteps=Ss(e.verticalSymmetrySteps,0,e.steps)},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},toggleSize:e=>{const[t,n]=[e.width,e.height];e.width=n,e.height=t},setScheduler:(e,t)=>{e.scheduler=t.payload},setSeed:(e,t)=>{e.seed=t.payload,e.shouldRandomizeSeed=!1},setImg2imgStrength:(e,t)=>{e.img2imgStrength=t.payload},setSeamlessXAxis:(e,t)=>{e.seamlessXAxis=t.payload},setSeamlessYAxis:(e,t)=>{e.seamlessYAxis=t.payload},setShouldFitToWidthHeight:(e,t)=>{e.shouldFitToWidthHeight=t.payload},resetSeed:e=>{e.seed=-1},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},resetParametersState:e=>({...e,...Wo}),setShouldRandomizeSeed:(e,t)=>{e.shouldRandomizeSeed=t.payload},clearInitialImage:e=>{e.initialImage=void 0},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},setShouldUseSymmetry:(e,t)=>{e.shouldUseSymmetry=t.payload},setHorizontalSymmetrySteps:(e,t)=>{e.horizontalSymmetrySteps=t.payload},setVerticalSymmetrySteps:(e,t)=>{e.verticalSymmetrySteps=t.payload},setShouldUseNoiseSettings:(e,t)=>{e.shouldUseNoiseSettings=t.payload},initialImageChanged:(e,t)=>{const{image_name:n,width:r,height:i}=t.payload;e.initialImage={imageName:n,width:r,height:i}},modelChanged:(e,t)=>{if(e.model=t.payload,e.model===null)return;const{maxClip:n}=sY[e.model.base_model];e.clipSkip=Ss(e.clipSkip,0,n)},vaeSelected:(e,t)=>{e.vae=t.payload},vaePrecisionChanged:(e,t)=>{e.vaePrecision=t.payload},setClipSkip:(e,t)=>{e.clipSkip=t.payload},shouldUseCpuNoiseChanged:(e,t)=>{e.shouldUseCpuNoise=t.payload},setShouldShowAdvancedOptions:(e,t)=>{e.shouldShowAdvancedOptions=t.payload,t.payload||(e.clipSkip=0)},setAspectRatio:(e,t)=>{const n=t.payload;e.aspectRatio=n,n&&(e.height=Ui(e.width/n,8))}},extraReducers:e=>{e.addCase(iY,(t,n)=>{var i;const r=(i=n.payload.sd)==null?void 0:i.defaultModel;if(r&&!t.model){const[o,s,a]=r.split("/"),l=xf.safeParse({model_name:a,base_model:o});l.success&&(t.model=l.data)}}),e.addCase(wQ,(t,n)=>{n.payload||(t.clipSkip=0)})}}),{clampSymmetrySteps:Bwe,clearInitialImage:EO,resetParametersState:jwe,resetSeed:Vwe,setCfgScale:zwe,setWidth:Uwe,setHeight:Gwe,toggleSize:Hwe,setImg2imgStrength:qwe,setInfillMethod:_Q,setIterations:Wwe,setPerlin:Kwe,setPositivePrompt:Xwe,setNegativePrompt:Ywe,setScheduler:Qwe,setSeamBlur:Zwe,setSeamSize:Jwe,setSeamSteps:exe,setSeamStrength:txe,setSeed:nxe,setSeedWeights:rxe,setShouldFitToWidthHeight:ixe,setShouldGenerateVariations:oxe,setShouldRandomizeSeed:sxe,setSteps:axe,setThreshold:lxe,setTileSize:uxe,setVariationAmount:cxe,setShouldUseSymmetry:dxe,setHorizontalSymmetrySteps:fxe,setVerticalSymmetrySteps:hxe,initialImageChanged:C0,modelChanged:ja,vaeSelected:PO,setShouldUseNoiseSettings:pxe,setSeamlessXAxis:gxe,setSeamlessYAxis:mxe,setClipSkip:yxe,shouldUseCpuNoiseChanged:vxe,setShouldShowAdvancedOptions:wQ,setAspectRatio:xQ,vaePrecisionChanged:bxe}=TO.actions,CQ=TO.reducer,AO=["txt2img","img2img","unifiedCanvas","nodes","modelManager","batch"],K4=(e,t)=>{typeof t=="number"?e.activeTab=t:e.activeTab=AO.indexOf(t)},kO={activeTab:0,shouldPinParametersPanel:!0,shouldShowParametersPanel:!0,shouldShowImageDetails:!1,shouldUseCanvasBetaLayout:!1,shouldShowExistingModelsInSearch:!1,shouldUseSliders:!1,shouldPinGallery:!0,shouldShowGallery:!0,shouldHidePreview:!1,shouldShowProgressInViewer:!0,shouldShowEmbeddingPicker:!1,favoriteSchedulers:[]},RO=Pt({name:"ui",initialState:kO,reducers:{setActiveTab:(e,t)=>{K4(e,t.payload)},setShouldPinParametersPanel:(e,t)=>{e.shouldPinParametersPanel=t.payload,e.shouldShowParametersPanel=!0},setShouldShowParametersPanel:(e,t)=>{e.shouldShowParametersPanel=t.payload},setShouldShowImageDetails:(e,t)=>{e.shouldShowImageDetails=t.payload},setShouldUseCanvasBetaLayout:(e,t)=>{e.shouldUseCanvasBetaLayout=t.payload},setShouldHidePreview:(e,t)=>{e.shouldHidePreview=t.payload},setShouldShowExistingModelsInSearch:(e,t)=>{e.shouldShowExistingModelsInSearch=t.payload},setShouldUseSliders:(e,t)=>{e.shouldUseSliders=t.payload},setShouldShowGallery:(e,t)=>{e.shouldShowGallery=t.payload},togglePinGalleryPanel:e=>{e.shouldPinGallery=!e.shouldPinGallery,e.shouldPinGallery||(e.shouldShowGallery=!0)},togglePinParametersPanel:e=>{e.shouldPinParametersPanel=!e.shouldPinParametersPanel,e.shouldPinParametersPanel||(e.shouldShowParametersPanel=!0)},toggleParametersPanel:e=>{e.shouldShowParametersPanel=!e.shouldShowParametersPanel},toggleGalleryPanel:e=>{e.shouldShowGallery=!e.shouldShowGallery},togglePanels:e=>{e.shouldShowGallery||e.shouldShowParametersPanel?(e.shouldShowGallery=!1,e.shouldShowParametersPanel=!1):(e.shouldShowGallery=!0,e.shouldShowParametersPanel=!0)},setShouldShowProgressInViewer:(e,t)=>{e.shouldShowProgressInViewer=t.payload},favoriteSchedulersChanged:(e,t)=>{e.favoriteSchedulers=t.payload},toggleEmbeddingPicker:e=>{e.shouldShowEmbeddingPicker=!e.shouldShowEmbeddingPicker}},extraReducers(e){e.addCase(C0,t=>{K4(t,"img2img")})}}),{setActiveTab:OO,setShouldPinParametersPanel:Sxe,setShouldShowParametersPanel:_xe,setShouldShowImageDetails:wxe,setShouldUseCanvasBetaLayout:TQ,setShouldShowExistingModelsInSearch:xxe,setShouldUseSliders:Cxe,setShouldHidePreview:Txe,setShouldShowGallery:Exe,togglePanels:Pxe,togglePinGalleryPanel:Axe,togglePinParametersPanel:kxe,toggleParametersPanel:Rxe,toggleGalleryPanel:Oxe,setShouldShowProgressInViewer:Mxe,favoriteSchedulersChanged:Ixe,toggleEmbeddingPicker:Nxe}=RO.actions,EQ=RO.reducer;let Wn=[],T0=(e,t)=>{let n=[],r={get(){return r.lc||r.listen(()=>{})(),r.value},l:t||0,lc:0,listen(i,o){return r.lc=n.push(i,o||r.l)/2,()=>{let s=n.indexOf(i);~s&&(n.splice(s,2),r.lc--,r.lc||r.off())}},notify(i){let o=!Wn.length;for(let s=0;s(e.events=e.events||{},e.events[n+mp]||(e.events[n+mp]=r(i=>{e.events[n].reduceRight((o,s)=>(s(o),o),{shared:{},...i})})),e.events[n]=e.events[n]||[],e.events[n].push(t),()=>{let i=e.events[n],o=i.indexOf(t);i.splice(o,1),i.length||(delete e.events[n],e.events[n+mp](),delete e.events[n+mp])}),kQ=1e3,RQ=(e,t)=>AQ(e,r=>{let i=t(r);i&&e.events[gp].push(i)},PQ,r=>{let i=e.listen;e.listen=(...s)=>(!e.lc&&!e.active&&(e.active=!0,r()),i(...s));let o=e.off;return e.events[gp]=[],e.off=()=>{o(),setTimeout(()=>{if(e.active&&!e.lc){e.active=!1;for(let s of e.events[gp])s();e.events[gp]=[]}},kQ)},()=>{e.listen=i,e.off=o}}),OQ=(e,t)=>{Array.isArray(e)||(e=[e]);let n,r=()=>{let o=e.map(s=>s.get());(n===void 0||o.some((s,a)=>s!==n[a]))&&(n=o,i.set(t(...o)))},i=T0(void 0,Math.max(...e.map(o=>o.l))+1);return RQ(i,()=>{let o=e.map(s=>s.listen(r,i.l));return r(),()=>{for(let s of o)s()}}),i};const MQ={"Content-Type":"application/json"},IQ=/\/*$/;function NQ(e){const t=new URLSearchParams;if(e&&typeof e=="object")for(const[n,r]of Object.entries(e))r!=null&&t.set(n,r);return t.toString()}function DQ(e){return JSON.stringify(e)}function LQ(e,t){let n=`${t.baseUrl?t.baseUrl.replace(IQ,""):""}${e}`;if(t.params.path)for(const[r,i]of Object.entries(t.params.path))n=n.replace(`{${r}}`,encodeURIComponent(String(i)));if(t.params.query){const r=t.querySerializer(t.params.query);r&&(n+=`?${r}`)}return n}function $Q(e={}){const{fetch:t=globalThis.fetch,querySerializer:n,bodySerializer:r,...i}=e,o=new Headers({...MQ,...i.headers??{}});async function s(a,l){const{headers:u,body:c,params:d={},parseAs:f="json",querySerializer:h=n??NQ,bodySerializer:p=r??DQ,...m}=l||{},S=LQ(a,{baseUrl:i.baseUrl,params:d,querySerializer:h}),v=new Headers(o),y=new Headers(u);for(const[w,x]of y.entries())x==null?v.delete(w):v.set(w,x);const g={redirect:"follow",...i,...m,headers:v};c&&(g.body=p(c)),g.body instanceof FormData&&v.delete("Content-Type");const b=await t(S,g);if(b.status===204||b.headers.get("Content-Length")==="0")return b.ok?{data:{},response:b}:{error:{},response:b};if(b.ok){let w=b.body;if(f!=="stream"){const x=b.clone();w=typeof x[f]=="function"?await x[f]():await x.text()}return{data:w,response:b}}let _={};try{_=await b.clone().json()}catch{_=await b.clone().text()}return{error:_,response:b}}return{async get(a,l){return s(a,{...l,method:"GET"})},async put(a,l){return s(a,{...l,method:"PUT"})},async post(a,l){return s(a,{...l,method:"POST"})},async del(a,l){return s(a,{...l,method:"DELETE"})},async options(a,l){return s(a,{...l,method:"OPTIONS"})},async head(a,l){return s(a,{...l,method:"HEAD"})},async patch(a,l){return s(a,{...l,method:"PATCH"})},async trace(a,l){return s(a,{...l,method:"TRACE"})}}}const Cf=T0(),Tf=T0(),E0=OQ([Cf,Tf],(e,t)=>$Q({headers:e?{Authorization:`Bearer ${e}`}:{},baseUrl:`${t??""}`})),Rn=Vs("api/sessionCreated",async(e,{rejectWithValue:t})=>{const{graph:n}=e,{post:r}=E0.get(),{data:i,error:o,response:s}=await r("/api/v1/sessions/",{body:n});return o?t({arg:e,status:s.status,error:o}):i}),FQ=e=>vr(e)&&"status"in e,yh=Vs("api/sessionInvoked",async(e,{rejectWithValue:t})=>{const{session_id:n}=e,{put:r}=E0.get(),{data:i,error:o,response:s}=await r("/api/v1/sessions/{session_id}/invoke",{params:{query:{all:!0},path:{session_id:n}}});if(o)return FQ(o)&&o.status===403?t({arg:e,status:s.status,error:o.body.detail}):t({arg:e,status:s.status,error:o})}),hl=Vs("api/sessionCanceled",async(e,{rejectWithValue:t})=>{const{session_id:n}=e,{del:r}=E0.get(),{data:i,error:o,response:s}=await r("/api/v1/sessions/{session_id}/invoke",{params:{path:{session_id:n}}});return o?t({arg:e,error:o}):i});Vs("api/listSessions",async(e,{rejectWithValue:t})=>{const{params:n}=e,{get:r}=E0.get(),{data:i,error:o,response:s}=await r("/api/v1/sessions/",{params:n});return o?t({arg:e,error:o}):i});const MO=ei(Rn.rejected,yh.rejected),Il=(e,t,n,r,i,o,s)=>{const a=Math.floor(e/2-(n+i/2)*s),l=Math.floor(t/2-(r+o/2)*s);return{x:a,y:l}},Nl=(e,t,n,r,i=.95)=>{const o=e*i/n,s=t*i/r;return Math.min(1,Math.min(o,s))},Dxe=.999,Lxe=.1,$xe=20,Vc=.95,Fxe=30,Bxe=10,X4=e=>({x:Math.floor(e.x),y:Math.floor(e.y)}),pa=e=>{const{width:t,height:n}=e,r={width:t,height:n},i=512*512,o=t/n;let s=t*n,a=448;for(;s1?(r.width=a,r.height=Ui(a/o,64)):o<1&&(r.height=a,r.width=Ui(a*o,64)),s=r.width*r.height;return r},BQ=e=>({width:Ui(e.width,64),height:Ui(e.height,64)}),jxe=[{label:"Base",value:"base"},{label:"Mask",value:"mask"}],Vxe=[{label:"Auto",value:"auto"},{label:"Manual",value:"manual"},{label:"None",value:"none"}],IO=e=>e.kind==="line"&&e.layer==="mask",zxe=e=>e.kind==="line"&&e.layer==="base",Y4=e=>e.kind==="image"&&e.layer==="base",Uxe=e=>e.kind==="fillRect"&&e.layer==="base",Gxe=e=>e.kind==="eraseRect"&&e.layer==="base",jQ=e=>e.kind==="line",Kl={objects:[],stagingArea:{images:[],selectedImageIndex:-1}},NO={boundingBoxCoordinates:{x:0,y:0},boundingBoxDimensions:{width:512,height:512},boundingBoxPreviewFill:{r:0,g:0,b:0,a:.5},boundingBoxScaleMethod:"auto",brushColor:{r:90,g:90,b:255,a:1},brushSize:50,canvasContainerDimensions:{width:0,height:0},colorPickerColor:{r:90,g:90,b:255,a:1},cursorPosition:null,doesCanvasNeedScaling:!1,futureLayerStates:[],isCanvasInitialized:!1,isDrawing:!1,isMaskEnabled:!0,isMouseOverBoundingBox:!1,isMoveBoundingBoxKeyHeld:!1,isMoveStageKeyHeld:!1,isMovingBoundingBox:!1,isMovingStage:!1,isTransformingBoundingBox:!1,layer:"base",layerState:Kl,maskColor:{r:255,g:90,b:90,a:1},maxHistory:128,minimumStageScale:1,pastLayerStates:[],scaledBoundingBoxDimensions:{width:512,height:512},shouldAntialias:!0,shouldAutoSave:!1,shouldCropToBoundingBoxOnSave:!1,shouldDarkenOutsideBoundingBox:!1,shouldLockBoundingBox:!1,shouldPreserveMaskedArea:!1,shouldRestrictStrokesToBox:!0,shouldShowBoundingBox:!0,shouldShowBrush:!0,shouldShowBrushPreview:!1,shouldShowCanvasDebugInfo:!1,shouldShowCheckboardTransparency:!1,shouldShowGrid:!0,shouldShowIntermediates:!0,shouldShowStagingImage:!0,shouldShowStagingOutline:!0,shouldSnapToGrid:!0,stageCoordinates:{x:0,y:0},stageDimensions:{width:0,height:0},stageScale:1,tool:"brush"},DO=Pt({name:"canvas",initialState:NO,reducers:{setTool:(e,t)=>{const n=t.payload;e.tool=t.payload,n!=="move"&&(e.isTransformingBoundingBox=!1,e.isMouseOverBoundingBox=!1,e.isMovingBoundingBox=!1,e.isMovingStage=!1)},setLayer:(e,t)=>{e.layer=t.payload},toggleTool:e=>{const t=e.tool;t!=="move"&&(e.tool=t==="brush"?"eraser":"brush")},setMaskColor:(e,t)=>{e.maskColor=t.payload},setBrushColor:(e,t)=>{e.brushColor=t.payload},setBrushSize:(e,t)=>{e.brushSize=t.payload},clearMask:e=>{e.pastLayerStates.push(Ln(e.layerState)),e.layerState.objects=e.layerState.objects.filter(t=>!IO(t)),e.futureLayerStates=[],e.shouldPreserveMaskedArea=!1},toggleShouldInvertMask:e=>{e.shouldPreserveMaskedArea=!e.shouldPreserveMaskedArea},toggleShouldShowMask:e=>{e.isMaskEnabled=!e.isMaskEnabled},setShouldPreserveMaskedArea:(e,t)=>{e.shouldPreserveMaskedArea=t.payload},setIsMaskEnabled:(e,t)=>{e.isMaskEnabled=t.payload,e.layer=t.payload?"mask":"base"},setShouldShowCheckboardTransparency:(e,t)=>{e.shouldShowCheckboardTransparency=t.payload},setShouldShowBrushPreview:(e,t)=>{e.shouldShowBrushPreview=t.payload},setShouldShowBrush:(e,t)=>{e.shouldShowBrush=t.payload},setCursorPosition:(e,t)=>{e.cursorPosition=t.payload},setInitialCanvasImage:(e,t)=>{const n=t.payload,{width:r,height:i}=n,{stageDimensions:o}=e,s={width:hp(Ss(r,64,512),64),height:hp(Ss(i,64,512),64)},a={x:Ui(r/2-s.width/2,64),y:Ui(i/2-s.height/2,64)};if(e.boundingBoxScaleMethod==="auto"){const c=pa(s);e.scaledBoundingBoxDimensions=c}e.boundingBoxDimensions=s,e.boundingBoxCoordinates=a,e.pastLayerStates.push(Ln(e.layerState)),e.layerState={...Kl,objects:[{kind:"image",layer:"base",x:0,y:0,width:r,height:i,imageName:n.image_name}]},e.futureLayerStates=[],e.isCanvasInitialized=!1;const l=Nl(o.width,o.height,r,i,Vc),u=Il(o.width,o.height,0,0,r,i,l);e.stageScale=l,e.stageCoordinates=u,e.doesCanvasNeedScaling=!0},setBoundingBoxDimensions:(e,t)=>{const n=BQ(t.payload);if(e.boundingBoxDimensions=n,e.boundingBoxScaleMethod==="auto"){const r=pa(n);e.scaledBoundingBoxDimensions=r}},flipBoundingBoxAxes:e=>{const[t,n]=[e.boundingBoxDimensions.width,e.boundingBoxDimensions.height];e.boundingBoxDimensions={width:n,height:t}},setBoundingBoxCoordinates:(e,t)=>{e.boundingBoxCoordinates=X4(t.payload)},setStageCoordinates:(e,t)=>{e.stageCoordinates=t.payload},setBoundingBoxPreviewFill:(e,t)=>{e.boundingBoxPreviewFill=t.payload},setDoesCanvasNeedScaling:(e,t)=>{e.doesCanvasNeedScaling=t.payload},setStageScale:(e,t)=>{e.stageScale=t.payload},setShouldDarkenOutsideBoundingBox:(e,t)=>{e.shouldDarkenOutsideBoundingBox=t.payload},setIsDrawing:(e,t)=>{e.isDrawing=t.payload},clearCanvasHistory:e=>{e.pastLayerStates=[],e.futureLayerStates=[]},setShouldLockBoundingBox:(e,t)=>{e.shouldLockBoundingBox=t.payload},toggleShouldLockBoundingBox:e=>{e.shouldLockBoundingBox=!e.shouldLockBoundingBox},setShouldShowBoundingBox:(e,t)=>{e.shouldShowBoundingBox=t.payload},setIsTransformingBoundingBox:(e,t)=>{e.isTransformingBoundingBox=t.payload},setIsMovingBoundingBox:(e,t)=>{e.isMovingBoundingBox=t.payload},setIsMouseOverBoundingBox:(e,t)=>{e.isMouseOverBoundingBox=t.payload},setIsMoveBoundingBoxKeyHeld:(e,t)=>{e.isMoveBoundingBoxKeyHeld=t.payload},setIsMoveStageKeyHeld:(e,t)=>{e.isMoveStageKeyHeld=t.payload},canvasSessionIdChanged:(e,t)=>{e.layerState.stagingArea.sessionId=t.payload},stagingAreaInitialized:(e,t)=>{const{sessionId:n,boundingBox:r}=t.payload;e.layerState.stagingArea={boundingBox:r,sessionId:n,images:[],selectedImageIndex:-1}},addImageToStagingArea:(e,t)=>{const n=t.payload;!n||!e.layerState.stagingArea.boundingBox||(e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState.stagingArea.images.push({kind:"image",layer:"base",...e.layerState.stagingArea.boundingBox,imageName:n.image_name}),e.layerState.stagingArea.selectedImageIndex=e.layerState.stagingArea.images.length-1,e.futureLayerStates=[])},discardStagedImages:e=>{e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState.stagingArea={...Kl.stagingArea},e.futureLayerStates=[],e.shouldShowStagingOutline=!0,e.shouldShowStagingOutline=!0},addFillRect:e=>{const{boundingBoxCoordinates:t,boundingBoxDimensions:n,brushColor:r}=e;e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState.objects.push({kind:"fillRect",layer:"base",...t,...n,color:r}),e.futureLayerStates=[]},addEraseRect:e=>{const{boundingBoxCoordinates:t,boundingBoxDimensions:n}=e;e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState.objects.push({kind:"eraseRect",layer:"base",...t,...n}),e.futureLayerStates=[]},addLine:(e,t)=>{const{tool:n,layer:r,brushColor:i,brushSize:o,shouldRestrictStrokesToBox:s}=e;if(n==="move"||n==="colorPicker")return;const a=o/2,l=r==="base"&&n==="brush"?{color:i}:{};e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift();const u={kind:"line",layer:r,tool:n,strokeWidth:a,points:t.payload,...l};s&&(u.clip={...e.boundingBoxCoordinates,...e.boundingBoxDimensions}),e.layerState.objects.push(u),e.futureLayerStates=[]},addPointToCurrentLine:(e,t)=>{const n=e.layerState.objects.findLast(jQ);n&&n.points.push(...t.payload)},undo:e=>{const t=e.pastLayerStates.pop();t&&(e.futureLayerStates.unshift(Ln(e.layerState)),e.futureLayerStates.length>e.maxHistory&&e.futureLayerStates.pop(),e.layerState=t)},redo:e=>{const t=e.futureLayerStates.shift();t&&(e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState=t)},setShouldShowGrid:(e,t)=>{e.shouldShowGrid=t.payload},setIsMovingStage:(e,t)=>{e.isMovingStage=t.payload},setShouldSnapToGrid:(e,t)=>{e.shouldSnapToGrid=t.payload},setShouldAutoSave:(e,t)=>{e.shouldAutoSave=t.payload},setShouldShowIntermediates:(e,t)=>{e.shouldShowIntermediates=t.payload},resetCanvas:e=>{e.pastLayerStates.push(Ln(e.layerState)),e.layerState=Kl,e.futureLayerStates=[]},setCanvasContainerDimensions:(e,t)=>{e.canvasContainerDimensions=t.payload},resizeAndScaleCanvas:e=>{const{width:t,height:n}=e.canvasContainerDimensions,r=e.layerState.objects.find(Y4),i={width:Math.floor(t),height:Math.floor(n)};if(!r){const c=Nl(i.width,i.height,512,512,Vc),d=Il(i.width,i.height,0,0,512,512,c),f={width:512,height:512};if(e.stageScale=c,e.stageCoordinates=d,e.stageDimensions=i,e.boundingBoxCoordinates={x:0,y:0},e.boundingBoxDimensions=f,e.boundingBoxScaleMethod==="auto"){const h=pa(f);e.scaledBoundingBoxDimensions=h}return}const{width:o,height:s}=r,l=Nl(t,n,o,s,.95),u=Il(i.width,i.height,0,0,o,s,l);e.minimumStageScale=l,e.stageScale=l,e.stageCoordinates=X4(u),e.stageDimensions=i,e.isCanvasInitialized=!0},resizeCanvas:e=>{const{width:t,height:n}=e.canvasContainerDimensions,r={width:Math.floor(t),height:Math.floor(n)};if(e.stageDimensions=r,!e.layerState.objects.find(Y4)){const i=Nl(r.width,r.height,512,512,Vc),o=Il(r.width,r.height,0,0,512,512,i),s={width:512,height:512};if(e.stageScale=i,e.stageCoordinates=o,e.boundingBoxCoordinates={x:0,y:0},e.boundingBoxDimensions=s,e.boundingBoxScaleMethod==="auto"){const a=pa(s);e.scaledBoundingBoxDimensions=a}}},resetCanvasView:(e,t)=>{const{contentRect:n,shouldScaleTo1:r}=t.payload,{stageDimensions:{width:i,height:o}}=e,{x:s,y:a,width:l,height:u}=n;if(l!==0&&u!==0){const c=r?1:Nl(i,o,l,u,Vc),d=Il(i,o,s,a,l,u,c);e.stageScale=c,e.stageCoordinates=d}else{const c=Nl(i,o,512,512,Vc),d=Il(i,o,0,0,512,512,c),f={width:512,height:512};if(e.stageScale=c,e.stageCoordinates=d,e.boundingBoxCoordinates={x:0,y:0},e.boundingBoxDimensions=f,e.boundingBoxScaleMethod==="auto"){const h=pa(f);e.scaledBoundingBoxDimensions=h}}},nextStagingAreaImage:e=>{if(!e.layerState.stagingArea.images.length)return;const t=e.layerState.stagingArea.selectedImageIndex,n=e.layerState.stagingArea.images.length;e.layerState.stagingArea.selectedImageIndex=Math.min(t+1,n-1)},prevStagingAreaImage:e=>{if(!e.layerState.stagingArea.images.length)return;const t=e.layerState.stagingArea.selectedImageIndex;e.layerState.stagingArea.selectedImageIndex=Math.max(t-1,0)},commitStagingAreaImage:(e,t)=>{if(!e.layerState.stagingArea.images.length)return;const{images:n,selectedImageIndex:r}=e.layerState.stagingArea;e.pastLayerStates.push(Ln(e.layerState)),e.pastLayerStates.length>e.maxHistory&&e.pastLayerStates.shift(),e.layerState.objects.push({...n[r]}),e.layerState.stagingArea={...Kl.stagingArea},e.futureLayerStates=[],e.shouldShowStagingOutline=!0,e.shouldShowStagingImage=!0},fitBoundingBoxToStage:e=>{const{boundingBoxDimensions:t,boundingBoxCoordinates:n,stageDimensions:r,stageScale:i}=e,o=r.width/i,s=r.height/i;if(n.x<0||n.x+t.width>o||n.y<0||n.y+t.height>s){const a={width:hp(Ss(o,64,512),64),height:hp(Ss(s,64,512),64)},l={x:Ui(o/2-a.width/2,64),y:Ui(s/2-a.height/2,64)};if(e.boundingBoxDimensions=a,e.boundingBoxCoordinates=l,e.boundingBoxScaleMethod==="auto"){const u=pa(a);e.scaledBoundingBoxDimensions=u}}},setBoundingBoxScaleMethod:(e,t)=>{if(e.boundingBoxScaleMethod=t.payload,t.payload==="auto"){const n=pa(e.boundingBoxDimensions);e.scaledBoundingBoxDimensions=n}},setScaledBoundingBoxDimensions:(e,t)=>{e.scaledBoundingBoxDimensions=t.payload},setShouldShowStagingImage:(e,t)=>{e.shouldShowStagingImage=t.payload},setShouldShowStagingOutline:(e,t)=>{e.shouldShowStagingOutline=t.payload},setShouldShowCanvasDebugInfo:(e,t)=>{e.shouldShowCanvasDebugInfo=t.payload},setShouldRestrictStrokesToBox:(e,t)=>{e.shouldRestrictStrokesToBox=t.payload},setShouldAntialias:(e,t)=>{e.shouldAntialias=t.payload},setShouldCropToBoundingBoxOnSave:(e,t)=>{e.shouldCropToBoundingBoxOnSave=t.payload},setColorPickerColor:(e,t)=>{e.colorPickerColor=t.payload},commitColorPickerColor:e=>{e.brushColor={...e.colorPickerColor,a:e.brushColor.a},e.tool="brush"},setMergedCanvas:(e,t)=>{e.pastLayerStates.push(Ln(e.layerState)),e.futureLayerStates=[],e.layerState.objects=[t.payload]},resetCanvasInteractionState:e=>{e.cursorPosition=null,e.isDrawing=!1,e.isMouseOverBoundingBox=!1,e.isMoveBoundingBoxKeyHeld=!1,e.isMoveStageKeyHeld=!1,e.isMovingBoundingBox=!1,e.isMovingStage=!1,e.isTransformingBoundingBox=!1},mouseLeftCanvas:e=>{e.cursorPosition=null,e.isDrawing=!1,e.isMouseOverBoundingBox=!1,e.isMovingBoundingBox=!1,e.isTransformingBoundingBox=!1}},extraReducers:e=>{e.addCase(hl.pending,t=>{t.layerState.stagingArea.images.length||(t.layerState.stagingArea=Kl.stagingArea)}),e.addCase(TQ,t=>{t.doesCanvasNeedScaling=!0}),e.addCase(OO,t=>{t.doesCanvasNeedScaling=!0}),e.addCase(xQ,(t,n)=>{const r=n.payload;r&&(t.boundingBoxDimensions.height=Ui(t.boundingBoxDimensions.width/r,64))})}}),{addEraseRect:Hxe,addFillRect:qxe,addImageToStagingArea:VQ,addLine:Wxe,addPointToCurrentLine:Kxe,clearCanvasHistory:Xxe,clearMask:Yxe,commitColorPickerColor:Qxe,commitStagingAreaImage:zQ,discardStagedImages:Zxe,fitBoundingBoxToStage:Jxe,mouseLeftCanvas:eCe,nextStagingAreaImage:tCe,prevStagingAreaImage:nCe,redo:rCe,resetCanvas:LO,resetCanvasInteractionState:iCe,resetCanvasView:oCe,resizeAndScaleCanvas:sCe,resizeCanvas:aCe,setBoundingBoxCoordinates:lCe,setBoundingBoxDimensions:uCe,setBoundingBoxPreviewFill:cCe,setBoundingBoxScaleMethod:dCe,flipBoundingBoxAxes:fCe,setBrushColor:hCe,setBrushSize:pCe,setCanvasContainerDimensions:gCe,setColorPickerColor:mCe,setCursorPosition:yCe,setDoesCanvasNeedScaling:vCe,setInitialCanvasImage:$O,setIsDrawing:bCe,setIsMaskEnabled:SCe,setIsMouseOverBoundingBox:_Ce,setIsMoveBoundingBoxKeyHeld:wCe,setIsMoveStageKeyHeld:xCe,setIsMovingBoundingBox:CCe,setIsMovingStage:TCe,setIsTransformingBoundingBox:ECe,setLayer:PCe,setMaskColor:ACe,setMergedCanvas:UQ,setShouldAutoSave:kCe,setShouldCropToBoundingBoxOnSave:RCe,setShouldDarkenOutsideBoundingBox:OCe,setShouldLockBoundingBox:MCe,setShouldPreserveMaskedArea:ICe,setShouldShowBoundingBox:NCe,setShouldShowBrush:DCe,setShouldShowBrushPreview:LCe,setShouldShowCanvasDebugInfo:$Ce,setShouldShowCheckboardTransparency:FCe,setShouldShowGrid:BCe,setShouldShowIntermediates:jCe,setShouldShowStagingImage:VCe,setShouldShowStagingOutline:zCe,setShouldSnapToGrid:UCe,setStageCoordinates:GCe,setStageScale:HCe,setTool:qCe,toggleShouldLockBoundingBox:WCe,toggleTool:KCe,undo:XCe,setScaledBoundingBoxDimensions:YCe,setShouldRestrictStrokesToBox:QCe,stagingAreaInitialized:GQ,canvasSessionIdChanged:HQ,setShouldAntialias:ZCe}=DO.actions,qQ=DO.reducer,WQ=(e,t)=>{const n=new Date(e),r=new Date(t);return n>r?1:ne==null,eZ=e=>encodeURIComponent(e).replace(/[!'()*]/g,t=>`%${t.charCodeAt(0).toString(16).toUpperCase()}`),$_=Symbol("encodeFragmentIdentifier");function tZ(e){switch(e.arrayFormat){case"index":return t=>(n,r)=>{const i=n.length;return r===void 0||e.skipNull&&r===null||e.skipEmptyString&&r===""?n:r===null?[...n,[qt(t,e),"[",i,"]"].join("")]:[...n,[qt(t,e),"[",qt(i,e),"]=",qt(r,e)].join("")]};case"bracket":return t=>(n,r)=>r===void 0||e.skipNull&&r===null||e.skipEmptyString&&r===""?n:r===null?[...n,[qt(t,e),"[]"].join("")]:[...n,[qt(t,e),"[]=",qt(r,e)].join("")];case"colon-list-separator":return t=>(n,r)=>r===void 0||e.skipNull&&r===null||e.skipEmptyString&&r===""?n:r===null?[...n,[qt(t,e),":list="].join("")]:[...n,[qt(t,e),":list=",qt(r,e)].join("")];case"comma":case"separator":case"bracket-separator":{const t=e.arrayFormat==="bracket-separator"?"[]=":"=";return n=>(r,i)=>i===void 0||e.skipNull&&i===null||e.skipEmptyString&&i===""?r:(i=i===null?"":i,r.length===0?[[qt(n,e),t,qt(i,e)].join("")]:[[r,qt(i,e)].join(e.arrayFormatSeparator)])}default:return t=>(n,r)=>r===void 0||e.skipNull&&r===null||e.skipEmptyString&&r===""?n:r===null?[...n,qt(t,e)]:[...n,[qt(t,e),"=",qt(r,e)].join("")]}}function nZ(e){let t;switch(e.arrayFormat){case"index":return(n,r,i)=>{if(t=/\[(\d*)]$/.exec(n),n=n.replace(/\[\d*]$/,""),!t){i[n]=r;return}i[n]===void 0&&(i[n]={}),i[n][t[1]]=r};case"bracket":return(n,r,i)=>{if(t=/(\[])$/.exec(n),n=n.replace(/\[]$/,""),!t){i[n]=r;return}if(i[n]===void 0){i[n]=[r];return}i[n]=[...i[n],r]};case"colon-list-separator":return(n,r,i)=>{if(t=/(:list)$/.exec(n),n=n.replace(/:list$/,""),!t){i[n]=r;return}if(i[n]===void 0){i[n]=[r];return}i[n]=[...i[n],r]};case"comma":case"separator":return(n,r,i)=>{const o=typeof r=="string"&&r.includes(e.arrayFormatSeparator),s=typeof r=="string"&&!o&&wo(r,e).includes(e.arrayFormatSeparator);r=s?wo(r,e):r;const a=o||s?r.split(e.arrayFormatSeparator).map(l=>wo(l,e)):r===null?r:wo(r,e);i[n]=a};case"bracket-separator":return(n,r,i)=>{const o=/(\[])$/.test(n);if(n=n.replace(/\[]$/,""),!o){i[n]=r&&wo(r,e);return}const s=r===null?[]:r.split(e.arrayFormatSeparator).map(a=>wo(a,e));if(i[n]===void 0){i[n]=s;return}i[n]=[...i[n],...s]};default:return(n,r,i)=>{if(i[n]===void 0){i[n]=r;return}i[n]=[...[i[n]].flat(),r]}}}function jO(e){if(typeof e!="string"||e.length!==1)throw new TypeError("arrayFormatSeparator must be single character string")}function qt(e,t){return t.encode?t.strict?eZ(e):encodeURIComponent(e):e}function wo(e,t){return t.decode?QQ(e):e}function VO(e){return Array.isArray(e)?e.sort():typeof e=="object"?VO(Object.keys(e)).sort((t,n)=>Number(t)-Number(n)).map(t=>e[t]):e}function zO(e){const t=e.indexOf("#");return t!==-1&&(e=e.slice(0,t)),e}function rZ(e){let t="";const n=e.indexOf("#");return n!==-1&&(t=e.slice(n)),t}function J4(e,t){return t.parseNumbers&&!Number.isNaN(Number(e))&&typeof e=="string"&&e.trim()!==""?e=Number(e):t.parseBooleans&&e!==null&&(e.toLowerCase()==="true"||e.toLowerCase()==="false")&&(e=e.toLowerCase()==="true"),e}function $x(e){e=zO(e);const t=e.indexOf("?");return t===-1?"":e.slice(t+1)}function Fx(e,t){t={decode:!0,sort:!0,arrayFormat:"none",arrayFormatSeparator:",",parseNumbers:!1,parseBooleans:!1,...t},jO(t.arrayFormatSeparator);const n=nZ(t),r=Object.create(null);if(typeof e!="string"||(e=e.trim().replace(/^[?#&]/,""),!e))return r;for(const i of e.split("&")){if(i==="")continue;const o=t.decode?i.replace(/\+/g," "):i;let[s,a]=BO(o,"=");s===void 0&&(s=o),a=a===void 0?null:["comma","separator","bracket-separator"].includes(t.arrayFormat)?a:wo(a,t),n(wo(s,t),a,r)}for(const[i,o]of Object.entries(r))if(typeof o=="object"&&o!==null)for(const[s,a]of Object.entries(o))o[s]=J4(a,t);else r[i]=J4(o,t);return t.sort===!1?r:(t.sort===!0?Object.keys(r).sort():Object.keys(r).sort(t.sort)).reduce((i,o)=>{const s=r[o];return s&&typeof s=="object"&&!Array.isArray(s)?i[o]=VO(s):i[o]=s,i},Object.create(null))}function UO(e,t){if(!e)return"";t={encode:!0,strict:!0,arrayFormat:"none",arrayFormatSeparator:",",...t},jO(t.arrayFormatSeparator);const n=s=>t.skipNull&&JQ(e[s])||t.skipEmptyString&&e[s]==="",r=tZ(t),i={};for(const[s,a]of Object.entries(e))n(s)||(i[s]=a);const o=Object.keys(i);return t.sort!==!1&&o.sort(t.sort),o.map(s=>{const a=e[s];return a===void 0?"":a===null?qt(s,t):Array.isArray(a)?a.length===0&&t.arrayFormat==="bracket-separator"?qt(s,t)+"[]":a.reduce(r(s),[]).join("&"):qt(s,t)+"="+qt(a,t)}).filter(s=>s.length>0).join("&")}function GO(e,t){var i;t={decode:!0,...t};let[n,r]=BO(e,"#");return n===void 0&&(n=e),{url:((i=n==null?void 0:n.split("?"))==null?void 0:i[0])??"",query:Fx($x(e),t),...t&&t.parseFragmentIdentifier&&r?{fragmentIdentifier:wo(r,t)}:{}}}function HO(e,t){t={encode:!0,strict:!0,[$_]:!0,...t};const n=zO(e.url).split("?")[0]||"",r=$x(e.url),i={...Fx(r,{sort:!1}),...e.query};let o=UO(i,t);o&&(o=`?${o}`);let s=rZ(e.url);if(e.fragmentIdentifier){const a=new URL(n);a.hash=e.fragmentIdentifier,s=t[$_]?a.hash:`#${e.fragmentIdentifier}`}return`${n}${o}${s}`}function qO(e,t,n){n={parseFragmentIdentifier:!0,[$_]:!1,...n};const{url:r,query:i,fragmentIdentifier:o}=GO(e,n);return HO({url:r,query:ZQ(i,t),fragmentIdentifier:o},n)}function iZ(e,t,n){const r=Array.isArray(t)?i=>!t.includes(i):(i,o)=>!t(i,o);return qO(e,r,n)}const F_=Object.freeze(Object.defineProperty({__proto__:null,exclude:iZ,extract:$x,parse:Fx,parseUrl:GO,pick:qO,stringify:UO,stringifyUrl:HO},Symbol.toStringTag,{value:"Module"}));var xm=globalThis&&globalThis.__generator||function(e,t){var n={label:0,sent:function(){if(o[0]&1)throw o[1];return o[1]},trys:[],ops:[]},r,i,o,s;return s={next:a(0),throw:a(1),return:a(2)},typeof Symbol=="function"&&(s[Symbol.iterator]=function(){return this}),s;function a(u){return function(c){return l([u,c])}}function l(u){if(r)throw new TypeError("Generator is already executing.");for(;n;)try{if(r=1,i&&(o=u[0]&2?i.return:u[0]?i.throw||((o=i.return)&&o.call(i),0):i.next)&&!(o=o.call(i,u[1])).done)return o;switch(i=0,o&&(u=[u[0]&2,o.value]),u[0]){case 0:case 1:o=u;break;case 4:return n.label++,{value:u[1],done:!1};case 5:n.label++,i=u[1],u=[0];continue;case 7:u=n.ops.pop(),n.trys.pop();continue;default:if(o=n.trys,!(o=o.length>0&&o[o.length-1])&&(u[0]===6||u[0]===2)){n=0;continue}if(u[0]===3&&(!o||u[1]>o[0]&&u[1]"u"||navigator.onLine===void 0?!0:navigator.onLine}function pZ(){return typeof document>"u"?!0:document.visibilityState!=="hidden"}var rT=xi;function XO(e,t){if(e===t||!(rT(e)&&rT(t)||Array.isArray(e)&&Array.isArray(t)))return t;for(var n=Object.keys(t),r=Object.keys(e),i=n.length===r.length,o=Array.isArray(t)?[]:{},s=0,a=n;s=200&&e.status<=299},mZ=function(e){return/ion\/(vnd\.api\+)?json/.test(e.get("content-type")||"")};function oT(e){if(!xi(e))return e;for(var t=Ft({},e),n=0,r=Object.entries(t);n"u"&&a===iT&&console.warn("Warning: `fetch` is not available. Please supply a custom `fetchFn` property to use `fetchBaseQuery` on SSR environments."),function(g,b){return Em(t,null,function(){var _,w,x,T,P,E,A,$,I,C,R,M,N,O,D,L,j,U,G,W,X,Y,B,H,Q,J,ne,te,xe,ve,ce,Ne,se,gt,vn,It;return xm(this,function(ut){switch(ut.label){case 0:return _=b.signal,w=b.getState,x=b.extra,T=b.endpoint,P=b.forced,E=b.type,$=typeof g=="string"?{url:g}:g,I=$.url,C=$.headers,R=C===void 0?new Headers(v.headers):C,M=$.params,N=M===void 0?void 0:M,O=$.responseHandler,D=O===void 0?m??"json":O,L=$.validateStatus,j=L===void 0?S??gZ:L,U=$.timeout,G=U===void 0?p:U,W=tT($,["url","headers","params","responseHandler","validateStatus","timeout"]),X=Ft(Hi(Ft({},v),{signal:_}),W),R=new Headers(oT(R)),Y=X,[4,o(R,{getState:w,extra:x,endpoint:T,forced:P,type:E})];case 1:Y.headers=ut.sent()||R,B=function(tt){return typeof tt=="object"&&(xi(tt)||Array.isArray(tt)||typeof tt.toJSON=="function")},!X.headers.has("content-type")&&B(X.body)&&X.headers.set("content-type",f),B(X.body)&&c(X.headers)&&(X.body=JSON.stringify(X.body,h)),N&&(H=~I.indexOf("?")?"&":"?",Q=l?l(N):new URLSearchParams(oT(N)),I+=H+Q),I=fZ(r,I),J=new Request(I,X),ne=J.clone(),A={request:ne},xe=!1,ve=G&&setTimeout(function(){xe=!0,b.abort()},G),ut.label=2;case 2:return ut.trys.push([2,4,5,6]),[4,a(J)];case 3:return te=ut.sent(),[3,6];case 4:return ce=ut.sent(),[2,{error:{status:xe?"TIMEOUT_ERROR":"FETCH_ERROR",error:String(ce)},meta:A}];case 5:return ve&&clearTimeout(ve),[7];case 6:Ne=te.clone(),A.response=Ne,gt="",ut.label=7;case 7:return ut.trys.push([7,9,,10]),[4,Promise.all([y(te,D).then(function(tt){return se=tt},function(tt){return vn=tt}),Ne.text().then(function(tt){return gt=tt},function(){})])];case 8:if(ut.sent(),vn)throw vn;return[3,10];case 9:return It=ut.sent(),[2,{error:{status:"PARSING_ERROR",originalStatus:te.status,data:gt,error:String(It)},meta:A}];case 10:return[2,j(te,se)?{data:se,meta:A}:{error:{status:te.status,data:se},meta:A}]}})})};function y(g,b){return Em(this,null,function(){var _;return xm(this,function(w){switch(w.label){case 0:return typeof b=="function"?[2,b(g)]:(b==="content-type"&&(b=c(g.headers)?"json":"text"),b!=="json"?[3,2]:[4,g.text()]);case 1:return _=w.sent(),[2,_.length?JSON.parse(_):null];case 2:return[2,g.text()]}})})}}var sT=function(){function e(t,n){n===void 0&&(n=void 0),this.value=t,this.meta=n}return e}(),Bx=ue("__rtkq/focused"),YO=ue("__rtkq/unfocused"),jx=ue("__rtkq/online"),QO=ue("__rtkq/offline"),no;(function(e){e.query="query",e.mutation="mutation"})(no||(no={}));function ZO(e){return e.type===no.query}function vZ(e){return e.type===no.mutation}function JO(e,t,n,r,i,o){return bZ(e)?e(t,n,r,i).map(B_).map(o):Array.isArray(e)?e.map(B_).map(o):[]}function bZ(e){return typeof e=="function"}function B_(e){return typeof e=="string"?{type:e}:e}function yb(e){return e!=null}var Ef=Symbol("forceQueryFn"),j_=function(e){return typeof e[Ef]=="function"};function SZ(e){var t=e.serializeQueryArgs,n=e.queryThunk,r=e.mutationThunk,i=e.api,o=e.context,s=new Map,a=new Map,l=i.internalActions,u=l.unsubscribeQueryResult,c=l.removeMutationResult,d=l.updateSubscriptionOptions;return{buildInitiateQuery:y,buildInitiateMutation:g,getRunningQueryThunk:p,getRunningMutationThunk:m,getRunningQueriesThunk:S,getRunningMutationsThunk:v,getRunningOperationPromises:h,removalWarning:f};function f(){throw new Error(`This method had to be removed due to a conceptual bug in RTK. - Please see https://github.com/reduxjs/redux-toolkit/pull/2481 for details. - See https://redux-toolkit.js.org/rtk-query/usage/server-side-rendering for new guidance on SSR.`)}function h(){typeof process<"u";var b=function(_){return Array.from(_.values()).flatMap(function(w){return w?Object.values(w):[]})};return Cm(Cm([],b(s)),b(a)).filter(yb)}function p(b,_){return function(w){var x,T=o.endpointDefinitions[b],P=t({queryArgs:_,endpointDefinition:T,endpointName:b});return(x=s.get(w))==null?void 0:x[P]}}function m(b,_){return function(w){var x;return(x=a.get(w))==null?void 0:x[_]}}function S(){return function(b){return Object.values(s.get(b)||{}).filter(yb)}}function v(){return function(b){return Object.values(a.get(b)||{}).filter(yb)}}function y(b,_){var w=function(x,T){var P=T===void 0?{}:T,E=P.subscribe,A=E===void 0?!0:E,$=P.forceRefetch,I=P.subscriptionOptions,C=Ef,R=P[C];return function(M,N){var O,D,L=t({queryArgs:x,endpointDefinition:_,endpointName:b}),j=n((O={type:"query",subscribe:A,forceRefetch:$,subscriptionOptions:I,endpointName:b,originalArgs:x,queryCacheKey:L},O[Ef]=R,O)),U=i.endpoints[b].select(x),G=M(j),W=U(N()),X=G.requestId,Y=G.abort,B=W.requestId!==X,H=(D=s.get(M))==null?void 0:D[L],Q=function(){return U(N())},J=Object.assign(R?G.then(Q):B&&!H?Promise.resolve(W):Promise.all([H,G]).then(Q),{arg:x,requestId:X,subscriptionOptions:I,queryCacheKey:L,abort:Y,unwrap:function(){return Em(this,null,function(){var te;return xm(this,function(xe){switch(xe.label){case 0:return[4,J];case 1:if(te=xe.sent(),te.isError)throw te.error;return[2,te.data]}})})},refetch:function(){return M(w(x,{subscribe:!1,forceRefetch:!0}))},unsubscribe:function(){A&&M(u({queryCacheKey:L,requestId:X}))},updateSubscriptionOptions:function(te){J.subscriptionOptions=te,M(d({endpointName:b,requestId:X,queryCacheKey:L,options:te}))}});if(!H&&!B&&!R){var ne=s.get(M)||{};ne[L]=J,s.set(M,ne),J.then(function(){delete ne[L],Object.keys(ne).length||s.delete(M)})}return J}};return w}function g(b){return function(_,w){var x=w===void 0?{}:w,T=x.track,P=T===void 0?!0:T,E=x.fixedCacheKey;return function(A,$){var I=r({type:"mutation",endpointName:b,originalArgs:_,track:P,fixedCacheKey:E}),C=A(I),R=C.requestId,M=C.abort,N=C.unwrap,O=C.unwrap().then(function(U){return{data:U}}).catch(function(U){return{error:U}}),D=function(){A(c({requestId:R,fixedCacheKey:E}))},L=Object.assign(O,{arg:C.arg,requestId:R,abort:M,unwrap:N,unsubscribe:D,reset:D}),j=a.get(A)||{};return a.set(A,j),j[R]=L,L.then(function(){delete j[R],Object.keys(j).length||a.delete(A)}),E&&(j[E]=L,L.then(function(){j[E]===L&&(delete j[E],Object.keys(j).length||a.delete(A))})),L}}}}function aT(e){return e}function _Z(e){var t=this,n=e.reducerPath,r=e.baseQuery,i=e.context.endpointDefinitions,o=e.serializeQueryArgs,s=e.api,a=function(g,b,_){return function(w){var x=i[g];w(s.internalActions.queryResultPatched({queryCacheKey:o({queryArgs:b,endpointDefinition:x,endpointName:g}),patches:_}))}},l=function(g,b,_){return function(w,x){var T,P,E=s.endpoints[g].select(b)(x()),A={patches:[],inversePatches:[],undo:function(){return w(s.util.patchQueryData(g,b,A.inversePatches))}};if(E.status===vt.uninitialized)return A;if("data"in E)if(yr(E.data)){var $=gx(E.data,_),I=$[1],C=$[2];(T=A.patches).push.apply(T,I),(P=A.inversePatches).push.apply(P,C)}else{var R=_(E.data);A.patches.push({op:"replace",path:[],value:R}),A.inversePatches.push({op:"replace",path:[],value:E.data})}return w(s.util.patchQueryData(g,b,A.patches)),A}},u=function(g,b,_){return function(w){var x;return w(s.endpoints[g].initiate(b,(x={subscribe:!1,forceRefetch:!0},x[Ef]=function(){return{data:_}},x)))}},c=function(g,b){return Em(t,[g,b],function(_,w){var x,T,P,E,A,$,I,C,R,M,N,O,D,L,j,U,G,W,X=w.signal,Y=w.abort,B=w.rejectWithValue,H=w.fulfillWithValue,Q=w.dispatch,J=w.getState,ne=w.extra;return xm(this,function(te){switch(te.label){case 0:x=i[_.endpointName],te.label=1;case 1:return te.trys.push([1,8,,13]),T=aT,P=void 0,E={signal:X,abort:Y,dispatch:Q,getState:J,extra:ne,endpoint:_.endpointName,type:_.type,forced:_.type==="query"?d(_,J()):void 0},A=_.type==="query"?_[Ef]:void 0,A?(P=A(),[3,6]):[3,2];case 2:return x.query?[4,r(x.query(_.originalArgs),E,x.extraOptions)]:[3,4];case 3:return P=te.sent(),x.transformResponse&&(T=x.transformResponse),[3,6];case 4:return[4,x.queryFn(_.originalArgs,E,x.extraOptions,function(xe){return r(xe,E,x.extraOptions)})];case 5:P=te.sent(),te.label=6;case 6:if(typeof process<"u",P.error)throw new sT(P.error,P.meta);return N=H,[4,T(P.data,P.meta,_.originalArgs)];case 7:return[2,N.apply(void 0,[te.sent(),(G={fulfilledTimeStamp:Date.now(),baseQueryMeta:P.meta},G[Oa]=!0,G)])];case 8:if(O=te.sent(),D=O,!(D instanceof sT))return[3,12];L=aT,x.query&&x.transformErrorResponse&&(L=x.transformErrorResponse),te.label=9;case 9:return te.trys.push([9,11,,12]),j=B,[4,L(D.value,D.meta,_.originalArgs)];case 10:return[2,j.apply(void 0,[te.sent(),(W={baseQueryMeta:D.meta},W[Oa]=!0,W)])];case 11:return U=te.sent(),D=U,[3,12];case 12:throw typeof process<"u",console.error(D),D;case 13:return[2]}})})};function d(g,b){var _,w,x,T,P=(w=(_=b[n])==null?void 0:_.queries)==null?void 0:w[g.queryCacheKey],E=(x=b[n])==null?void 0:x.config.refetchOnMountOrArgChange,A=P==null?void 0:P.fulfilledTimeStamp,$=(T=g.forceRefetch)!=null?T:g.subscribe&&E;return $?$===!0||(Number(new Date)-Number(A))/1e3>=$:!1}var f=Vs(n+"/executeQuery",c,{getPendingMeta:function(){var g;return g={startedTimeStamp:Date.now()},g[Oa]=!0,g},condition:function(g,b){var _=b.getState,w,x,T,P=_(),E=(x=(w=P[n])==null?void 0:w.queries)==null?void 0:x[g.queryCacheKey],A=E==null?void 0:E.fulfilledTimeStamp,$=g.originalArgs,I=E==null?void 0:E.originalArgs,C=i[g.endpointName];return j_(g)?!0:(E==null?void 0:E.status)==="pending"?!1:d(g,P)||ZO(C)&&((T=C==null?void 0:C.forceRefetch)!=null&&T.call(C,{currentArg:$,previousArg:I,endpointState:E,state:P}))?!0:!A},dispatchConditionRejection:!0}),h=Vs(n+"/executeMutation",c,{getPendingMeta:function(){var g;return g={startedTimeStamp:Date.now()},g[Oa]=!0,g}}),p=function(g){return"force"in g},m=function(g){return"ifOlderThan"in g},S=function(g,b,_){return function(w,x){var T=p(_)&&_.force,P=m(_)&&_.ifOlderThan,E=function(C){return C===void 0&&(C=!0),s.endpoints[g].initiate(b,{forceRefetch:C})},A=s.endpoints[g].select(b)(x());if(T)w(E());else if(P){var $=A==null?void 0:A.fulfilledTimeStamp;if(!$){w(E());return}var I=(Number(new Date)-Number(new Date($)))/1e3>=P;I&&w(E())}else w(E(!1))}};function v(g){return function(b){var _,w;return((w=(_=b==null?void 0:b.meta)==null?void 0:_.arg)==null?void 0:w.endpointName)===g}}function y(g,b){return{matchPending:Tu(u0(g),v(b)),matchFulfilled:Tu(ea(g),v(b)),matchRejected:Tu(Xu(g),v(b))}}return{queryThunk:f,mutationThunk:h,prefetch:S,updateQueryData:l,upsertQueryData:u,patchQueryData:a,buildMatchThunkActions:y}}function e7(e,t,n,r){return JO(n[e.meta.arg.endpointName][t],ea(e)?e.payload:void 0,uh(e)?e.payload:void 0,e.meta.arg.originalArgs,"baseQueryMeta"in e.meta?e.meta.baseQueryMeta:void 0,r)}function yp(e,t,n){var r=e[t];r&&n(r)}function Pf(e){var t;return(t="arg"in e?e.arg.fixedCacheKey:e.fixedCacheKey)!=null?t:e.requestId}function lT(e,t,n){var r=e[Pf(t)];r&&n(r)}var zc={};function wZ(e){var t=e.reducerPath,n=e.queryThunk,r=e.mutationThunk,i=e.context,o=i.endpointDefinitions,s=i.apiUid,a=i.extractRehydrationInfo,l=i.hasRehydrationInfo,u=e.assertTagType,c=e.config,d=ue(t+"/resetApiState"),f=Pt({name:t+"/queries",initialState:zc,reducers:{removeQueryResult:{reducer:function(_,w){var x=w.payload.queryCacheKey;delete _[x]},prepare:cg()},queryResultPatched:function(_,w){var x=w.payload,T=x.queryCacheKey,P=x.patches;yp(_,T,function(E){E.data=v_(E.data,P.concat())})}},extraReducers:function(_){_.addCase(n.pending,function(w,x){var T=x.meta,P=x.meta.arg,E,A,$=j_(P);(P.subscribe||$)&&((A=w[E=P.queryCacheKey])!=null||(w[E]={status:vt.uninitialized,endpointName:P.endpointName})),yp(w,P.queryCacheKey,function(I){I.status=vt.pending,I.requestId=$&&I.requestId?I.requestId:T.requestId,P.originalArgs!==void 0&&(I.originalArgs=P.originalArgs),I.startedTimeStamp=T.startedTimeStamp})}).addCase(n.fulfilled,function(w,x){var T=x.meta,P=x.payload;yp(w,T.arg.queryCacheKey,function(E){var A;if(!(E.requestId!==T.requestId&&!j_(T.arg))){var $=o[T.arg.endpointName].merge;if(E.status=vt.fulfilled,$)if(E.data!==void 0){var I=T.fulfilledTimeStamp,C=T.arg,R=T.baseQueryMeta,M=T.requestId,N=Js(E.data,function(O){return $(O,P,{arg:C.originalArgs,baseQueryMeta:R,fulfilledTimeStamp:I,requestId:M})});E.data=N}else E.data=P;else E.data=(A=o[T.arg.endpointName].structuralSharing)==null||A?XO(er(E.data)?lx(E.data):E.data,P):P;delete E.error,E.fulfilledTimeStamp=T.fulfilledTimeStamp}})}).addCase(n.rejected,function(w,x){var T=x.meta,P=T.condition,E=T.arg,A=T.requestId,$=x.error,I=x.payload;yp(w,E.queryCacheKey,function(C){if(!P){if(C.requestId!==A)return;C.status=vt.rejected,C.error=I??$}})}).addMatcher(l,function(w,x){for(var T=a(x).queries,P=0,E=Object.entries(T);P{const r=Tf.get(),i=Cf.get();return yZ({baseUrl:`${r??""}/api/v1`,prepareHeaders:s=>(i&&s.set("Authorization",`Bearer ${i}`),s)})(e,t,n)},Hs=JZ({baseQuery:tJ,reducerPath:"api",tagTypes:eJ,endpoints:()=>({})}),_b=(e,t)=>{if(!e)return!1;const n=V_.selectAll(e);if(n.length>1){const r=new Date(t.created_at),i=new Date(n[n.length-1].created_at);return r>=i}else if([0,1].includes(n.length))return!0;return!1},Uc=e=>gi.includes(e.image_category)?gi:_s,Kn=cl({selectId:e=>e.image_name,sortComparer:(e,t)=>WQ(t.updated_at,e.updated_at)}),V_=Kn.getSelectors(),di=e=>`images/?${F_.stringify(e,{arrayFormat:"none"})}`,he=Hs.injectEndpoints({endpoints:e=>({listImages:e.query({query:t=>({url:di(t),method:"GET"}),providesTags:(t,n,{board_id:r,categories:i})=>[{type:"ImageList",id:di({board_id:r,categories:i})}],serializeQueryArgs:({queryArgs:t})=>{const{board_id:n,categories:r}=t;return di({board_id:n,categories:r})},transformResponse(t){const{total:n,items:r}=t;return Kn.addMany(Kn.getInitialState({total:n}),r)},merge:(t,n)=>{Kn.addMany(t,V_.selectAll(n)),t.total=n.total},forceRefetch({currentArg:t,previousArg:n}){return(t==null?void 0:t.offset)!==(n==null?void 0:n.offset)},async onQueryStarted(t,{dispatch:n,queryFulfilled:r}){try{const{data:i}=await r;V_.selectAll(i).forEach(o=>{n(he.util.upsertQueryData("getImageDTO",o.image_name,o))})}catch{}},keepUnusedDataFor:86400}),getIntermediatesCount:e.query({query:()=>({url:di({is_intermediate:!0})}),providesTags:["IntermediatesCount"],transformResponse:t=>t.total}),getImageDTO:e.query({query:t=>({url:`images/${t}`}),providesTags:(t,n,r)=>{const i=[{type:"Image",id:r}];return t!=null&&t.board_id&&i.push({type:"Board",id:t.board_id}),i},keepUnusedDataFor:86400}),getImageMetadata:e.query({query:t=>({url:`images/${t}/metadata`}),providesTags:(t,n,r)=>[{type:"ImageMetadata",id:r}],keepUnusedDataFor:86400}),getBoardImagesTotal:e.query({query:t=>({url:di({board_id:t??"none",categories:gi,is_intermediate:!1,limit:0,offset:0}),method:"GET"}),providesTags:(t,n,r)=>[{type:"BoardImagesTotal",id:r??"none"}],transformResponse:t=>t.total}),getBoardAssetsTotal:e.query({query:t=>({url:di({board_id:t??"none",categories:_s,is_intermediate:!1,limit:0,offset:0}),method:"GET"}),providesTags:(t,n,r)=>[{type:"BoardAssetsTotal",id:r??"none"}],transformResponse:t=>t.total}),clearIntermediates:e.mutation({query:()=>({url:"images/clear-intermediates",method:"POST"}),invalidatesTags:["IntermediatesCount"]}),deleteImage:e.mutation({query:({image_name:t})=>({url:`images/${t}`,method:"DELETE"}),invalidatesTags:(t,n,{board_id:r})=>[{type:"BoardImagesTotal",id:r??"none"},{type:"BoardAssetsTotal",id:r??"none"}],async onQueryStarted(t,{dispatch:n,queryFulfilled:r}){const{image_name:i,board_id:o}=t,s=[],a=Uc(t);s.push(n(he.util.updateQueryData("listImages",{board_id:o??"none",categories:a},l=>{const u=l.total,d=Kn.removeOne(l,i).total-u;l.total=l.total+d})));try{await r}catch{s.forEach(l=>l.undo())}}}),changeImageIsIntermediate:e.mutation({query:({imageDTO:t,is_intermediate:n})=>({url:`images/${t.image_name}`,method:"PATCH",body:{is_intermediate:n}}),invalidatesTags:(t,n,{imageDTO:r})=>[{type:"BoardImagesTotal",id:r.board_id??"none"},{type:"BoardAssetsTotal",id:r.board_id??"none"}],async onQueryStarted({imageDTO:t,is_intermediate:n},{dispatch:r,queryFulfilled:i,getState:o}){const s=[];s.push(r(he.util.updateQueryData("getImageDTO",t.image_name,l=>{Object.assign(l,{is_intermediate:n})})));const a=Uc(t);if(n)s.push(r(he.util.updateQueryData("listImages",{board_id:t.board_id??"none",categories:a},l=>{const u=l.total,d=Kn.removeOne(l,t.image_name).total-u;l.total=l.total+d})));else{console.log(t);const l={board_id:t.board_id??"none",categories:a},u=he.endpoints.listImages.select(l)(o()),c=u.data&&u.data.ids.length>=u.data.total,d=_b(u.data,t);(c||d)&&s.push(r(he.util.updateQueryData("listImages",l,f=>{const h=f.total,m=Kn.upsertOne(f,t).total-h;f.total=f.total+m})))}try{await i}catch{s.forEach(l=>l.undo())}}}),changeImageSessionId:e.mutation({query:({imageDTO:t,session_id:n})=>({url:`images/${t.image_name}`,method:"PATCH",body:{session_id:n}}),invalidatesTags:(t,n,{imageDTO:r})=>[{type:"BoardImagesTotal",id:r.board_id??"none"},{type:"BoardAssetsTotal",id:r.board_id??"none"}],async onQueryStarted({imageDTO:t,session_id:n},{dispatch:r,queryFulfilled:i,getState:o}){const s=[];s.push(r(he.util.updateQueryData("getImageDTO",t.image_name,a=>{Object.assign(a,{session_id:n})})));try{await i}catch{s.forEach(a=>a.undo())}}}),uploadImage:e.mutation({query:({file:t,image_category:n,is_intermediate:r,session_id:i,board_id:o,crop_visible:s})=>{const a=new FormData;return a.append("file",t),{url:"images/",method:"POST",body:a,params:{image_category:n,is_intermediate:r,session_id:i,board_id:o,crop_visible:s}}},async onQueryStarted({file:t,image_category:n,is_intermediate:r,postUploadAction:i,session_id:o,board_id:s},{dispatch:a,queryFulfilled:l}){try{const{data:u}=await l;if(u.is_intermediate)return;a(he.util.upsertQueryData("getImageDTO",u.image_name,u));const c=Uc(u);a(he.util.updateQueryData("listImages",{board_id:u.board_id??"none",categories:c},d=>{const f=d.total,p=Kn.addOne(d,u).total-f;d.total=d.total+p})),a(he.util.invalidateTags([{type:"BoardImagesTotal",id:u.board_id??"none"},{type:"BoardAssetsTotal",id:u.board_id??"none"}]))}catch{}}}),addImageToBoard:e.mutation({query:({board_id:t,imageDTO:n})=>{const{image_name:r}=n;return{url:"board_images/",method:"POST",body:{board_id:t,image_name:r}}},invalidatesTags:(t,n,{board_id:r,imageDTO:i})=>[{type:"Board",id:r},{type:"BoardImagesTotal",id:r},{type:"BoardImagesTotal",id:i.board_id??"none"},{type:"BoardAssetsTotal",id:r},{type:"BoardAssetsTotal",id:i.board_id??"none"}],async onQueryStarted({board_id:t,imageDTO:n},{dispatch:r,queryFulfilled:i,getState:o}){const s=[],a=Uc(n);if(s.push(r(he.util.updateQueryData("getImageDTO",n.image_name,l=>{Object.assign(l,{board_id:t})}))),!n.is_intermediate){s.push(r(he.util.updateQueryData("listImages",{board_id:n.board_id??"none",categories:a},f=>{const h=f.total,m=Kn.removeOne(f,n.image_name).total-h;f.total=f.total+m})));const l={board_id:t??"none",categories:a},u=he.endpoints.listImages.select(l)(o()),c=u.data&&u.data.ids.length>=u.data.total,d=_b(u.data,n);(c||d)&&s.push(r(he.util.updateQueryData("listImages",l,f=>{const h=f.total,m=Kn.addOne(f,n).total-h;f.total=f.total+m})))}try{await i}catch{s.forEach(l=>l.undo())}}}),removeImageFromBoard:e.mutation({query:({imageDTO:t})=>{const{board_id:n,image_name:r}=t;return{url:"board_images/",method:"DELETE",body:{board_id:n,image_name:r}}},invalidatesTags:(t,n,{imageDTO:r})=>[{type:"Board",id:r.board_id},{type:"BoardImagesTotal",id:r.board_id},{type:"BoardImagesTotal",id:"none"},{type:"BoardAssetsTotal",id:r.board_id},{type:"BoardAssetsTotal",id:"none"}],async onQueryStarted({imageDTO:t},{dispatch:n,queryFulfilled:r,getState:i}){const o=Uc(t),s=[];s.push(n(he.util.updateQueryData("getImageDTO",t.image_name,d=>{Object.assign(d,{board_id:void 0})}))),s.push(n(he.util.updateQueryData("listImages",{board_id:t.board_id??"none",categories:o},d=>{const f=d.total,p=Kn.removeOne(d,t.image_name).total-f;d.total=d.total+p})));const a={board_id:"none",categories:o},l=he.endpoints.listImages.select(a)(i()),u=l.data&&l.data.ids.length>=l.data.total,c=_b(l.data,t);(u||c)&&s.push(n(he.util.updateQueryData("listImages",a,d=>{const f=d.total,p=Kn.upsertOne(d,t).total-f;d.total=d.total+p})));try{await r}catch{s.forEach(d=>d.undo())}}})})}),{useGetIntermediatesCountQuery:e3e,useListImagesQuery:t3e,useLazyListImagesQuery:n3e,useGetImageDTOQuery:r3e,useGetImageMetadataQuery:i3e,useDeleteImageMutation:o3e,useGetBoardImagesTotalQuery:s3e,useGetBoardAssetsTotalQuery:a3e,useUploadImageMutation:l3e,useAddImageToBoardMutation:u3e,useRemoveImageFromBoardMutation:c3e,useClearIntermediatesMutation:d3e}=he,n7=ue("socket/socketConnected"),r7=ue("socket/appSocketConnected"),i7=ue("socket/socketDisconnected"),o7=ue("socket/appSocketDisconnected"),Vx=ue("socket/socketSubscribed"),s7=ue("socket/appSocketSubscribed"),a7=ue("socket/socketUnsubscribed"),l7=ue("socket/appSocketUnsubscribed"),u7=ue("socket/socketInvocationStarted"),c7=ue("socket/appSocketInvocationStarted"),zx=ue("socket/socketInvocationComplete"),d7=ue("socket/appSocketInvocationComplete"),f7=ue("socket/socketInvocationError"),Ux=ue("socket/appSocketInvocationError"),h7=ue("socket/socketGraphExecutionStateComplete"),p7=ue("socket/appSocketGraphExecutionStateComplete"),g7=ue("socket/socketGeneratorProgress"),m7=ue("socket/appSocketGeneratorProgress"),y7=ue("socket/socketModelLoadStarted"),nJ=ue("socket/appSocketModelLoadStarted"),v7=ue("socket/socketModelLoadCompleted"),rJ=ue("socket/appSocketModelLoadCompleted"),b7=ue("socket/socketSessionRetrievalError"),S7=ue("socket/appSocketSessionRetrievalError"),_7=ue("socket/socketInvocationRetrievalError"),w7=ue("socket/appSocketInvocationRetrievalError"),Gx=ue("controlNet/imageProcessed"),Xl={none:{type:"none",label:"none",description:"",default:{type:"none"}},canny_image_processor:{type:"canny_image_processor",label:"Canny",description:"",default:{id:"canny_image_processor",type:"canny_image_processor",low_threshold:100,high_threshold:200}},content_shuffle_image_processor:{type:"content_shuffle_image_processor",label:"Content Shuffle",description:"",default:{id:"content_shuffle_image_processor",type:"content_shuffle_image_processor",detect_resolution:512,image_resolution:512,h:512,w:512,f:256}},hed_image_processor:{type:"hed_image_processor",label:"HED",description:"",default:{id:"hed_image_processor",type:"hed_image_processor",detect_resolution:512,image_resolution:512,scribble:!1}},lineart_anime_image_processor:{type:"lineart_anime_image_processor",label:"Lineart Anime",description:"",default:{id:"lineart_anime_image_processor",type:"lineart_anime_image_processor",detect_resolution:512,image_resolution:512}},lineart_image_processor:{type:"lineart_image_processor",label:"Lineart",description:"",default:{id:"lineart_image_processor",type:"lineart_image_processor",detect_resolution:512,image_resolution:512,coarse:!1}},mediapipe_face_processor:{type:"mediapipe_face_processor",label:"Mediapipe Face",description:"",default:{id:"mediapipe_face_processor",type:"mediapipe_face_processor",max_faces:1,min_confidence:.5}},midas_depth_image_processor:{type:"midas_depth_image_processor",label:"Depth (Midas)",description:"",default:{id:"midas_depth_image_processor",type:"midas_depth_image_processor",a_mult:2,bg_th:.1}},mlsd_image_processor:{type:"mlsd_image_processor",label:"M-LSD",description:"",default:{id:"mlsd_image_processor",type:"mlsd_image_processor",detect_resolution:512,image_resolution:512,thr_d:.1,thr_v:.1}},normalbae_image_processor:{type:"normalbae_image_processor",label:"Normal BAE",description:"",default:{id:"normalbae_image_processor",type:"normalbae_image_processor",detect_resolution:512,image_resolution:512}},openpose_image_processor:{type:"openpose_image_processor",label:"Openpose",description:"",default:{id:"openpose_image_processor",type:"openpose_image_processor",detect_resolution:512,image_resolution:512,hand_and_face:!1}},pidi_image_processor:{type:"pidi_image_processor",label:"PIDI",description:"",default:{id:"pidi_image_processor",type:"pidi_image_processor",detect_resolution:512,image_resolution:512,scribble:!1,safe:!1}},zoe_depth_image_processor:{type:"zoe_depth_image_processor",label:"Depth (Zoe)",description:"",default:{id:"zoe_depth_image_processor",type:"zoe_depth_image_processor"}}},_p={canny:"canny_image_processor",mlsd:"mlsd_image_processor",depth:"midas_depth_image_processor",bae:"normalbae_image_processor",lineart:"lineart_image_processor",lineart_anime:"lineart_anime_image_processor",softedge:"hed_image_processor",shuffle:"content_shuffle_image_processor",openpose:"openpose_image_processor",mediapipe:"mediapipe_face_processor"},vT={isEnabled:!0,model:null,weight:1,beginStepPct:0,endStepPct:1,controlMode:"balanced",resizeMode:"just_resize",controlImage:null,processedControlImage:null,processorType:"canny_image_processor",processorNode:Xl.canny_image_processor.default,shouldAutoConfig:!0},z_={controlNets:{},isEnabled:!1,pendingControlImages:[]},x7=Pt({name:"controlNet",initialState:z_,reducers:{isControlNetEnabledToggled:e=>{e.isEnabled=!e.isEnabled},controlNetAdded:(e,t)=>{const{controlNetId:n,controlNet:r}=t.payload;e.controlNets[n]={...r??vT,controlNetId:n}},controlNetDuplicated:(e,t)=>{const{sourceControlNetId:n,newControlNetId:r}=t.payload,i=Ln(e.controlNets[n]);i.controlNetId=r,e.controlNets[r]=i},controlNetAddedFromImage:(e,t)=>{const{controlNetId:n,controlImage:r}=t.payload;e.controlNets[n]={...vT,controlNetId:n,controlImage:r}},controlNetRemoved:(e,t)=>{const{controlNetId:n}=t.payload;delete e.controlNets[n]},controlNetToggled:(e,t)=>{const{controlNetId:n}=t.payload;e.controlNets[n].isEnabled=!e.controlNets[n].isEnabled},controlNetImageChanged:(e,t)=>{const{controlNetId:n,controlImage:r}=t.payload;e.controlNets[n].controlImage=r,e.controlNets[n].processedControlImage=null,r!==null&&e.controlNets[n].processorType!=="none"&&e.pendingControlImages.push(n)},controlNetProcessedImageChanged:(e,t)=>{const{controlNetId:n,processedControlImage:r}=t.payload;e.controlNets[n].processedControlImage=r,e.pendingControlImages=e.pendingControlImages.filter(i=>i!==n)},controlNetModelChanged:(e,t)=>{const{controlNetId:n,model:r}=t.payload;if(e.controlNets[n].model=r,e.controlNets[n].processedControlImage=null,e.controlNets[n].shouldAutoConfig){let i;for(const o in _p)if(r.model_name.includes(o)){i=_p[o];break}i?(e.controlNets[n].processorType=i,e.controlNets[n].processorNode=Xl[i].default):(e.controlNets[n].processorType="none",e.controlNets[n].processorNode=Xl.none.default)}},controlNetWeightChanged:(e,t)=>{const{controlNetId:n,weight:r}=t.payload;e.controlNets[n].weight=r},controlNetBeginStepPctChanged:(e,t)=>{const{controlNetId:n,beginStepPct:r}=t.payload;e.controlNets[n].beginStepPct=r},controlNetEndStepPctChanged:(e,t)=>{const{controlNetId:n,endStepPct:r}=t.payload;e.controlNets[n].endStepPct=r},controlNetControlModeChanged:(e,t)=>{const{controlNetId:n,controlMode:r}=t.payload;e.controlNets[n].controlMode=r},controlNetResizeModeChanged:(e,t)=>{const{controlNetId:n,resizeMode:r}=t.payload;e.controlNets[n].resizeMode=r},controlNetProcessorParamsChanged:(e,t)=>{const{controlNetId:n,changes:r}=t.payload,i=e.controlNets[n].processorNode;e.controlNets[n].processorNode={...i,...r},e.controlNets[n].shouldAutoConfig=!1},controlNetProcessorTypeChanged:(e,t)=>{const{controlNetId:n,processorType:r}=t.payload;e.controlNets[n].processedControlImage=null,e.controlNets[n].processorType=r,e.controlNets[n].processorNode=Xl[r].default,e.controlNets[n].shouldAutoConfig=!1},controlNetAutoConfigToggled:(e,t)=>{var i;const{controlNetId:n}=t.payload,r=!e.controlNets[n].shouldAutoConfig;if(r){let o;for(const s in _p)if((i=e.controlNets[n].model)!=null&&i.model_name.includes(s)){o=_p[s];break}o?(e.controlNets[n].processorType=o,e.controlNets[n].processorNode=Xl[o].default):(e.controlNets[n].processorType="none",e.controlNets[n].processorNode=Xl.none.default)}e.controlNets[n].shouldAutoConfig=r},controlNetReset:()=>({...z_})},extraReducers:e=>{e.addCase(Gx,(t,n)=>{t.controlNets[n.payload.controlNetId].controlImage!==null&&t.pendingControlImages.push(n.payload.controlNetId)}),e.addCase(Ux,t=>{t.pendingControlImages=[]}),e.addMatcher(MO,t=>{t.pendingControlImages=[]}),e.addMatcher(he.endpoints.deleteImage.matchFulfilled,(t,n)=>{const{image_name:r}=n.meta.arg.originalArgs;Qa(t.controlNets,i=>{i.controlImage===r&&(i.controlImage=null,i.processedControlImage=null),i.processedControlImage===r&&(i.processedControlImage=null)})})}}),{isControlNetEnabledToggled:f3e,controlNetAdded:h3e,controlNetDuplicated:p3e,controlNetAddedFromImage:g3e,controlNetRemoved:C7,controlNetImageChanged:Hx,controlNetProcessedImageChanged:iJ,controlNetToggled:m3e,controlNetModelChanged:bT,controlNetWeightChanged:y3e,controlNetBeginStepPctChanged:v3e,controlNetEndStepPctChanged:b3e,controlNetControlModeChanged:S3e,controlNetResizeModeChanged:_3e,controlNetProcessorParamsChanged:oJ,controlNetProcessorTypeChanged:sJ,controlNetReset:T7,controlNetAutoConfigToggled:ST}=x7.actions,aJ=x7.reducer,E7={isEnabled:!1,maxPrompts:100,combinatorial:!0},lJ=E7,P7=Pt({name:"dynamicPrompts",initialState:lJ,reducers:{maxPromptsChanged:(e,t)=>{e.maxPrompts=t.payload},maxPromptsReset:e=>{e.maxPrompts=E7.maxPrompts},combinatorialToggled:e=>{e.combinatorial=!e.combinatorial},isEnabledToggled:e=>{e.isEnabled=!e.isEnabled}}}),{isEnabledToggled:w3e,maxPromptsChanged:x3e,maxPromptsReset:C3e,combinatorialToggled:T3e}=P7.actions,uJ=P7.reducer,cJ={updateBoardModalOpen:!1,searchText:""},A7=Pt({name:"boards",initialState:cJ,reducers:{setBoardSearchText:(e,t)=>{e.searchText=t.payload},setUpdateBoardModalOpen:(e,t)=>{e.updateBoardModalOpen=t.payload}}}),{setBoardSearchText:E3e,setUpdateBoardModalOpen:P3e}=A7.actions,dJ=A7.reducer,ec=Hs.injectEndpoints({endpoints:e=>({listBoards:e.query({query:t=>({url:"boards/",params:t}),providesTags:(t,n,r)=>{const i=[{type:"Board",id:Le}];return t&&i.push(...t.items.map(({board_id:o})=>({type:"Board",id:o}))),i}}),listAllBoards:e.query({query:()=>({url:"boards/",params:{all:!0}}),providesTags:(t,n,r)=>{const i=[{type:"Board",id:Le}];return t&&i.push(...t.map(({board_id:o})=>({type:"Board",id:o}))),i}}),listAllImageNamesForBoard:e.query({query:t=>({url:`boards/${t}/image_names`}),providesTags:(t,n,r)=>[{type:"ImageNameList",id:r}],keepUnusedDataFor:0}),createBoard:e.mutation({query:t=>({url:"boards/",method:"POST",params:{board_name:t}}),invalidatesTags:[{type:"Board",id:Le}]}),updateBoard:e.mutation({query:({board_id:t,changes:n})=>({url:`boards/${t}`,method:"PATCH",body:n}),invalidatesTags:(t,n,r)=>[{type:"Board",id:r.board_id}]}),deleteBoard:e.mutation({query:t=>({url:`boards/${t}`,method:"DELETE"}),invalidatesTags:(t,n,r)=>[{type:"Board",id:Le},{type:"ImageList",id:di({board_id:"none",categories:gi})},{type:"ImageList",id:di({board_id:"none",categories:_s})},{type:"BoardImagesTotal",id:"none"},{type:"BoardAssetsTotal",id:"none"}],async onQueryStarted(t,{dispatch:n,queryFulfilled:r,getState:i}){try{const{data:o}=await r,{deleted_board_images:s}=o;s.forEach(u=>{n(he.util.updateQueryData("getImageDTO",u,c=>{c.board_id=void 0}))});const a=[{categories:gi},{categories:_s}],l=s.map(u=>({id:u,changes:{board_id:void 0}}));a.forEach(u=>{n(he.util.updateQueryData("listImages",u,c=>{const d=c.total,h=Kn.updateMany(c,l).total-d;c.total=c.total+h}))})}catch{}}}),deleteBoardAndImages:e.mutation({query:t=>({url:`boards/${t}`,method:"DELETE",params:{include_images:!0}}),invalidatesTags:(t,n,r)=>[{type:"Board",id:Le},{type:"ImageList",id:di({board_id:"none",categories:gi})},{type:"ImageList",id:di({board_id:"none",categories:_s})},{type:"BoardImagesTotal",id:"none"},{type:"BoardAssetsTotal",id:"none"}],async onQueryStarted(t,{dispatch:n,queryFulfilled:r,getState:i}){try{const{data:o}=await r,{deleted_images:s}=o;[{categories:gi},{categories:_s}].forEach(l=>{n(he.util.updateQueryData("listImages",l,u=>{const c=u.total,f=Kn.removeMany(u,s).total-c;u.total=u.total+f}))})}catch{}}})})}),{useListBoardsQuery:A3e,useListAllBoardsQuery:k3e,useCreateBoardMutation:R3e,useUpdateBoardMutation:O3e,useDeleteBoardMutation:M3e,useDeleteBoardAndImagesMutation:I3e,useListAllImageNamesForBoardQuery:N3e}=ec,k7={selection:[],shouldAutoSwitch:!0,autoAddBoardId:void 0,galleryImageMinimumWidth:96,selectedBoardId:void 0,galleryView:"images",batchImageNames:[],isBatchEnabled:!1},R7=Pt({name:"gallery",initialState:k7,reducers:{imageRangeEndSelected:()=>{},imageSelectionToggled:()=>{},imageSelected:(e,t)=>{e.selection=t.payload?[t.payload]:[]},shouldAutoSwitchChanged:(e,t)=>{e.shouldAutoSwitch=t.payload},setGalleryImageMinimumWidth:(e,t)=>{e.galleryImageMinimumWidth=t.payload},boardIdSelected:(e,t)=>{e.selectedBoardId=t.payload,e.galleryView="images"},isBatchEnabledChanged:(e,t)=>{e.isBatchEnabled=t.payload},imagesAddedToBatch:(e,t)=>{e.batchImageNames=tY(e.batchImageNames.concat(t.payload))},imagesRemovedFromBatch:(e,t)=>{e.batchImageNames=e.batchImageNames.filter(r=>!t.payload.includes(r));const n=e.selection.filter(r=>!t.payload.includes(r));if(n.length){e.selection=n;return}e.selection=[e.batchImageNames[0]]},batchReset:e=>{e.batchImageNames=[],e.selection=[]},autoAddBoardIdChanged:(e,t)=>{e.autoAddBoardId=t.payload},galleryViewChanged:(e,t)=>{e.galleryView=t.payload}},extraReducers:e=>{e.addMatcher(hJ,(t,n)=>{const r=n.meta.arg.originalArgs;r===t.selectedBoardId&&(t.selectedBoardId=void 0,t.galleryView="images"),r===t.autoAddBoardId&&(t.autoAddBoardId=void 0)}),e.addMatcher(ec.endpoints.listAllBoards.matchFulfilled,(t,n)=>{const r=n.payload;t.autoAddBoardId&&(r.map(i=>i.board_id).includes(t.autoAddBoardId)||(t.autoAddBoardId=void 0))})}}),{imageRangeEndSelected:D3e,imageSelectionToggled:L3e,imageSelected:Os,shouldAutoSwitchChanged:$3e,setGalleryImageMinimumWidth:F3e,boardIdSelected:U_,isBatchEnabledChanged:B3e,imagesAddedToBatch:G_,imagesRemovedFromBatch:j3e,autoAddBoardIdChanged:V3e,galleryViewChanged:Am}=R7.actions,fJ=R7.reducer,hJ=ei(ec.endpoints.deleteBoard.matchFulfilled,ec.endpoints.deleteBoardAndImages.matchFulfilled),pJ={imageToDelete:null,isModalOpen:!1},O7=Pt({name:"imageDeletion",initialState:pJ,reducers:{isModalOpenChanged:(e,t)=>{e.isModalOpen=t.payload},imageToDeleteSelected:(e,t)=>{e.imageToDelete=t.payload},imageToDeleteCleared:e=>{e.imageToDelete=null,e.isModalOpen=!1}}}),{isModalOpenChanged:M7,imageToDeleteSelected:gJ,imageToDeleteCleared:z3e}=O7.actions,mJ=O7.reducer,_T={weight:.75},yJ={loras:{}},I7=Pt({name:"lora",initialState:yJ,reducers:{loraAdded:(e,t)=>{const{model_name:n,id:r,base_model:i}=t.payload;e.loras[r]={id:r,model_name:n,base_model:i,..._T}},loraRemoved:(e,t)=>{const n=t.payload;delete e.loras[n]},lorasCleared:e=>{e.loras={}},loraWeightChanged:(e,t)=>{const{id:n,weight:r}=t.payload;e.loras[n].weight=r},loraWeightReset:(e,t)=>{const n=t.payload;e.loras[n].weight=_T.weight}}}),{loraAdded:U3e,loraRemoved:N7,loraWeightChanged:G3e,loraWeightReset:H3e,lorasCleared:q3e}=I7.actions,vJ=I7.reducer;function ti(e){if(typeof e=="string"||typeof e=="number")return""+e;let t="";if(Array.isArray(e))for(let n=0,r;n{let t;const n=new Set,r=(l,u)=>{const c=typeof l=="function"?l(t):l;if(!Object.is(c,t)){const d=t;t=u??typeof c!="object"?c:Object.assign({},t,c),n.forEach(f=>f(t,d))}},i=()=>t,a={setState:r,getState:i,subscribe:l=>(n.add(l),()=>n.delete(l)),destroy:()=>{n.clear()}};return t=e(r,i,a),a},bJ=e=>e?wT(e):wT,{useSyncExternalStoreWithSelector:SJ}=Wj;function _J(e,t=e.getState,n){const r=SJ(e.subscribe,e.getState,e.getServerState||e.getState,t,n);return k.useDebugValue(r),r}function br(e,t){if(Object.is(e,t))return!0;if(typeof e!="object"||e===null||typeof t!="object"||t===null)return!1;if(e instanceof Map&&t instanceof Map){if(e.size!==t.size)return!1;for(const[r,i]of e)if(!Object.is(i,t.get(r)))return!1;return!0}if(e instanceof Set&&t instanceof Set){if(e.size!==t.size)return!1;for(const r of e)if(!t.has(r))return!1;return!0}const n=Object.keys(e);if(n.length!==Object.keys(t).length)return!1;for(let r=0;r{}};function P0(){for(var e=0,t=arguments.length,n={},r;e=0&&(r=n.slice(i+1),n=n.slice(0,i)),n&&!t.hasOwnProperty(n))throw new Error("unknown type: "+n);return{type:n,name:r}})}hg.prototype=P0.prototype={constructor:hg,on:function(e,t){var n=this._,r=xJ(e+"",n),i,o=-1,s=r.length;if(arguments.length<2){for(;++o0)for(var n=new Array(i),r=0,i,o;r=0&&(t=e.slice(0,n))!=="xmlns"&&(e=e.slice(n+1)),CT.hasOwnProperty(t)?{space:CT[t],local:e}:e}function TJ(e){return function(){var t=this.ownerDocument,n=this.namespaceURI;return n===H_&&t.documentElement.namespaceURI===H_?t.createElement(e):t.createElementNS(n,e)}}function EJ(e){return function(){return this.ownerDocument.createElementNS(e.space,e.local)}}function D7(e){var t=A0(e);return(t.local?EJ:TJ)(t)}function PJ(){}function qx(e){return e==null?PJ:function(){return this.querySelector(e)}}function AJ(e){typeof e!="function"&&(e=qx(e));for(var t=this._groups,n=t.length,r=new Array(n),i=0;i=g&&(g=y+1);!(_=S[g])&&++g=0;)(s=r[i])&&(o&&s.compareDocumentPosition(o)^4&&o.parentNode.insertBefore(s,o),o=s);return this}function JJ(e){e||(e=eee);function t(d,f){return d&&f?e(d.__data__,f.__data__):!d-!f}for(var n=this._groups,r=n.length,i=new Array(r),o=0;ot?1:e>=t?0:NaN}function tee(){var e=arguments[0];return arguments[0]=this,e.apply(null,arguments),this}function nee(){return Array.from(this)}function ree(){for(var e=this._groups,t=0,n=e.length;t1?this.each((t==null?pee:typeof t=="function"?mee:gee)(e,t,n??"")):tc(this.node(),e)}function tc(e,t){return e.style.getPropertyValue(t)||j7(e).getComputedStyle(e,null).getPropertyValue(t)}function vee(e){return function(){delete this[e]}}function bee(e,t){return function(){this[e]=t}}function See(e,t){return function(){var n=t.apply(this,arguments);n==null?delete this[e]:this[e]=n}}function _ee(e,t){return arguments.length>1?this.each((t==null?vee:typeof t=="function"?See:bee)(e,t)):this.node()[e]}function V7(e){return e.trim().split(/^|\s+/)}function Wx(e){return e.classList||new z7(e)}function z7(e){this._node=e,this._names=V7(e.getAttribute("class")||"")}z7.prototype={add:function(e){var t=this._names.indexOf(e);t<0&&(this._names.push(e),this._node.setAttribute("class",this._names.join(" ")))},remove:function(e){var t=this._names.indexOf(e);t>=0&&(this._names.splice(t,1),this._node.setAttribute("class",this._names.join(" ")))},contains:function(e){return this._names.indexOf(e)>=0}};function U7(e,t){for(var n=Wx(e),r=-1,i=t.length;++r=0&&(n=t.slice(r+1),t=t.slice(0,r)),{type:t,name:n}})}function Xee(e){return function(){var t=this.__on;if(t){for(var n=0,r=-1,i=t.length,o;n()=>e;function q_(e,{sourceEvent:t,subject:n,target:r,identifier:i,active:o,x:s,y:a,dx:l,dy:u,dispatch:c}){Object.defineProperties(this,{type:{value:e,enumerable:!0,configurable:!0},sourceEvent:{value:t,enumerable:!0,configurable:!0},subject:{value:n,enumerable:!0,configurable:!0},target:{value:r,enumerable:!0,configurable:!0},identifier:{value:i,enumerable:!0,configurable:!0},active:{value:o,enumerable:!0,configurable:!0},x:{value:s,enumerable:!0,configurable:!0},y:{value:a,enumerable:!0,configurable:!0},dx:{value:l,enumerable:!0,configurable:!0},dy:{value:u,enumerable:!0,configurable:!0},_:{value:c}})}q_.prototype.on=function(){var e=this._.on.apply(this._,arguments);return e===this._?this:e};function ote(e){return!e.ctrlKey&&!e.button}function ste(){return this.parentNode}function ate(e,t){return t??{x:e.x,y:e.y}}function lte(){return navigator.maxTouchPoints||"ontouchstart"in this}function ute(){var e=ote,t=ste,n=ate,r=lte,i={},o=P0("start","drag","end"),s=0,a,l,u,c,d=0;function f(b){b.on("mousedown.drag",h).filter(r).on("touchstart.drag",S).on("touchmove.drag",v,ite).on("touchend.drag touchcancel.drag",y).style("touch-action","none").style("-webkit-tap-highlight-color","rgba(0,0,0,0)")}function h(b,_){if(!(c||!e.call(this,b,_))){var w=g(this,t.call(this,b,_),b,_,"mouse");w&&(fi(b.view).on("mousemove.drag",p,Af).on("mouseup.drag",m,Af),W7(b.view),wb(b),u=!1,a=b.clientX,l=b.clientY,w("start",b))}}function p(b){if(Ru(b),!u){var _=b.clientX-a,w=b.clientY-l;u=_*_+w*w>d}i.mouse("drag",b)}function m(b){fi(b.view).on("mousemove.drag mouseup.drag",null),K7(b.view,u),Ru(b),i.mouse("end",b)}function S(b,_){if(e.call(this,b,_)){var w=b.changedTouches,x=t.call(this,b,_),T=w.length,P,E;for(P=0;P>8&15|t>>4&240,t>>4&15|t&240,(t&15)<<4|t&15,1):n===8?xp(t>>24&255,t>>16&255,t>>8&255,(t&255)/255):n===4?xp(t>>12&15|t>>8&240,t>>8&15|t>>4&240,t>>4&15|t&240,((t&15)<<4|t&15)/255):null):(t=dte.exec(e))?new hr(t[1],t[2],t[3],1):(t=fte.exec(e))?new hr(t[1]*255/100,t[2]*255/100,t[3]*255/100,1):(t=hte.exec(e))?xp(t[1],t[2],t[3],t[4]):(t=pte.exec(e))?xp(t[1]*255/100,t[2]*255/100,t[3]*255/100,t[4]):(t=gte.exec(e))?OT(t[1],t[2]/100,t[3]/100,1):(t=mte.exec(e))?OT(t[1],t[2]/100,t[3]/100,t[4]):TT.hasOwnProperty(e)?AT(TT[e]):e==="transparent"?new hr(NaN,NaN,NaN,0):null}function AT(e){return new hr(e>>16&255,e>>8&255,e&255,1)}function xp(e,t,n,r){return r<=0&&(e=t=n=NaN),new hr(e,t,n,r)}function bte(e){return e instanceof bh||(e=Of(e)),e?(e=e.rgb(),new hr(e.r,e.g,e.b,e.opacity)):new hr}function W_(e,t,n,r){return arguments.length===1?bte(e):new hr(e,t,n,r??1)}function hr(e,t,n,r){this.r=+e,this.g=+t,this.b=+n,this.opacity=+r}Kx(hr,W_,X7(bh,{brighter(e){return e=e==null?Rm:Math.pow(Rm,e),new hr(this.r*e,this.g*e,this.b*e,this.opacity)},darker(e){return e=e==null?kf:Math.pow(kf,e),new hr(this.r*e,this.g*e,this.b*e,this.opacity)},rgb(){return this},clamp(){return new hr(Va(this.r),Va(this.g),Va(this.b),Om(this.opacity))},displayable(){return-.5<=this.r&&this.r<255.5&&-.5<=this.g&&this.g<255.5&&-.5<=this.b&&this.b<255.5&&0<=this.opacity&&this.opacity<=1},hex:kT,formatHex:kT,formatHex8:Ste,formatRgb:RT,toString:RT}));function kT(){return`#${Ia(this.r)}${Ia(this.g)}${Ia(this.b)}`}function Ste(){return`#${Ia(this.r)}${Ia(this.g)}${Ia(this.b)}${Ia((isNaN(this.opacity)?1:this.opacity)*255)}`}function RT(){const e=Om(this.opacity);return`${e===1?"rgb(":"rgba("}${Va(this.r)}, ${Va(this.g)}, ${Va(this.b)}${e===1?")":`, ${e})`}`}function Om(e){return isNaN(e)?1:Math.max(0,Math.min(1,e))}function Va(e){return Math.max(0,Math.min(255,Math.round(e)||0))}function Ia(e){return e=Va(e),(e<16?"0":"")+e.toString(16)}function OT(e,t,n,r){return r<=0?e=t=n=NaN:n<=0||n>=1?e=t=NaN:t<=0&&(e=NaN),new hi(e,t,n,r)}function Y7(e){if(e instanceof hi)return new hi(e.h,e.s,e.l,e.opacity);if(e instanceof bh||(e=Of(e)),!e)return new hi;if(e instanceof hi)return e;e=e.rgb();var t=e.r/255,n=e.g/255,r=e.b/255,i=Math.min(t,n,r),o=Math.max(t,n,r),s=NaN,a=o-i,l=(o+i)/2;return a?(t===o?s=(n-r)/a+(n0&&l<1?0:s,new hi(s,a,l,e.opacity)}function _te(e,t,n,r){return arguments.length===1?Y7(e):new hi(e,t,n,r??1)}function hi(e,t,n,r){this.h=+e,this.s=+t,this.l=+n,this.opacity=+r}Kx(hi,_te,X7(bh,{brighter(e){return e=e==null?Rm:Math.pow(Rm,e),new hi(this.h,this.s,this.l*e,this.opacity)},darker(e){return e=e==null?kf:Math.pow(kf,e),new hi(this.h,this.s,this.l*e,this.opacity)},rgb(){var e=this.h%360+(this.h<0)*360,t=isNaN(e)||isNaN(this.s)?0:this.s,n=this.l,r=n+(n<.5?n:1-n)*t,i=2*n-r;return new hr(xb(e>=240?e-240:e+120,i,r),xb(e,i,r),xb(e<120?e+240:e-120,i,r),this.opacity)},clamp(){return new hi(MT(this.h),Cp(this.s),Cp(this.l),Om(this.opacity))},displayable(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1},formatHsl(){const e=Om(this.opacity);return`${e===1?"hsl(":"hsla("}${MT(this.h)}, ${Cp(this.s)*100}%, ${Cp(this.l)*100}%${e===1?")":`, ${e})`}`}}));function MT(e){return e=(e||0)%360,e<0?e+360:e}function Cp(e){return Math.max(0,Math.min(1,e||0))}function xb(e,t,n){return(e<60?t+(n-t)*e/60:e<180?n:e<240?t+(n-t)*(240-e)/60:t)*255}const Q7=e=>()=>e;function wte(e,t){return function(n){return e+n*t}}function xte(e,t,n){return e=Math.pow(e,n),t=Math.pow(t,n)-e,n=1/n,function(r){return Math.pow(e+r*t,n)}}function Cte(e){return(e=+e)==1?Z7:function(t,n){return n-t?xte(t,n,e):Q7(isNaN(t)?n:t)}}function Z7(e,t){var n=t-e;return n?wte(e,n):Q7(isNaN(e)?t:e)}const IT=function e(t){var n=Cte(t);function r(i,o){var s=n((i=W_(i)).r,(o=W_(o)).r),a=n(i.g,o.g),l=n(i.b,o.b),u=Z7(i.opacity,o.opacity);return function(c){return i.r=s(c),i.g=a(c),i.b=l(c),i.opacity=u(c),i+""}}return r.gamma=e,r}(1);function cs(e,t){return e=+e,t=+t,function(n){return e*(1-n)+t*n}}var K_=/[-+]?(?:\d+\.?\d*|\.?\d+)(?:[eE][-+]?\d+)?/g,Cb=new RegExp(K_.source,"g");function Tte(e){return function(){return e}}function Ete(e){return function(t){return e(t)+""}}function Pte(e,t){var n=K_.lastIndex=Cb.lastIndex=0,r,i,o,s=-1,a=[],l=[];for(e=e+"",t=t+"";(r=K_.exec(e))&&(i=Cb.exec(t));)(o=i.index)>n&&(o=t.slice(n,o),a[s]?a[s]+=o:a[++s]=o),(r=r[0])===(i=i[0])?a[s]?a[s]+=i:a[++s]=i:(a[++s]=null,l.push({i:s,x:cs(r,i)})),n=Cb.lastIndex;return n180?c+=360:c-u>180&&(u+=360),f.push({i:d.push(i(d)+"rotate(",null,r)-2,x:cs(u,c)})):c&&d.push(i(d)+"rotate("+c+r)}function a(u,c,d,f){u!==c?f.push({i:d.push(i(d)+"skewX(",null,r)-2,x:cs(u,c)}):c&&d.push(i(d)+"skewX("+c+r)}function l(u,c,d,f,h,p){if(u!==d||c!==f){var m=h.push(i(h)+"scale(",null,",",null,")");p.push({i:m-4,x:cs(u,d)},{i:m-2,x:cs(c,f)})}else(d!==1||f!==1)&&h.push(i(h)+"scale("+d+","+f+")")}return function(u,c){var d=[],f=[];return u=e(u),c=e(c),o(u.translateX,u.translateY,c.translateX,c.translateY,d,f),s(u.rotate,c.rotate,d,f),a(u.skewX,c.skewX,d,f),l(u.scaleX,u.scaleY,c.scaleX,c.scaleY,d,f),u=c=null,function(h){for(var p=-1,m=f.length,S;++p=0&&e._call.call(void 0,t),e=e._next;--nc}function LT(){tl=(Im=Mf.now())+k0,nc=fd=0;try{$te()}finally{nc=0,Bte(),tl=0}}function Fte(){var e=Mf.now(),t=e-Im;t>tM&&(k0-=t,Im=e)}function Bte(){for(var e,t=Mm,n,r=1/0;t;)t._call?(r>t._time&&(r=t._time),e=t,t=t._next):(n=t._next,t._next=null,t=e?e._next=n:Mm=n);hd=e,Y_(r)}function Y_(e){if(!nc){fd&&(fd=clearTimeout(fd));var t=e-tl;t>24?(e<1/0&&(fd=setTimeout(LT,e-Mf.now()-k0)),Gc&&(Gc=clearInterval(Gc))):(Gc||(Im=Mf.now(),Gc=setInterval(Fte,tM)),nc=1,nM(LT))}}function $T(e,t,n){var r=new Nm;return t=t==null?0:+t,r.restart(i=>{r.stop(),e(i+t)},t,n),r}var jte=P0("start","end","cancel","interrupt"),Vte=[],iM=0,FT=1,Q_=2,pg=3,BT=4,Z_=5,gg=6;function R0(e,t,n,r,i,o){var s=e.__transition;if(!s)e.__transition={};else if(n in s)return;zte(e,n,{name:t,index:r,group:i,on:jte,tween:Vte,time:o.time,delay:o.delay,duration:o.duration,ease:o.ease,timer:null,state:iM})}function Yx(e,t){var n=Pi(e,t);if(n.state>iM)throw new Error("too late; already scheduled");return n}function so(e,t){var n=Pi(e,t);if(n.state>pg)throw new Error("too late; already running");return n}function Pi(e,t){var n=e.__transition;if(!n||!(n=n[t]))throw new Error("transition not found");return n}function zte(e,t,n){var r=e.__transition,i;r[t]=n,n.timer=rM(o,0,n.time);function o(u){n.state=FT,n.timer.restart(s,n.delay,n.time),n.delay<=u&&s(u-n.delay)}function s(u){var c,d,f,h;if(n.state!==FT)return l();for(c in r)if(h=r[c],h.name===n.name){if(h.state===pg)return $T(s);h.state===BT?(h.state=gg,h.timer.stop(),h.on.call("interrupt",e,e.__data__,h.index,h.group),delete r[c]):+cQ_&&r.state=0&&(t=t.slice(0,n)),!t||t==="start"})}function vne(e,t,n){var r,i,o=yne(t)?Yx:so;return function(){var s=o(this,e),a=s.on;a!==r&&(i=(r=a).copy()).on(t,n),s.on=i}}function bne(e,t){var n=this._id;return arguments.length<2?Pi(this.node(),n).on.on(e):this.each(vne(n,e,t))}function Sne(e){return function(){var t=this.parentNode;for(var n in this.__transition)if(+n!==e)return;t&&t.removeChild(this)}}function _ne(){return this.on("end.remove",Sne(this._id))}function wne(e){var t=this._name,n=this._id;typeof e!="function"&&(e=qx(e));for(var r=this._groups,i=r.length,o=new Array(i),s=0;s()=>e;function Wne(e,{sourceEvent:t,target:n,transform:r,dispatch:i}){Object.defineProperties(this,{type:{value:e,enumerable:!0,configurable:!0},sourceEvent:{value:t,enumerable:!0,configurable:!0},target:{value:n,enumerable:!0,configurable:!0},transform:{value:r,enumerable:!0,configurable:!0},_:{value:i}})}function Po(e,t,n){this.k=e,this.x=t,this.y=n}Po.prototype={constructor:Po,scale:function(e){return e===1?this:new Po(this.k*e,this.x,this.y)},translate:function(e,t){return e===0&t===0?this:new Po(this.k,this.x+this.k*e,this.y+this.k*t)},apply:function(e){return[e[0]*this.k+this.x,e[1]*this.k+this.y]},applyX:function(e){return e*this.k+this.x},applyY:function(e){return e*this.k+this.y},invert:function(e){return[(e[0]-this.x)/this.k,(e[1]-this.y)/this.k]},invertX:function(e){return(e-this.x)/this.k},invertY:function(e){return(e-this.y)/this.k},rescaleX:function(e){return e.copy().domain(e.range().map(this.invertX,this).map(e.invert,e))},rescaleY:function(e){return e.copy().domain(e.range().map(this.invertY,this).map(e.invert,e))},toString:function(){return"translate("+this.x+","+this.y+") scale("+this.k+")"}};var Ms=new Po(1,0,0);Po.prototype;function Tb(e){e.stopImmediatePropagation()}function Hc(e){e.preventDefault(),e.stopImmediatePropagation()}function Kne(e){return(!e.ctrlKey||e.type==="wheel")&&!e.button}function Xne(){var e=this;return e instanceof SVGElement?(e=e.ownerSVGElement||e,e.hasAttribute("viewBox")?(e=e.viewBox.baseVal,[[e.x,e.y],[e.x+e.width,e.y+e.height]]):[[0,0],[e.width.baseVal.value,e.height.baseVal.value]]):[[0,0],[e.clientWidth,e.clientHeight]]}function jT(){return this.__zoom||Ms}function Yne(e){return-e.deltaY*(e.deltaMode===1?.05:e.deltaMode?1:.002)*(e.ctrlKey?10:1)}function Qne(){return navigator.maxTouchPoints||"ontouchstart"in this}function Zne(e,t,n){var r=e.invertX(t[0][0])-n[0][0],i=e.invertX(t[1][0])-n[1][0],o=e.invertY(t[0][1])-n[0][1],s=e.invertY(t[1][1])-n[1][1];return e.translate(i>r?(r+i)/2:Math.min(0,r)||Math.max(0,i),s>o?(o+s)/2:Math.min(0,o)||Math.max(0,s))}function Jne(){var e=Kne,t=Xne,n=Zne,r=Yne,i=Qne,o=[0,1/0],s=[[-1/0,-1/0],[1/0,1/0]],a=250,l=Dte,u=P0("start","zoom","end"),c,d,f,h=500,p=150,m=0,S=10;function v(C){C.property("__zoom",jT).on("wheel.zoom",T,{passive:!1}).on("mousedown.zoom",P).on("dblclick.zoom",E).filter(i).on("touchstart.zoom",A).on("touchmove.zoom",$).on("touchend.zoom touchcancel.zoom",I).style("-webkit-tap-highlight-color","rgba(0,0,0,0)")}v.transform=function(C,R,M,N){var O=C.selection?C.selection():C;O.property("__zoom",jT),C!==O?_(C,R,M,N):O.interrupt().each(function(){w(this,arguments).event(N).start().zoom(null,typeof R=="function"?R.apply(this,arguments):R).end()})},v.scaleBy=function(C,R,M,N){v.scaleTo(C,function(){var O=this.__zoom.k,D=typeof R=="function"?R.apply(this,arguments):R;return O*D},M,N)},v.scaleTo=function(C,R,M,N){v.transform(C,function(){var O=t.apply(this,arguments),D=this.__zoom,L=M==null?b(O):typeof M=="function"?M.apply(this,arguments):M,j=D.invert(L),U=typeof R=="function"?R.apply(this,arguments):R;return n(g(y(D,U),L,j),O,s)},M,N)},v.translateBy=function(C,R,M,N){v.transform(C,function(){return n(this.__zoom.translate(typeof R=="function"?R.apply(this,arguments):R,typeof M=="function"?M.apply(this,arguments):M),t.apply(this,arguments),s)},null,N)},v.translateTo=function(C,R,M,N,O){v.transform(C,function(){var D=t.apply(this,arguments),L=this.__zoom,j=N==null?b(D):typeof N=="function"?N.apply(this,arguments):N;return n(Ms.translate(j[0],j[1]).scale(L.k).translate(typeof R=="function"?-R.apply(this,arguments):-R,typeof M=="function"?-M.apply(this,arguments):-M),D,s)},N,O)};function y(C,R){return R=Math.max(o[0],Math.min(o[1],R)),R===C.k?C:new Po(R,C.x,C.y)}function g(C,R,M){var N=R[0]-M[0]*C.k,O=R[1]-M[1]*C.k;return N===C.x&&O===C.y?C:new Po(C.k,N,O)}function b(C){return[(+C[0][0]+ +C[1][0])/2,(+C[0][1]+ +C[1][1])/2]}function _(C,R,M,N){C.on("start.zoom",function(){w(this,arguments).event(N).start()}).on("interrupt.zoom end.zoom",function(){w(this,arguments).event(N).end()}).tween("zoom",function(){var O=this,D=arguments,L=w(O,D).event(N),j=t.apply(O,D),U=M==null?b(j):typeof M=="function"?M.apply(O,D):M,G=Math.max(j[1][0]-j[0][0],j[1][1]-j[0][1]),W=O.__zoom,X=typeof R=="function"?R.apply(O,D):R,Y=l(W.invert(U).concat(G/W.k),X.invert(U).concat(G/X.k));return function(B){if(B===1)B=X;else{var H=Y(B),Q=G/H[2];B=new Po(Q,U[0]-H[0]*Q,U[1]-H[1]*Q)}L.zoom(null,B)}})}function w(C,R,M){return!M&&C.__zooming||new x(C,R)}function x(C,R){this.that=C,this.args=R,this.active=0,this.sourceEvent=null,this.extent=t.apply(C,R),this.taps=0}x.prototype={event:function(C){return C&&(this.sourceEvent=C),this},start:function(){return++this.active===1&&(this.that.__zooming=this,this.emit("start")),this},zoom:function(C,R){return this.mouse&&C!=="mouse"&&(this.mouse[1]=R.invert(this.mouse[0])),this.touch0&&C!=="touch"&&(this.touch0[1]=R.invert(this.touch0[0])),this.touch1&&C!=="touch"&&(this.touch1[1]=R.invert(this.touch1[0])),this.that.__zoom=R,this.emit("zoom"),this},end:function(){return--this.active===0&&(delete this.that.__zooming,this.emit("end")),this},emit:function(C){var R=fi(this.that).datum();u.call(C,this.that,new Wne(C,{sourceEvent:this.sourceEvent,target:v,type:C,transform:this.that.__zoom,dispatch:u}),R)}};function T(C,...R){if(!e.apply(this,arguments))return;var M=w(this,R).event(C),N=this.__zoom,O=Math.max(o[0],Math.min(o[1],N.k*Math.pow(2,r.apply(this,arguments)))),D=$i(C);if(M.wheel)(M.mouse[0][0]!==D[0]||M.mouse[0][1]!==D[1])&&(M.mouse[1]=N.invert(M.mouse[0]=D)),clearTimeout(M.wheel);else{if(N.k===O)return;M.mouse=[D,N.invert(D)],mg(this),M.start()}Hc(C),M.wheel=setTimeout(L,p),M.zoom("mouse",n(g(y(N,O),M.mouse[0],M.mouse[1]),M.extent,s));function L(){M.wheel=null,M.end()}}function P(C,...R){if(f||!e.apply(this,arguments))return;var M=C.currentTarget,N=w(this,R,!0).event(C),O=fi(C.view).on("mousemove.zoom",U,!0).on("mouseup.zoom",G,!0),D=$i(C,M),L=C.clientX,j=C.clientY;W7(C.view),Tb(C),N.mouse=[D,this.__zoom.invert(D)],mg(this),N.start();function U(W){if(Hc(W),!N.moved){var X=W.clientX-L,Y=W.clientY-j;N.moved=X*X+Y*Y>m}N.event(W).zoom("mouse",n(g(N.that.__zoom,N.mouse[0]=$i(W,M),N.mouse[1]),N.extent,s))}function G(W){O.on("mousemove.zoom mouseup.zoom",null),K7(W.view,N.moved),Hc(W),N.event(W).end()}}function E(C,...R){if(e.apply(this,arguments)){var M=this.__zoom,N=$i(C.changedTouches?C.changedTouches[0]:C,this),O=M.invert(N),D=M.k*(C.shiftKey?.5:2),L=n(g(y(M,D),N,O),t.apply(this,R),s);Hc(C),a>0?fi(this).transition().duration(a).call(_,L,N,C):fi(this).call(v.transform,L,N,C)}}function A(C,...R){if(e.apply(this,arguments)){var M=C.touches,N=M.length,O=w(this,R,C.changedTouches.length===N).event(C),D,L,j,U;for(Tb(C),L=0;L"[React Flow]: Seems like you have not used zustand provider as an ancestor. Help: https://reactflow.dev/error#001",error002:()=>"It looks like you've created a new nodeTypes or edgeTypes object. If this wasn't on purpose please define the nodeTypes/edgeTypes outside of the component or memoize them.",error003:e=>`Node type "${e}" not found. Using fallback type "default".`,error004:()=>"The React Flow parent container needs a width and a height to render the graph.",error005:()=>"Only child nodes can use a parent extent.",error006:()=>"Can't create edge. An edge needs a source and a target.",error007:e=>`The old edge with id=${e} does not exist.`,error009:e=>`Marker type "${e}" doesn't exist.`,error008:(e,t)=>`Couldn't create edge for ${e?"target":"source"} handle id: "${e?t.targetHandle:t.sourceHandle}", edge id: ${t.id}.`,error010:()=>"Handle: No node id found. Make sure to only use a Handle inside a custom Node.",error011:e=>`Edge type "${e}" not found. Using fallback type "default".`},lM=qs.error001();function Vt(e,t){const n=k.useContext(O0);if(n===null)throw new Error(lM);return _J(n,e,t)}const Vn=()=>{const e=k.useContext(O0);if(e===null)throw new Error(lM);return k.useMemo(()=>({getState:e.getState,setState:e.setState,subscribe:e.subscribe,destroy:e.destroy}),[e])},tre=e=>e.userSelectionActive?"none":"all";function nre({position:e,children:t,className:n,style:r,...i}){const o=Vt(tre),s=`${e}`.split("-");return K.jsx("div",{className:ti(["react-flow__panel",n,...s]),style:{...r,pointerEvents:o},...i,children:t})}function rre({proOptions:e,position:t="bottom-right"}){return e!=null&&e.hideAttribution?null:K.jsx(nre,{position:t,className:"react-flow__attribution","data-message":"Please only hide this attribution when you are subscribed to React Flow Pro: https://pro.reactflow.dev",children:K.jsx("a",{href:"https://reactflow.dev",target:"_blank",rel:"noopener noreferrer","aria-label":"React Flow attribution",children:"React Flow"})})}const ire=({x:e,y:t,label:n,labelStyle:r={},labelShowBg:i=!0,labelBgStyle:o={},labelBgPadding:s=[2,4],labelBgBorderRadius:a=2,children:l,className:u,...c})=>{const d=k.useRef(null),[f,h]=k.useState({x:0,y:0,width:0,height:0}),p=ti(["react-flow__edge-textwrapper",u]);return k.useEffect(()=>{if(d.current){const m=d.current.getBBox();h({x:m.x,y:m.y,width:m.width,height:m.height})}},[n]),typeof n>"u"||!n?null:K.jsxs("g",{transform:`translate(${e-f.width/2} ${t-f.height/2})`,className:p,visibility:f.width?"visible":"hidden",...c,children:[i&&K.jsx("rect",{width:f.width+2*s[0],x:-s[0],y:-s[1],height:f.height+2*s[1],className:"react-flow__edge-textbg",style:o,rx:a,ry:a}),K.jsx("text",{className:"react-flow__edge-text",y:f.height/2,dy:"0.3em",ref:d,style:r,children:n}),l]})};var ore=k.memo(ire);const Zx=e=>({width:e.offsetWidth,height:e.offsetHeight}),rc=(e,t=0,n=1)=>Math.min(Math.max(e,t),n),Jx=(e={x:0,y:0},t)=>({x:rc(e.x,t[0][0],t[1][0]),y:rc(e.y,t[0][1],t[1][1])}),VT=(e,t,n)=>en?-rc(Math.abs(e-n),1,50)/50:0,uM=(e,t)=>{const n=VT(e.x,35,t.width-35)*20,r=VT(e.y,35,t.height-35)*20;return[n,r]},cM=e=>{var t;return((t=e.getRootNode)==null?void 0:t.call(e))||(window==null?void 0:window.document)},dM=(e,t)=>({x:Math.min(e.x,t.x),y:Math.min(e.y,t.y),x2:Math.max(e.x2,t.x2),y2:Math.max(e.y2,t.y2)}),Dm=({x:e,y:t,width:n,height:r})=>({x:e,y:t,x2:e+n,y2:t+r}),fM=({x:e,y:t,x2:n,y2:r})=>({x:e,y:t,width:n-e,height:r-t}),zT=e=>({...e.positionAbsolute||{x:0,y:0},width:e.width||0,height:e.height||0}),W3e=(e,t)=>fM(dM(Dm(e),Dm(t))),J_=(e,t)=>{const n=Math.max(0,Math.min(e.x+e.width,t.x+t.width)-Math.max(e.x,t.x)),r=Math.max(0,Math.min(e.y+e.height,t.y+t.height)-Math.max(e.y,t.y));return Math.ceil(n*r)},sre=e=>Kr(e.width)&&Kr(e.height)&&Kr(e.x)&&Kr(e.y),Kr=e=>!isNaN(e)&&isFinite(e),on=Symbol.for("internals"),hM=["Enter"," ","Escape"],are=(e,t)=>{},lre=e=>"nativeEvent"in e;function e2(e){var i,o;const t=lre(e)?e.nativeEvent:e,n=((o=(i=t.composedPath)==null?void 0:i.call(t))==null?void 0:o[0])||e.target;return["INPUT","SELECT","TEXTAREA"].includes(n==null?void 0:n.nodeName)||(n==null?void 0:n.hasAttribute("contenteditable"))||!!(n!=null&&n.closest(".nokey"))}const pM=e=>"clientX"in e,Is=(e,t)=>{var o,s;const n=pM(e),r=n?e.clientX:(o=e.touches)==null?void 0:o[0].clientX,i=n?e.clientY:(s=e.touches)==null?void 0:s[0].clientY;return{x:r-((t==null?void 0:t.left)??0),y:i-((t==null?void 0:t.top)??0)}},Sh=({id:e,path:t,labelX:n,labelY:r,label:i,labelStyle:o,labelShowBg:s,labelBgStyle:a,labelBgPadding:l,labelBgBorderRadius:u,style:c,markerEnd:d,markerStart:f,interactionWidth:h=20})=>K.jsxs(K.Fragment,{children:[K.jsx("path",{id:e,style:c,d:t,fill:"none",className:"react-flow__edge-path",markerEnd:d,markerStart:f}),h&&K.jsx("path",{d:t,fill:"none",strokeOpacity:0,strokeWidth:h,className:"react-flow__edge-interaction"}),i&&Kr(n)&&Kr(r)?K.jsx(ore,{x:n,y:r,label:i,labelStyle:o,labelShowBg:s,labelBgStyle:a,labelBgPadding:l,labelBgBorderRadius:u}):null]});Sh.displayName="BaseEdge";function qc(e,t,n){return n===void 0?n:r=>{const i=t().edges.find(o=>o.id===e);i&&n(r,{...i})}}function gM({sourceX:e,sourceY:t,targetX:n,targetY:r}){const i=Math.abs(n-e)/2,o=n{const[S,v,y]=yM({sourceX:e,sourceY:t,sourcePosition:i,targetX:n,targetY:r,targetPosition:o});return K.jsx(Sh,{path:S,labelX:v,labelY:y,label:s,labelStyle:a,labelShowBg:l,labelBgStyle:u,labelBgPadding:c,labelBgBorderRadius:d,style:f,markerEnd:h,markerStart:p,interactionWidth:m})});eC.displayName="SimpleBezierEdge";const GT={[pe.Left]:{x:-1,y:0},[pe.Right]:{x:1,y:0},[pe.Top]:{x:0,y:-1},[pe.Bottom]:{x:0,y:1}},ure=({source:e,sourcePosition:t=pe.Bottom,target:n})=>t===pe.Left||t===pe.Right?e.xMath.sqrt(Math.pow(t.x-e.x,2)+Math.pow(t.y-e.y,2));function cre({source:e,sourcePosition:t=pe.Bottom,target:n,targetPosition:r=pe.Top,center:i,offset:o}){const s=GT[t],a=GT[r],l={x:e.x+s.x*o,y:e.y+s.y*o},u={x:n.x+a.x*o,y:n.y+a.y*o},c=ure({source:l,sourcePosition:t,target:u}),d=c.x!==0?"x":"y",f=c[d];let h=[],p,m;const[S,v,y,g]=gM({sourceX:e.x,sourceY:e.y,targetX:n.x,targetY:n.y});if(s[d]*a[d]===-1){p=i.x||S,m=i.y||v;const _=[{x:p,y:l.y},{x:p,y:u.y}],w=[{x:l.x,y:m},{x:u.x,y:m}];s[d]===f?h=d==="x"?_:w:h=d==="x"?w:_}else{const _=[{x:l.x,y:u.y}],w=[{x:u.x,y:l.y}];if(d==="x"?h=s.x===f?w:_:h=s.y===f?_:w,t!==r){const x=d==="x"?"y":"x",T=s[d]===a[x],P=l[x]>u[x],E=l[x]{let g="";return y>0&&y{const[v,y,g]=t2({sourceX:e,sourceY:t,sourcePosition:d,targetX:n,targetY:r,targetPosition:f,borderRadius:m==null?void 0:m.borderRadius,offset:m==null?void 0:m.offset});return K.jsx(Sh,{path:v,labelX:y,labelY:g,label:i,labelStyle:o,labelShowBg:s,labelBgStyle:a,labelBgPadding:l,labelBgBorderRadius:u,style:c,markerEnd:h,markerStart:p,interactionWidth:S})});M0.displayName="SmoothStepEdge";const tC=k.memo(e=>{var t;return K.jsx(M0,{...e,pathOptions:k.useMemo(()=>{var n;return{borderRadius:0,offset:(n=e.pathOptions)==null?void 0:n.offset}},[(t=e.pathOptions)==null?void 0:t.offset])})});tC.displayName="StepEdge";function fre({sourceX:e,sourceY:t,targetX:n,targetY:r}){const[i,o,s,a]=gM({sourceX:e,sourceY:t,targetX:n,targetY:r});return[`M ${e},${t}L ${n},${r}`,i,o,s,a]}const nC=k.memo(({sourceX:e,sourceY:t,targetX:n,targetY:r,label:i,labelStyle:o,labelShowBg:s,labelBgStyle:a,labelBgPadding:l,labelBgBorderRadius:u,style:c,markerEnd:d,markerStart:f,interactionWidth:h})=>{const[p,m,S]=fre({sourceX:e,sourceY:t,targetX:n,targetY:r});return K.jsx(Sh,{path:p,labelX:m,labelY:S,label:i,labelStyle:o,labelShowBg:s,labelBgStyle:a,labelBgPadding:l,labelBgBorderRadius:u,style:c,markerEnd:d,markerStart:f,interactionWidth:h})});nC.displayName="StraightEdge";function Pp(e,t){return e>=0?.5*e:t*25*Math.sqrt(-e)}function qT({pos:e,x1:t,y1:n,x2:r,y2:i,c:o}){switch(e){case pe.Left:return[t-Pp(t-r,o),n];case pe.Right:return[t+Pp(r-t,o),n];case pe.Top:return[t,n-Pp(n-i,o)];case pe.Bottom:return[t,n+Pp(i-n,o)]}}function vM({sourceX:e,sourceY:t,sourcePosition:n=pe.Bottom,targetX:r,targetY:i,targetPosition:o=pe.Top,curvature:s=.25}){const[a,l]=qT({pos:n,x1:e,y1:t,x2:r,y2:i,c:s}),[u,c]=qT({pos:o,x1:r,y1:i,x2:e,y2:t,c:s}),[d,f,h,p]=mM({sourceX:e,sourceY:t,targetX:r,targetY:i,sourceControlX:a,sourceControlY:l,targetControlX:u,targetControlY:c});return[`M${e},${t} C${a},${l} ${u},${c} ${r},${i}`,d,f,h,p]}const $m=k.memo(({sourceX:e,sourceY:t,targetX:n,targetY:r,sourcePosition:i=pe.Bottom,targetPosition:o=pe.Top,label:s,labelStyle:a,labelShowBg:l,labelBgStyle:u,labelBgPadding:c,labelBgBorderRadius:d,style:f,markerEnd:h,markerStart:p,pathOptions:m,interactionWidth:S})=>{const[v,y,g]=vM({sourceX:e,sourceY:t,sourcePosition:i,targetX:n,targetY:r,targetPosition:o,curvature:m==null?void 0:m.curvature});return K.jsx(Sh,{path:v,labelX:y,labelY:g,label:s,labelStyle:a,labelShowBg:l,labelBgStyle:u,labelBgPadding:c,labelBgBorderRadius:d,style:f,markerEnd:h,markerStart:p,interactionWidth:S})});$m.displayName="BezierEdge";const rC=k.createContext(null),hre=rC.Provider;rC.Consumer;const pre=()=>k.useContext(rC),gre=e=>"id"in e&&"source"in e&&"target"in e,mre=({source:e,sourceHandle:t,target:n,targetHandle:r})=>`reactflow__edge-${e}${t||""}-${n}${r||""}`,n2=(e,t)=>typeof e>"u"?"":typeof e=="string"?e:`${t?`${t}__`:""}${Object.keys(e).sort().map(r=>`${r}=${e[r]}`).join("&")}`,yre=(e,t)=>t.some(n=>n.source===e.source&&n.target===e.target&&(n.sourceHandle===e.sourceHandle||!n.sourceHandle&&!e.sourceHandle)&&(n.targetHandle===e.targetHandle||!n.targetHandle&&!e.targetHandle)),bM=(e,t)=>{if(!e.source||!e.target)return t;let n;return gre(e)?n={...e}:n={...e,id:mre(e)},yre(n,t)?t:t.concat(n)},SM=({x:e,y:t},[n,r,i],o,[s,a])=>{const l={x:(e-n)/i,y:(t-r)/i};return o?{x:s*Math.round(l.x/s),y:a*Math.round(l.y/a)}:l},vre=({x:e,y:t},[n,r,i])=>({x:e*i+n,y:t*i+r}),Iu=(e,t=[0,0])=>{if(!e)return{x:0,y:0,positionAbsolute:{x:0,y:0}};const n=(e.width??0)*t[0],r=(e.height??0)*t[1],i={x:e.position.x-n,y:e.position.y-r};return{...i,positionAbsolute:e.positionAbsolute?{x:e.positionAbsolute.x-n,y:e.positionAbsolute.y-r}:i}},_M=(e,t=[0,0])=>{if(e.length===0)return{x:0,y:0,width:0,height:0};const n=e.reduce((r,i)=>{const{x:o,y:s}=Iu(i,t).positionAbsolute;return dM(r,Dm({x:o,y:s,width:i.width||0,height:i.height||0}))},{x:1/0,y:1/0,x2:-1/0,y2:-1/0});return fM(n)},wM=(e,t,[n,r,i]=[0,0,1],o=!1,s=!1,a=[0,0])=>{const l={x:(t.x-n)/i,y:(t.y-r)/i,width:t.width/i,height:t.height/i},u=[];return e.forEach(c=>{const{width:d,height:f,selectable:h=!0,hidden:p=!1}=c;if(s&&!h||p)return!1;const{positionAbsolute:m}=Iu(c,a),S={x:m.x,y:m.y,width:d||0,height:f||0},v=J_(l,S),y=typeof d>"u"||typeof f>"u"||d===null||f===null,g=o&&v>0,b=(d||0)*(f||0);(y||g||v>=b||c.dragging)&&u.push(c)}),u},xM=(e,t)=>{const n=e.map(r=>r.id);return t.filter(r=>n.includes(r.source)||n.includes(r.target))},CM=(e,t,n,r,i,o=.1)=>{const s=t/(e.width*(1+o)),a=n/(e.height*(1+o)),l=Math.min(s,a),u=rc(l,r,i),c=e.x+e.width/2,d=e.y+e.height/2,f=t/2-c*u,h=n/2-d*u;return[f,h,u]},xa=(e,t=0)=>e.transition().duration(t);function WT(e,t,n,r){return(t[n]||[]).reduce((i,o)=>{var s,a;return`${e.id}-${o.id}-${n}`!==r&&i.push({id:o.id||null,type:n,nodeId:e.id,x:(((s=e.positionAbsolute)==null?void 0:s.x)??0)+o.x+o.width/2,y:(((a=e.positionAbsolute)==null?void 0:a.y)??0)+o.y+o.height/2}),i},[])}function bre(e,t,n,r,i,o){const{x:s,y:a}=Is(e),u=t.elementsFromPoint(s,a).find(p=>p.classList.contains("react-flow__handle"));if(u){const p=u.getAttribute("data-nodeid");if(p){const m=iC(void 0,u),S=u.getAttribute("data-handleid"),v=o({nodeId:p,id:S,type:m});if(v)return{handle:{id:S,type:m,nodeId:p,x:n.x,y:n.y},validHandleResult:v}}}let c=[],d=1/0;if(i.forEach(p=>{const m=Math.sqrt((p.x-n.x)**2+(p.y-n.y)**2);if(m<=r){const S=o(p);m<=d&&(mp.isValid),h=c.some(({handle:p})=>p.type==="target");return c.find(({handle:p,validHandleResult:m})=>h?p.type==="target":f?m.isValid:!0)||c[0]}const Sre={source:null,target:null,sourceHandle:null,targetHandle:null},TM=()=>({handleDomNode:null,isValid:!1,connection:Sre,endHandle:null});function EM(e,t,n,r,i,o,s){const a=i==="target",l=s.querySelector(`.react-flow__handle[data-id="${e==null?void 0:e.nodeId}-${e==null?void 0:e.id}-${e==null?void 0:e.type}"]`),u={...TM(),handleDomNode:l};if(l){const c=iC(void 0,l),d=l.getAttribute("data-nodeid"),f=l.getAttribute("data-handleid"),h=l.classList.contains("connectable"),p=l.classList.contains("connectableend"),m={source:a?d:n,sourceHandle:a?f:r,target:a?n:d,targetHandle:a?r:f};u.connection=m,h&&p&&(t===nl.Strict?a&&c==="source"||!a&&c==="target":d!==n||f!==r)&&(u.endHandle={nodeId:d,handleId:f,type:c},u.isValid=o(m))}return u}function _re({nodes:e,nodeId:t,handleId:n,handleType:r}){return e.reduce((i,o)=>{if(o[on]){const{handleBounds:s}=o[on];let a=[],l=[];s&&(a=WT(o,s,"source",`${t}-${n}-${r}`),l=WT(o,s,"target",`${t}-${n}-${r}`)),i.push(...a,...l)}return i},[])}function iC(e,t){return e||(t!=null&&t.classList.contains("target")?"target":t!=null&&t.classList.contains("source")?"source":null)}function Eb(e){e==null||e.classList.remove("valid","connecting","react-flow__handle-valid","react-flow__handle-connecting")}function wre(e,t){let n=null;return t?n="valid":e&&!t&&(n="invalid"),n}function PM({event:e,handleId:t,nodeId:n,onConnect:r,isTarget:i,getState:o,setState:s,isValidConnection:a,edgeUpdaterType:l,onEdgeUpdateEnd:u}){const c=cM(e.target),{connectionMode:d,domNode:f,autoPanOnConnect:h,connectionRadius:p,onConnectStart:m,panBy:S,getNodes:v,cancelConnection:y}=o();let g=0,b;const{x:_,y:w}=Is(e),x=c==null?void 0:c.elementFromPoint(_,w),T=iC(l,x),P=f==null?void 0:f.getBoundingClientRect();if(!P||!T)return;let E,A=Is(e,P),$=!1,I=null,C=!1,R=null;const M=_re({nodes:v(),nodeId:n,handleId:t,handleType:T}),N=()=>{if(!h)return;const[L,j]=uM(A,P);S({x:L,y:j}),g=requestAnimationFrame(N)};s({connectionPosition:A,connectionStatus:null,connectionNodeId:n,connectionHandleId:t,connectionHandleType:T,connectionStartHandle:{nodeId:n,handleId:t,type:T},connectionEndHandle:null}),m==null||m(e,{nodeId:n,handleId:t,handleType:T});function O(L){const{transform:j}=o();A=Is(L,P);const{handle:U,validHandleResult:G}=bre(L,c,SM(A,j,!1,[1,1]),p,M,W=>EM(W,d,n,t,i?"target":"source",a,c));if(b=U,$||(N(),$=!0),R=G.handleDomNode,I=G.connection,C=G.isValid,s({connectionPosition:b&&C?vre({x:b.x,y:b.y},j):A,connectionStatus:wre(!!b,C),connectionEndHandle:G.endHandle}),!b&&!C&&!R)return Eb(E);I.source!==I.target&&R&&(Eb(E),E=R,R.classList.add("connecting","react-flow__handle-connecting"),R.classList.toggle("valid",C),R.classList.toggle("react-flow__handle-valid",C))}function D(L){var j,U;(b||R)&&I&&C&&(r==null||r(I)),(U=(j=o()).onConnectEnd)==null||U.call(j,L),l&&(u==null||u(L)),Eb(E),y(),cancelAnimationFrame(g),$=!1,C=!1,I=null,R=null,c.removeEventListener("mousemove",O),c.removeEventListener("mouseup",D),c.removeEventListener("touchmove",O),c.removeEventListener("touchend",D)}c.addEventListener("mousemove",O),c.addEventListener("mouseup",D),c.addEventListener("touchmove",O),c.addEventListener("touchend",D)}const KT=()=>!0,xre=e=>({connectionStartHandle:e.connectionStartHandle,connectOnClick:e.connectOnClick,noPanClassName:e.noPanClassName}),Cre=(e,t,n)=>r=>{const{connectionStartHandle:i,connectionEndHandle:o,connectionClickStartHandle:s}=r;return{connecting:(i==null?void 0:i.nodeId)===e&&(i==null?void 0:i.handleId)===t&&(i==null?void 0:i.type)===n||(o==null?void 0:o.nodeId)===e&&(o==null?void 0:o.handleId)===t&&(o==null?void 0:o.type)===n,clickConnecting:(s==null?void 0:s.nodeId)===e&&(s==null?void 0:s.handleId)===t&&(s==null?void 0:s.type)===n}},AM=k.forwardRef(({type:e="source",position:t=pe.Top,isValidConnection:n,isConnectable:r=!0,isConnectableStart:i=!0,isConnectableEnd:o=!0,id:s,onConnect:a,children:l,className:u,onMouseDown:c,onTouchStart:d,...f},h)=>{var P,E;const p=s||null,m=e==="target",S=Vn(),v=pre(),{connectOnClick:y,noPanClassName:g}=Vt(xre,br),{connecting:b,clickConnecting:_}=Vt(Cre(v,p,e),br);v||(E=(P=S.getState()).onError)==null||E.call(P,"010",qs.error010());const w=A=>{const{defaultEdgeOptions:$,onConnect:I,hasDefaultEdges:C}=S.getState(),R={...$,...A};if(C){const{edges:M,setEdges:N}=S.getState();N(bM(R,M))}I==null||I(R),a==null||a(R)},x=A=>{if(!v)return;const $=pM(A);i&&($&&A.button===0||!$)&&PM({event:A,handleId:p,nodeId:v,onConnect:w,isTarget:m,getState:S.getState,setState:S.setState,isValidConnection:n||S.getState().isValidConnection||KT}),$?c==null||c(A):d==null||d(A)},T=A=>{const{onClickConnectStart:$,onClickConnectEnd:I,connectionClickStartHandle:C,connectionMode:R,isValidConnection:M}=S.getState();if(!v||!C&&!i)return;if(!C){$==null||$(A,{nodeId:v,handleId:p,handleType:e}),S.setState({connectionClickStartHandle:{nodeId:v,type:e,handleId:p}});return}const N=cM(A.target),O=n||M||KT,{connection:D,isValid:L}=EM({nodeId:v,id:p,type:e},R,C.nodeId,C.handleId||null,C.type,O,N);L&&w(D),I==null||I(A),S.setState({connectionClickStartHandle:null})};return K.jsx("div",{"data-handleid":p,"data-nodeid":v,"data-handlepos":t,"data-id":`${v}-${p}-${e}`,className:ti(["react-flow__handle",`react-flow__handle-${t}`,"nodrag",g,u,{source:!m,target:m,connectable:r,connectablestart:i,connectableend:o,connecting:_,connectionindicator:r&&(i&&!b||o&&b)}]),onMouseDown:x,onTouchStart:x,onClick:y?T:void 0,ref:h,...f,children:l})});AM.displayName="Handle";var Fm=k.memo(AM);const kM=({data:e,isConnectable:t,targetPosition:n=pe.Top,sourcePosition:r=pe.Bottom})=>K.jsxs(K.Fragment,{children:[K.jsx(Fm,{type:"target",position:n,isConnectable:t}),e==null?void 0:e.label,K.jsx(Fm,{type:"source",position:r,isConnectable:t})]});kM.displayName="DefaultNode";var r2=k.memo(kM);const RM=({data:e,isConnectable:t,sourcePosition:n=pe.Bottom})=>K.jsxs(K.Fragment,{children:[e==null?void 0:e.label,K.jsx(Fm,{type:"source",position:n,isConnectable:t})]});RM.displayName="InputNode";var OM=k.memo(RM);const MM=({data:e,isConnectable:t,targetPosition:n=pe.Top})=>K.jsxs(K.Fragment,{children:[K.jsx(Fm,{type:"target",position:n,isConnectable:t}),e==null?void 0:e.label]});MM.displayName="OutputNode";var IM=k.memo(MM);const oC=()=>null;oC.displayName="GroupNode";const Tre=e=>({selectedNodes:e.getNodes().filter(t=>t.selected),selectedEdges:e.edges.filter(t=>t.selected)}),Ap=e=>e.id;function Ere(e,t){return br(e.selectedNodes.map(Ap),t.selectedNodes.map(Ap))&&br(e.selectedEdges.map(Ap),t.selectedEdges.map(Ap))}const NM=k.memo(({onSelectionChange:e})=>{const t=Vn(),{selectedNodes:n,selectedEdges:r}=Vt(Tre,Ere);return k.useEffect(()=>{var o,s;const i={nodes:n,edges:r};e==null||e(i),(s=(o=t.getState()).onSelectionChange)==null||s.call(o,i)},[n,r,e]),null});NM.displayName="SelectionListener";const Pre=e=>!!e.onSelectionChange;function Are({onSelectionChange:e}){const t=Vt(Pre);return e||t?K.jsx(NM,{onSelectionChange:e}):null}const kre=e=>({setNodes:e.setNodes,setEdges:e.setEdges,setDefaultNodesAndEdges:e.setDefaultNodesAndEdges,setMinZoom:e.setMinZoom,setMaxZoom:e.setMaxZoom,setTranslateExtent:e.setTranslateExtent,setNodeExtent:e.setNodeExtent,reset:e.reset});function Dl(e,t){k.useEffect(()=>{typeof e<"u"&&t(e)},[e])}function Ae(e,t,n){k.useEffect(()=>{typeof t<"u"&&n({[e]:t})},[t])}const Rre=({nodes:e,edges:t,defaultNodes:n,defaultEdges:r,onConnect:i,onConnectStart:o,onConnectEnd:s,onClickConnectStart:a,onClickConnectEnd:l,nodesDraggable:u,nodesConnectable:c,nodesFocusable:d,edgesFocusable:f,edgesUpdatable:h,elevateNodesOnSelect:p,minZoom:m,maxZoom:S,nodeExtent:v,onNodesChange:y,onEdgesChange:g,elementsSelectable:b,connectionMode:_,snapGrid:w,snapToGrid:x,translateExtent:T,connectOnClick:P,defaultEdgeOptions:E,fitView:A,fitViewOptions:$,onNodesDelete:I,onEdgesDelete:C,onNodeDrag:R,onNodeDragStart:M,onNodeDragStop:N,onSelectionDrag:O,onSelectionDragStart:D,onSelectionDragStop:L,noPanClassName:j,nodeOrigin:U,rfId:G,autoPanOnConnect:W,autoPanOnNodeDrag:X,onError:Y,connectionRadius:B,isValidConnection:H})=>{const{setNodes:Q,setEdges:J,setDefaultNodesAndEdges:ne,setMinZoom:te,setMaxZoom:xe,setTranslateExtent:ve,setNodeExtent:ce,reset:Ne}=Vt(kre,br),se=Vn();return k.useEffect(()=>{const gt=r==null?void 0:r.map(vn=>({...vn,...E}));return ne(n,gt),()=>{Ne()}},[]),Ae("defaultEdgeOptions",E,se.setState),Ae("connectionMode",_,se.setState),Ae("onConnect",i,se.setState),Ae("onConnectStart",o,se.setState),Ae("onConnectEnd",s,se.setState),Ae("onClickConnectStart",a,se.setState),Ae("onClickConnectEnd",l,se.setState),Ae("nodesDraggable",u,se.setState),Ae("nodesConnectable",c,se.setState),Ae("nodesFocusable",d,se.setState),Ae("edgesFocusable",f,se.setState),Ae("edgesUpdatable",h,se.setState),Ae("elementsSelectable",b,se.setState),Ae("elevateNodesOnSelect",p,se.setState),Ae("snapToGrid",x,se.setState),Ae("snapGrid",w,se.setState),Ae("onNodesChange",y,se.setState),Ae("onEdgesChange",g,se.setState),Ae("connectOnClick",P,se.setState),Ae("fitViewOnInit",A,se.setState),Ae("fitViewOnInitOptions",$,se.setState),Ae("onNodesDelete",I,se.setState),Ae("onEdgesDelete",C,se.setState),Ae("onNodeDrag",R,se.setState),Ae("onNodeDragStart",M,se.setState),Ae("onNodeDragStop",N,se.setState),Ae("onSelectionDrag",O,se.setState),Ae("onSelectionDragStart",D,se.setState),Ae("onSelectionDragStop",L,se.setState),Ae("noPanClassName",j,se.setState),Ae("nodeOrigin",U,se.setState),Ae("rfId",G,se.setState),Ae("autoPanOnConnect",W,se.setState),Ae("autoPanOnNodeDrag",X,se.setState),Ae("onError",Y,se.setState),Ae("connectionRadius",B,se.setState),Ae("isValidConnection",H,se.setState),Dl(e,Q),Dl(t,J),Dl(m,te),Dl(S,xe),Dl(T,ve),Dl(v,ce),null},XT={display:"none"},Ore={position:"absolute",width:1,height:1,margin:-1,border:0,padding:0,overflow:"hidden",clip:"rect(0px, 0px, 0px, 0px)",clipPath:"inset(100%)"},DM="react-flow__node-desc",LM="react-flow__edge-desc",Mre="react-flow__aria-live",Ire=e=>e.ariaLiveMessage;function Nre({rfId:e}){const t=Vt(Ire);return K.jsx("div",{id:`${Mre}-${e}`,"aria-live":"assertive","aria-atomic":"true",style:Ore,children:t})}function Dre({rfId:e,disableKeyboardA11y:t}){return K.jsxs(K.Fragment,{children:[K.jsxs("div",{id:`${DM}-${e}`,style:XT,children:["Press enter or space to select a node.",!t&&"You can then use the arrow keys to move the node around."," Press delete to remove it and escape to cancel."," "]}),K.jsx("div",{id:`${LM}-${e}`,style:XT,children:"Press enter or space to select an edge. You can then press delete to remove it or escape to cancel."}),!t&&K.jsx(Nre,{rfId:e})]})}const Lre=(e,t,n)=>n===pe.Left?e-t:n===pe.Right?e+t:e,$re=(e,t,n)=>n===pe.Top?e-t:n===pe.Bottom?e+t:e,YT="react-flow__edgeupdater",QT=({position:e,centerX:t,centerY:n,radius:r=10,onMouseDown:i,onMouseEnter:o,onMouseOut:s,type:a})=>K.jsx("circle",{onMouseDown:i,onMouseEnter:o,onMouseOut:s,className:ti([YT,`${YT}-${a}`]),cx:Lre(t,r,e),cy:$re(n,r,e),r,stroke:"transparent",fill:"transparent"}),Fre=()=>!0;var Ll=e=>{const t=({id:n,className:r,type:i,data:o,onClick:s,onEdgeDoubleClick:a,selected:l,animated:u,label:c,labelStyle:d,labelShowBg:f,labelBgStyle:h,labelBgPadding:p,labelBgBorderRadius:m,style:S,source:v,target:y,sourceX:g,sourceY:b,targetX:_,targetY:w,sourcePosition:x,targetPosition:T,elementsSelectable:P,hidden:E,sourceHandleId:A,targetHandleId:$,onContextMenu:I,onMouseEnter:C,onMouseMove:R,onMouseLeave:M,edgeUpdaterRadius:N,onEdgeUpdate:O,onEdgeUpdateStart:D,onEdgeUpdateEnd:L,markerEnd:j,markerStart:U,rfId:G,ariaLabel:W,isFocusable:X,isUpdatable:Y,pathOptions:B,interactionWidth:H})=>{const Q=k.useRef(null),[J,ne]=k.useState(!1),[te,xe]=k.useState(!1),ve=Vn(),ce=k.useMemo(()=>`url(#${n2(U,G)})`,[U,G]),Ne=k.useMemo(()=>`url(#${n2(j,G)})`,[j,G]);if(E)return null;const se=Ht=>{const{edges:xt,addSelectedEdges:wr}=ve.getState();if(P&&(ve.setState({nodesSelectionActive:!1}),wr([n])),s){const $r=xt.find(ri=>ri.id===n);s(Ht,$r)}},gt=qc(n,ve.getState,a),vn=qc(n,ve.getState,I),It=qc(n,ve.getState,C),ut=qc(n,ve.getState,R),tt=qc(n,ve.getState,M),Gt=(Ht,xt)=>{if(Ht.button!==0)return;const{edges:wr,isValidConnection:$r}=ve.getState(),ri=xt?y:v,uo=(xt?$:A)||null,Sn=xt?"target":"source",ii=$r||Fre,ca=xt,ki=wr.find(nt=>nt.id===n);xe(!0),D==null||D(Ht,ki,Sn);const da=nt=>{xe(!1),L==null||L(nt,ki,Sn)};PM({event:Ht,handleId:uo,nodeId:ri,onConnect:nt=>O==null?void 0:O(ki,nt),isTarget:ca,getState:ve.getState,setState:ve.setState,isValidConnection:ii,edgeUpdaterType:Sn,onEdgeUpdateEnd:da})},sr=Ht=>Gt(Ht,!0),ni=Ht=>Gt(Ht,!1),Lr=()=>ne(!0),On=()=>ne(!1),bn=!P&&!s,Un=Ht=>{var xt;if(hM.includes(Ht.key)&&P){const{unselectNodesAndEdges:wr,addSelectedEdges:$r,edges:ri}=ve.getState();Ht.key==="Escape"?((xt=Q.current)==null||xt.blur(),wr({edges:[ri.find(Sn=>Sn.id===n)]})):$r([n])}};return K.jsxs("g",{className:ti(["react-flow__edge",`react-flow__edge-${i}`,r,{selected:l,animated:u,inactive:bn,updating:J}]),onClick:se,onDoubleClick:gt,onContextMenu:vn,onMouseEnter:It,onMouseMove:ut,onMouseLeave:tt,onKeyDown:X?Un:void 0,tabIndex:X?0:void 0,role:X?"button":void 0,"data-testid":`rf__edge-${n}`,"aria-label":W===null?void 0:W||`Edge from ${v} to ${y}`,"aria-describedby":X?`${LM}-${G}`:void 0,ref:Q,children:[!te&&K.jsx(e,{id:n,source:v,target:y,selected:l,animated:u,label:c,labelStyle:d,labelShowBg:f,labelBgStyle:h,labelBgPadding:p,labelBgBorderRadius:m,data:o,style:S,sourceX:g,sourceY:b,targetX:_,targetY:w,sourcePosition:x,targetPosition:T,sourceHandleId:A,targetHandleId:$,markerStart:ce,markerEnd:Ne,pathOptions:B,interactionWidth:H}),Y&&K.jsxs(K.Fragment,{children:[(Y==="source"||Y===!0)&&K.jsx(QT,{position:x,centerX:g,centerY:b,radius:N,onMouseDown:sr,onMouseEnter:Lr,onMouseOut:On,type:"source"}),(Y==="target"||Y===!0)&&K.jsx(QT,{position:T,centerX:_,centerY:w,radius:N,onMouseDown:ni,onMouseEnter:Lr,onMouseOut:On,type:"target"})]})]})};return t.displayName="EdgeWrapper",k.memo(t)};function Bre(e){const t={default:Ll(e.default||$m),straight:Ll(e.bezier||nC),step:Ll(e.step||tC),smoothstep:Ll(e.step||M0),simplebezier:Ll(e.simplebezier||eC)},n={},r=Object.keys(e).filter(i=>!["default","bezier"].includes(i)).reduce((i,o)=>(i[o]=Ll(e[o]||$m),i),n);return{...t,...r}}function ZT(e,t,n=null){const r=((n==null?void 0:n.x)||0)+t.x,i=((n==null?void 0:n.y)||0)+t.y,o=(n==null?void 0:n.width)||t.width,s=(n==null?void 0:n.height)||t.height;switch(e){case pe.Top:return{x:r+o/2,y:i};case pe.Right:return{x:r+o,y:i+s/2};case pe.Bottom:return{x:r+o/2,y:i+s};case pe.Left:return{x:r,y:i+s/2}}}function JT(e,t){return e?e.length===1||!t?e[0]:t&&e.find(n=>n.id===t)||null:null}const jre=(e,t,n,r,i,o)=>{const s=ZT(n,e,t),a=ZT(o,r,i);return{sourceX:s.x,sourceY:s.y,targetX:a.x,targetY:a.y}};function Vre({sourcePos:e,targetPos:t,sourceWidth:n,sourceHeight:r,targetWidth:i,targetHeight:o,width:s,height:a,transform:l}){const u={x:Math.min(e.x,t.x),y:Math.min(e.y,t.y),x2:Math.max(e.x+n,t.x+i),y2:Math.max(e.y+r,t.y+o)};u.x===u.x2&&(u.x2+=1),u.y===u.y2&&(u.y2+=1);const c=Dm({x:(0-l[0])/l[2],y:(0-l[1])/l[2],width:s/l[2],height:a/l[2]}),d=Math.max(0,Math.min(c.x2,u.x2)-Math.max(c.x,u.x)),f=Math.max(0,Math.min(c.y2,u.y2)-Math.max(c.y,u.y));return Math.ceil(d*f)>0}function eE(e){var r,i,o,s,a;const t=((r=e==null?void 0:e[on])==null?void 0:r.handleBounds)||null,n=t&&(e==null?void 0:e.width)&&(e==null?void 0:e.height)&&typeof((i=e==null?void 0:e.positionAbsolute)==null?void 0:i.x)<"u"&&typeof((o=e==null?void 0:e.positionAbsolute)==null?void 0:o.y)<"u";return[{x:((s=e==null?void 0:e.positionAbsolute)==null?void 0:s.x)||0,y:((a=e==null?void 0:e.positionAbsolute)==null?void 0:a.y)||0,width:(e==null?void 0:e.width)||0,height:(e==null?void 0:e.height)||0},t,!!n]}function $M(e,t){if(!e.parentNode)return!1;const n=t.get(e.parentNode);return n?n.selected?!0:$M(n,t):!1}function tE(e,t,n){let r=e;do{if(r!=null&&r.matches(t))return!0;if(r===n.current)return!1;r=r.parentElement}while(r);return!1}function zre(e,t,n,r){return Array.from(e.values()).filter(i=>(i.selected||i.id===r)&&(!i.parentNode||!$M(i,e))&&(i.draggable||t&&typeof i.draggable>"u")).map(i=>{var o,s;return{id:i.id,position:i.position||{x:0,y:0},positionAbsolute:i.positionAbsolute||{x:0,y:0},distance:{x:n.x-(((o=i.positionAbsolute)==null?void 0:o.x)??0),y:n.y-(((s=i.positionAbsolute)==null?void 0:s.y)??0)},delta:{x:0,y:0},extent:i.extent,parentNode:i.parentNode,width:i.width,height:i.height}})}function Ure(e,t){return!t||t==="parent"?t:[t[0],[t[1][0]-(e.width||0),t[1][1]-(e.height||0)]]}function FM(e,t,n,r,i=[0,0],o){const s=Ure(e,e.extent||r);let a=s;if(e.extent==="parent")if(e.parentNode&&e.width&&e.height){const c=n.get(e.parentNode),{x:d,y:f}=Iu(c,i).positionAbsolute;a=c&&Kr(d)&&Kr(f)&&Kr(c.width)&&Kr(c.height)?[[d+e.width*i[0],f+e.height*i[1]],[d+c.width-e.width+e.width*i[0],f+c.height-e.height+e.height*i[1]]]:a}else o==null||o("005",qs.error005()),a=s;else if(e.extent&&e.parentNode){const c=n.get(e.parentNode),{x:d,y:f}=Iu(c,i).positionAbsolute;a=[[e.extent[0][0]+d,e.extent[0][1]+f],[e.extent[1][0]+d,e.extent[1][1]+f]]}let l={x:0,y:0};if(e.parentNode){const c=n.get(e.parentNode);l=Iu(c,i).positionAbsolute}const u=a?Jx(t,a):t;return{position:{x:u.x-l.x,y:u.y-l.y},positionAbsolute:u}}function Pb({nodeId:e,dragItems:t,nodeInternals:n}){const r=t.map(i=>({...n.get(i.id),position:i.position,positionAbsolute:i.positionAbsolute}));return[e?r.find(i=>i.id===e):r[0],r]}const nE=(e,t,n,r)=>{const i=t.querySelectorAll(e);if(!i||!i.length)return null;const o=Array.from(i),s=t.getBoundingClientRect(),a={x:s.width*r[0],y:s.height*r[1]};return o.map(l=>{const u=l.getBoundingClientRect();return{id:l.getAttribute("data-handleid"),position:l.getAttribute("data-handlepos"),x:(u.left-s.left-a.x)/n,y:(u.top-s.top-a.y)/n,...Zx(l)}})};function Wc(e,t,n){return n===void 0?n:r=>{const i=t().nodeInternals.get(e);n(r,{...i})}}function i2({id:e,store:t,unselect:n=!1,nodeRef:r}){const{addSelectedNodes:i,unselectNodesAndEdges:o,multiSelectionActive:s,nodeInternals:a}=t.getState(),l=a.get(e);t.setState({nodesSelectionActive:!1}),l.selected?(n||l.selected&&s)&&(o({nodes:[l]}),requestAnimationFrame(()=>{var u;return(u=r==null?void 0:r.current)==null?void 0:u.blur()})):i([e])}function Gre(){const e=Vn();return k.useCallback(({sourceEvent:n})=>{const{transform:r,snapGrid:i,snapToGrid:o}=e.getState(),s=n.touches?n.touches[0].clientX:n.clientX,a=n.touches?n.touches[0].clientY:n.clientY,l={x:(s-r[0])/r[2],y:(a-r[1])/r[2]};return{xSnapped:o?i[0]*Math.round(l.x/i[0]):l.x,ySnapped:o?i[1]*Math.round(l.y/i[1]):l.y,...l}},[])}function Ab(e){return(t,n,r)=>e==null?void 0:e(t,r)}function BM({nodeRef:e,disabled:t=!1,noDragClassName:n,handleSelector:r,nodeId:i,isSelectable:o,selectNodesOnDrag:s}){const a=Vn(),[l,u]=k.useState(!1),c=k.useRef([]),d=k.useRef({x:null,y:null}),f=k.useRef(0),h=k.useRef(null),p=k.useRef({x:0,y:0}),m=k.useRef(null),S=k.useRef(!1),v=Gre();return k.useEffect(()=>{if(e!=null&&e.current){const y=fi(e.current),g=({x:_,y:w})=>{const{nodeInternals:x,onNodeDrag:T,onSelectionDrag:P,updateNodePositions:E,nodeExtent:A,snapGrid:$,snapToGrid:I,nodeOrigin:C,onError:R}=a.getState();d.current={x:_,y:w};let M=!1;if(c.current=c.current.map(O=>{const D={x:_-O.distance.x,y:w-O.distance.y};I&&(D.x=$[0]*Math.round(D.x/$[0]),D.y=$[1]*Math.round(D.y/$[1]));const L=FM(O,D,x,A,C,R);return M=M||O.position.x!==L.position.x||O.position.y!==L.position.y,O.position=L.position,O.positionAbsolute=L.positionAbsolute,O}),!M)return;E(c.current,!0,!0),u(!0);const N=i?T:Ab(P);if(N&&m.current){const[O,D]=Pb({nodeId:i,dragItems:c.current,nodeInternals:x});N(m.current,O,D)}},b=()=>{if(!h.current)return;const[_,w]=uM(p.current,h.current);if(_!==0||w!==0){const{transform:x,panBy:T}=a.getState();d.current.x=(d.current.x??0)-_/x[2],d.current.y=(d.current.y??0)-w/x[2],T({x:_,y:w})&&g(d.current)}f.current=requestAnimationFrame(b)};if(t)y.on(".drag",null);else{const _=ute().on("start",w=>{var M;const{nodeInternals:x,multiSelectionActive:T,domNode:P,nodesDraggable:E,unselectNodesAndEdges:A,onNodeDragStart:$,onSelectionDragStart:I}=a.getState(),C=i?$:Ab(I);!s&&!T&&i&&((M=x.get(i))!=null&&M.selected||A()),i&&o&&s&&i2({id:i,store:a,nodeRef:e});const R=v(w);if(d.current=R,c.current=zre(x,E,R,i),C&&c.current){const[N,O]=Pb({nodeId:i,dragItems:c.current,nodeInternals:x});C(w.sourceEvent,N,O)}h.current=(P==null?void 0:P.getBoundingClientRect())||null,p.current=Is(w.sourceEvent,h.current)}).on("drag",w=>{const x=v(w),{autoPanOnNodeDrag:T}=a.getState();!S.current&&T&&(S.current=!0,b()),(d.current.x!==x.xSnapped||d.current.y!==x.ySnapped)&&c.current&&(m.current=w.sourceEvent,p.current=Is(w.sourceEvent,h.current),g(x))}).on("end",w=>{if(u(!1),S.current=!1,cancelAnimationFrame(f.current),c.current){const{updateNodePositions:x,nodeInternals:T,onNodeDragStop:P,onSelectionDragStop:E}=a.getState(),A=i?P:Ab(E);if(x(c.current,!1,!1),A){const[$,I]=Pb({nodeId:i,dragItems:c.current,nodeInternals:T});A(w.sourceEvent,$,I)}}}).filter(w=>{const x=w.target;return!w.button&&(!n||!tE(x,`.${n}`,e))&&(!r||tE(x,r,e))});return y.call(_),()=>{y.on(".drag",null)}}}},[e,t,n,r,o,a,i,s,v]),l}function jM(){const e=Vn();return k.useCallback(n=>{const{nodeInternals:r,nodeExtent:i,updateNodePositions:o,getNodes:s,snapToGrid:a,snapGrid:l,onError:u,nodesDraggable:c}=e.getState(),d=s().filter(y=>y.selected&&(y.draggable||c&&typeof y.draggable>"u")),f=a?l[0]:5,h=a?l[1]:5,p=n.isShiftPressed?4:1,m=n.x*f*p,S=n.y*h*p,v=d.map(y=>{if(y.positionAbsolute){const g={x:y.positionAbsolute.x+m,y:y.positionAbsolute.y+S};a&&(g.x=l[0]*Math.round(g.x/l[0]),g.y=l[1]*Math.round(g.y/l[1]));const{positionAbsolute:b,position:_}=FM(y,g,r,i,void 0,u);y.position=_,y.positionAbsolute=b}return y});o(v,!0,!1)},[])}const Nu={ArrowUp:{x:0,y:-1},ArrowDown:{x:0,y:1},ArrowLeft:{x:-1,y:0},ArrowRight:{x:1,y:0}};var Kc=e=>{const t=({id:n,type:r,data:i,xPos:o,yPos:s,xPosOrigin:a,yPosOrigin:l,selected:u,onClick:c,onMouseEnter:d,onMouseMove:f,onMouseLeave:h,onContextMenu:p,onDoubleClick:m,style:S,className:v,isDraggable:y,isSelectable:g,isConnectable:b,isFocusable:_,selectNodesOnDrag:w,sourcePosition:x,targetPosition:T,hidden:P,resizeObserver:E,dragHandle:A,zIndex:$,isParent:I,noDragClassName:C,noPanClassName:R,initialized:M,disableKeyboardA11y:N,ariaLabel:O,rfId:D})=>{const L=Vn(),j=k.useRef(null),U=k.useRef(x),G=k.useRef(T),W=k.useRef(r),X=g||y||c||d||f||h,Y=jM(),B=Wc(n,L.getState,d),H=Wc(n,L.getState,f),Q=Wc(n,L.getState,h),J=Wc(n,L.getState,p),ne=Wc(n,L.getState,m),te=ce=>{if(g&&(!w||!y)&&i2({id:n,store:L,nodeRef:j}),c){const Ne=L.getState().nodeInternals.get(n);c(ce,{...Ne})}},xe=ce=>{if(!e2(ce))if(hM.includes(ce.key)&&g){const Ne=ce.key==="Escape";i2({id:n,store:L,unselect:Ne,nodeRef:j})}else!N&&y&&u&&Object.prototype.hasOwnProperty.call(Nu,ce.key)&&(L.setState({ariaLiveMessage:`Moved selected node ${ce.key.replace("Arrow","").toLowerCase()}. New position, x: ${~~o}, y: ${~~s}`}),Y({x:Nu[ce.key].x,y:Nu[ce.key].y,isShiftPressed:ce.shiftKey}))};k.useEffect(()=>{if(j.current&&!P){const ce=j.current;return E==null||E.observe(ce),()=>E==null?void 0:E.unobserve(ce)}},[P]),k.useEffect(()=>{const ce=W.current!==r,Ne=U.current!==x,se=G.current!==T;j.current&&(ce||Ne||se)&&(ce&&(W.current=r),Ne&&(U.current=x),se&&(G.current=T),L.getState().updateNodeDimensions([{id:n,nodeElement:j.current,forceUpdate:!0}]))},[n,r,x,T]);const ve=BM({nodeRef:j,disabled:P||!y,noDragClassName:C,handleSelector:A,nodeId:n,isSelectable:g,selectNodesOnDrag:w});return P?null:K.jsx("div",{className:ti(["react-flow__node",`react-flow__node-${r}`,{[R]:y},v,{selected:u,selectable:g,parent:I,dragging:ve}]),ref:j,style:{zIndex:$,transform:`translate(${a}px,${l}px)`,pointerEvents:X?"all":"none",visibility:M?"visible":"hidden",...S},"data-id":n,"data-testid":`rf__node-${n}`,onMouseEnter:B,onMouseMove:H,onMouseLeave:Q,onContextMenu:J,onClick:te,onDoubleClick:ne,onKeyDown:_?xe:void 0,tabIndex:_?0:void 0,role:_?"button":void 0,"aria-describedby":N?void 0:`${DM}-${D}`,"aria-label":O,children:K.jsx(hre,{value:n,children:K.jsx(e,{id:n,data:i,type:r,xPos:o,yPos:s,selected:u,isConnectable:b,sourcePosition:x,targetPosition:T,dragging:ve,dragHandle:A,zIndex:$})})})};return t.displayName="NodeWrapper",k.memo(t)};function Hre(e){const t={input:Kc(e.input||OM),default:Kc(e.default||r2),output:Kc(e.output||IM),group:Kc(e.group||oC)},n={},r=Object.keys(e).filter(i=>!["input","default","output","group"].includes(i)).reduce((i,o)=>(i[o]=Kc(e[o]||r2),i),n);return{...t,...r}}const qre=({x:e,y:t,width:n,height:r,origin:i})=>!n||!r?{x:e,y:t}:i[0]<0||i[1]<0||i[0]>1||i[1]>1?{x:e,y:t}:{x:e-n*i[0],y:t-r*i[1]},Wre=typeof document<"u"?document:null;var Nf=(e=null,t={target:Wre})=>{const[n,r]=k.useState(!1),i=k.useRef(!1),o=k.useRef(new Set([])),[s,a]=k.useMemo(()=>{if(e!==null){const u=(Array.isArray(e)?e:[e]).filter(d=>typeof d=="string").map(d=>d.split("+")),c=u.reduce((d,f)=>d.concat(...f),[]);return[u,c]}return[[],[]]},[e]);return k.useEffect(()=>{var l,u;if(e!==null){const c=h=>{if(i.current=h.ctrlKey||h.metaKey||h.shiftKey,!i.current&&e2(h))return!1;const p=iE(h.code,a);o.current.add(h[p]),rE(s,o.current,!1)&&(h.preventDefault(),r(!0))},d=h=>{if(!i.current&&e2(h))return!1;const p=iE(h.code,a);rE(s,o.current,!0)?(r(!1),o.current.clear()):o.current.delete(h[p]),i.current=!1},f=()=>{o.current.clear(),r(!1)};return(l=t==null?void 0:t.target)==null||l.addEventListener("keydown",c),(u=t==null?void 0:t.target)==null||u.addEventListener("keyup",d),window.addEventListener("blur",f),()=>{var h,p;(h=t==null?void 0:t.target)==null||h.removeEventListener("keydown",c),(p=t==null?void 0:t.target)==null||p.removeEventListener("keyup",d),window.removeEventListener("blur",f)}}},[e,r]),n};function rE(e,t,n){return e.filter(r=>n||r.length===t.size).some(r=>r.every(i=>t.has(i)))}function iE(e,t){return t.includes(e)?"code":"key"}function VM(e,t,n,r){var s,a;if(!e.parentNode)return n;const i=t.get(e.parentNode),o=Iu(i,r);return VM(i,t,{x:(n.x??0)+o.x,y:(n.y??0)+o.y,z:(((s=i[on])==null?void 0:s.z)??0)>(n.z??0)?((a=i[on])==null?void 0:a.z)??0:n.z??0},r)}function zM(e,t,n){e.forEach(r=>{var i;if(r.parentNode&&!e.has(r.parentNode))throw new Error(`Parent node ${r.parentNode} not found`);if(r.parentNode||n!=null&&n[r.id]){const{x:o,y:s,z:a}=VM(r,e,{...r.position,z:((i=r[on])==null?void 0:i.z)??0},t);r.positionAbsolute={x:o,y:s},r[on].z=a,n!=null&&n[r.id]&&(r[on].isParent=!0)}})}function kb(e,t,n,r){const i=new Map,o={},s=r?1e3:0;return e.forEach(a=>{var d;const l=(Kr(a.zIndex)?a.zIndex:0)+(a.selected?s:0),u=t.get(a.id),c={width:u==null?void 0:u.width,height:u==null?void 0:u.height,...a,positionAbsolute:{x:a.position.x,y:a.position.y}};a.parentNode&&(c.parentNode=a.parentNode,o[a.parentNode]=!0),Object.defineProperty(c,on,{enumerable:!1,value:{handleBounds:(d=u==null?void 0:u[on])==null?void 0:d.handleBounds,z:l}}),i.set(a.id,c)}),zM(i,n,o),i}function UM(e,t={}){const{getNodes:n,width:r,height:i,minZoom:o,maxZoom:s,d3Zoom:a,d3Selection:l,fitViewOnInitDone:u,fitViewOnInit:c,nodeOrigin:d}=e(),f=t.initial&&!u&&c;if(a&&l&&(f||!t.initial)){const p=n().filter(S=>{var y;const v=t.includeHiddenNodes?S.width&&S.height:!S.hidden;return(y=t.nodes)!=null&&y.length?v&&t.nodes.some(g=>g.id===S.id):v}),m=p.every(S=>S.width&&S.height);if(p.length>0&&m){const S=_M(p,d),[v,y,g]=CM(S,r,i,t.minZoom??o,t.maxZoom??s,t.padding??.1),b=Ms.translate(v,y).scale(g);return typeof t.duration=="number"&&t.duration>0?a.transform(xa(l,t.duration),b):a.transform(l,b),!0}}return!1}function Kre(e,t){return e.forEach(n=>{const r=t.get(n.id);r&&t.set(r.id,{...r,[on]:r[on],selected:n.selected})}),new Map(t)}function Xre(e,t){return t.map(n=>{const r=e.find(i=>i.id===n.id);return r&&(n.selected=r.selected),n})}function kp({changedNodes:e,changedEdges:t,get:n,set:r}){const{nodeInternals:i,edges:o,onNodesChange:s,onEdgesChange:a,hasDefaultNodes:l,hasDefaultEdges:u}=n();e!=null&&e.length&&(l&&r({nodeInternals:Kre(e,i)}),s==null||s(e)),t!=null&&t.length&&(u&&r({edges:Xre(t,o)}),a==null||a(t))}const $l=()=>{},Yre={zoomIn:$l,zoomOut:$l,zoomTo:$l,getZoom:()=>1,setViewport:$l,getViewport:()=>({x:0,y:0,zoom:1}),fitView:()=>!1,setCenter:$l,fitBounds:$l,project:e=>e,viewportInitialized:!1},Qre=e=>({d3Zoom:e.d3Zoom,d3Selection:e.d3Selection}),Zre=()=>{const e=Vn(),{d3Zoom:t,d3Selection:n}=Vt(Qre,br);return k.useMemo(()=>n&&t?{zoomIn:i=>t.scaleBy(xa(n,i==null?void 0:i.duration),1.2),zoomOut:i=>t.scaleBy(xa(n,i==null?void 0:i.duration),1/1.2),zoomTo:(i,o)=>t.scaleTo(xa(n,o==null?void 0:o.duration),i),getZoom:()=>e.getState().transform[2],setViewport:(i,o)=>{const[s,a,l]=e.getState().transform,u=Ms.translate(i.x??s,i.y??a).scale(i.zoom??l);t.transform(xa(n,o==null?void 0:o.duration),u)},getViewport:()=>{const[i,o,s]=e.getState().transform;return{x:i,y:o,zoom:s}},fitView:i=>UM(e.getState,i),setCenter:(i,o,s)=>{const{width:a,height:l,maxZoom:u}=e.getState(),c=typeof(s==null?void 0:s.zoom)<"u"?s.zoom:u,d=a/2-i*c,f=l/2-o*c,h=Ms.translate(d,f).scale(c);t.transform(xa(n,s==null?void 0:s.duration),h)},fitBounds:(i,o)=>{const{width:s,height:a,minZoom:l,maxZoom:u}=e.getState(),[c,d,f]=CM(i,s,a,l,u,(o==null?void 0:o.padding)??.1),h=Ms.translate(c,d).scale(f);t.transform(xa(n,o==null?void 0:o.duration),h)},project:i=>{const{transform:o,snapToGrid:s,snapGrid:a}=e.getState();return SM(i,o,s,a)},viewportInitialized:!0}:Yre,[t,n])};function GM(){const e=Zre(),t=Vn(),n=k.useCallback(()=>t.getState().getNodes().map(m=>({...m})),[]),r=k.useCallback(m=>t.getState().nodeInternals.get(m),[]),i=k.useCallback(()=>{const{edges:m=[]}=t.getState();return m.map(S=>({...S}))},[]),o=k.useCallback(m=>{const{edges:S=[]}=t.getState();return S.find(v=>v.id===m)},[]),s=k.useCallback(m=>{const{getNodes:S,setNodes:v,hasDefaultNodes:y,onNodesChange:g}=t.getState(),b=S(),_=typeof m=="function"?m(b):m;if(y)v(_);else if(g){const w=_.length===0?b.map(x=>({type:"remove",id:x.id})):_.map(x=>({item:x,type:"reset"}));g(w)}},[]),a=k.useCallback(m=>{const{edges:S=[],setEdges:v,hasDefaultEdges:y,onEdgesChange:g}=t.getState(),b=typeof m=="function"?m(S):m;if(y)v(b);else if(g){const _=b.length===0?S.map(w=>({type:"remove",id:w.id})):b.map(w=>({item:w,type:"reset"}));g(_)}},[]),l=k.useCallback(m=>{const S=Array.isArray(m)?m:[m],{getNodes:v,setNodes:y,hasDefaultNodes:g,onNodesChange:b}=t.getState();if(g){const w=[...v(),...S];y(w)}else if(b){const _=S.map(w=>({item:w,type:"add"}));b(_)}},[]),u=k.useCallback(m=>{const S=Array.isArray(m)?m:[m],{edges:v=[],setEdges:y,hasDefaultEdges:g,onEdgesChange:b}=t.getState();if(g)y([...v,...S]);else if(b){const _=S.map(w=>({item:w,type:"add"}));b(_)}},[]),c=k.useCallback(()=>{const{getNodes:m,edges:S=[],transform:v}=t.getState(),[y,g,b]=v;return{nodes:m().map(_=>({..._})),edges:S.map(_=>({..._})),viewport:{x:y,y:g,zoom:b}}},[]),d=k.useCallback(({nodes:m,edges:S})=>{const{nodeInternals:v,getNodes:y,edges:g,hasDefaultNodes:b,hasDefaultEdges:_,onNodesDelete:w,onEdgesDelete:x,onNodesChange:T,onEdgesChange:P}=t.getState(),E=(m||[]).map(R=>R.id),A=(S||[]).map(R=>R.id),$=y().reduce((R,M)=>{const N=!E.includes(M.id)&&M.parentNode&&R.find(D=>D.id===M.parentNode);return(typeof M.deletable=="boolean"?M.deletable:!0)&&(E.includes(M.id)||N)&&R.push(M),R},[]),I=g.filter(R=>typeof R.deletable=="boolean"?R.deletable:!0),C=I.filter(R=>A.includes(R.id));if($||C){const R=xM($,I),M=[...C,...R],N=M.reduce((O,D)=>(O.includes(D.id)||O.push(D.id),O),[]);if((_||b)&&(_&&t.setState({edges:g.filter(O=>!N.includes(O.id))}),b&&($.forEach(O=>{v.delete(O.id)}),t.setState({nodeInternals:new Map(v)}))),N.length>0&&(x==null||x(M),P&&P(N.map(O=>({id:O,type:"remove"})))),$.length>0&&(w==null||w($),T)){const O=$.map(D=>({id:D.id,type:"remove"}));T(O)}}},[]),f=k.useCallback(m=>{const S=sre(m),v=S?null:t.getState().nodeInternals.get(m.id);return[S?m:zT(v),v,S]},[]),h=k.useCallback((m,S=!0,v)=>{const[y,g,b]=f(m);return y?(v||t.getState().getNodes()).filter(_=>{if(!b&&(_.id===g.id||!_.positionAbsolute))return!1;const w=zT(_),x=J_(w,y);return S&&x>0||x>=m.width*m.height}):[]},[]),p=k.useCallback((m,S,v=!0)=>{const[y]=f(m);if(!y)return!1;const g=J_(y,S);return v&&g>0||g>=m.width*m.height},[]);return k.useMemo(()=>({...e,getNodes:n,getNode:r,getEdges:i,getEdge:o,setNodes:s,setEdges:a,addNodes:l,addEdges:u,toObject:c,deleteElements:d,getIntersectingNodes:h,isNodeIntersecting:p}),[e,n,r,i,o,s,a,l,u,c,d,h,p])}var Jre=({deleteKeyCode:e,multiSelectionKeyCode:t})=>{const n=Vn(),{deleteElements:r}=GM(),i=Nf(e),o=Nf(t);k.useEffect(()=>{if(i){const{edges:s,getNodes:a}=n.getState(),l=a().filter(c=>c.selected),u=s.filter(c=>c.selected);r({nodes:l,edges:u}),n.setState({nodesSelectionActive:!1})}},[i]),k.useEffect(()=>{n.setState({multiSelectionActive:o})},[o])};function eie(e){const t=Vn();k.useEffect(()=>{let n;const r=()=>{var o,s;if(!e.current)return;const i=Zx(e.current);(i.height===0||i.width===0)&&((s=(o=t.getState()).onError)==null||s.call(o,"004",qs.error004())),t.setState({width:i.width||500,height:i.height||500})};return r(),window.addEventListener("resize",r),e.current&&(n=new ResizeObserver(()=>r()),n.observe(e.current)),()=>{window.removeEventListener("resize",r),n&&e.current&&n.unobserve(e.current)}},[])}const sC={position:"absolute",width:"100%",height:"100%",top:0,left:0},tie=(e,t)=>e.x!==t.x||e.y!==t.y||e.zoom!==t.k,Rb=e=>({x:e.x,y:e.y,zoom:e.k}),Fl=(e,t)=>e.target.closest(`.${t}`),oE=(e,t)=>t===2&&Array.isArray(e)&&e.includes(2),nie=e=>({d3Zoom:e.d3Zoom,d3Selection:e.d3Selection,d3ZoomHandler:e.d3ZoomHandler,userSelectionActive:e.userSelectionActive}),rie=({onMove:e,onMoveStart:t,onMoveEnd:n,onPaneContextMenu:r,zoomOnScroll:i=!0,zoomOnPinch:o=!0,panOnScroll:s=!1,panOnScrollSpeed:a=.5,panOnScrollMode:l=Mu.Free,zoomOnDoubleClick:u=!0,elementsSelectable:c,panOnDrag:d=!0,defaultViewport:f,translateExtent:h,minZoom:p,maxZoom:m,zoomActivationKeyCode:S,preventScrolling:v=!0,children:y,noWheelClassName:g,noPanClassName:b})=>{const _=k.useRef(),w=Vn(),x=k.useRef(!1),T=k.useRef(!1),P=k.useRef(null),E=k.useRef({x:0,y:0,zoom:0}),{d3Zoom:A,d3Selection:$,d3ZoomHandler:I,userSelectionActive:C}=Vt(nie,br),R=Nf(S),M=k.useRef(0);return eie(P),k.useEffect(()=>{if(P.current){const N=P.current.getBoundingClientRect(),O=Jne().scaleExtent([p,m]).translateExtent(h),D=fi(P.current).call(O),L=Ms.translate(f.x,f.y).scale(rc(f.zoom,p,m)),j=[[0,0],[N.width,N.height]],U=O.constrain()(L,j,h);O.transform(D,U),w.setState({d3Zoom:O,d3Selection:D,d3ZoomHandler:D.on("wheel.zoom"),transform:[U.x,U.y,U.k],domNode:P.current.closest(".react-flow")})}},[]),k.useEffect(()=>{$&&A&&(s&&!R&&!C?$.on("wheel.zoom",N=>{if(Fl(N,g))return!1;N.preventDefault(),N.stopImmediatePropagation();const O=$.property("__zoom").k||1;if(N.ctrlKey&&o){const U=$i(N),G=-N.deltaY*(N.deltaMode===1?.05:N.deltaMode?1:.002)*10,W=O*Math.pow(2,G);A.scaleTo($,W,U);return}const D=N.deltaMode===1?20:1,L=l===Mu.Vertical?0:N.deltaX*D,j=l===Mu.Horizontal?0:N.deltaY*D;A.translateBy($,-(L/O)*a,-(j/O)*a)},{passive:!1}):typeof I<"u"&&$.on("wheel.zoom",function(N,O){if(!v||Fl(N,g))return null;N.preventDefault(),I.call(this,N,O)},{passive:!1}))},[C,s,l,$,A,I,R,o,v,g]),k.useEffect(()=>{A&&A.on("start",N=>{var D;if(!N.sourceEvent)return null;M.current=N.sourceEvent.button;const{onViewportChangeStart:O}=w.getState();if(x.current=!0,((D=N.sourceEvent)==null?void 0:D.type)==="mousedown"&&w.setState({paneDragging:!0}),t||O){const L=Rb(N.transform);E.current=L,O==null||O(L),t==null||t(N.sourceEvent,L)}})},[A,t]),k.useEffect(()=>{A&&(C&&!x.current?A.on("zoom",null):C||A.on("zoom",N=>{const{onViewportChange:O}=w.getState();if(w.setState({transform:[N.transform.x,N.transform.y,N.transform.k]}),T.current=!!(r&&oE(d,M.current??0)),e||O){const D=Rb(N.transform);O==null||O(D),e==null||e(N.sourceEvent,D)}}))},[C,A,e,d,r]),k.useEffect(()=>{A&&A.on("end",N=>{if(!N.sourceEvent)return null;const{onViewportChangeEnd:O}=w.getState();if(x.current=!1,w.setState({paneDragging:!1}),r&&oE(d,M.current??0)&&!T.current&&r(N.sourceEvent),T.current=!1,(n||O)&&tie(E.current,N.transform)){const D=Rb(N.transform);E.current=D,clearTimeout(_.current),_.current=setTimeout(()=>{O==null||O(D),n==null||n(N.sourceEvent,D)},s?150:0)}})},[A,s,d,n,r]),k.useEffect(()=>{A&&A.filter(N=>{const O=R||i,D=o&&N.ctrlKey;if(N.button===1&&N.type==="mousedown"&&(Fl(N,"react-flow__node")||Fl(N,"react-flow__edge")))return!0;if(!d&&!O&&!s&&!u&&!o||C||!u&&N.type==="dblclick"||Fl(N,g)&&N.type==="wheel"||Fl(N,b)&&N.type!=="wheel"||!o&&N.ctrlKey&&N.type==="wheel"||!O&&!s&&!D&&N.type==="wheel"||!d&&(N.type==="mousedown"||N.type==="touchstart")||Array.isArray(d)&&!d.includes(N.button)&&(N.type==="mousedown"||N.type==="touchstart"))return!1;const L=Array.isArray(d)&&d.includes(N.button)||!N.button||N.button<=1;return(!N.ctrlKey||N.type==="wheel")&&L})},[C,A,i,o,s,u,d,c,R]),K.jsx("div",{className:"react-flow__renderer",ref:P,style:sC,children:y})},iie=e=>({userSelectionActive:e.userSelectionActive,userSelectionRect:e.userSelectionRect});function oie(){const{userSelectionActive:e,userSelectionRect:t}=Vt(iie,br);return e&&t?K.jsx("div",{className:"react-flow__selection react-flow__container",style:{width:t.width,height:t.height,transform:`translate(${t.x}px, ${t.y}px)`}}):null}function sE(e,t){const n=e.find(r=>r.id===t.parentNode);if(n){const r=t.position.x+t.width-n.width,i=t.position.y+t.height-n.height;if(r>0||i>0||t.position.x<0||t.position.y<0){if(n.style={...n.style},n.style.width=n.style.width??n.width,n.style.height=n.style.height??n.height,r>0&&(n.style.width+=r),i>0&&(n.style.height+=i),t.position.x<0){const o=Math.abs(t.position.x);n.position.x=n.position.x-o,n.style.width+=o,t.position.x=0}if(t.position.y<0){const o=Math.abs(t.position.y);n.position.y=n.position.y-o,n.style.height+=o,t.position.y=0}n.width=n.style.width,n.height=n.style.height}}}function HM(e,t){if(e.some(r=>r.type==="reset"))return e.filter(r=>r.type==="reset").map(r=>r.item);const n=e.filter(r=>r.type==="add").map(r=>r.item);return t.reduce((r,i)=>{const o=e.filter(a=>a.id===i.id);if(o.length===0)return r.push(i),r;const s={...i};for(const a of o)if(a)switch(a.type){case"select":{s.selected=a.selected;break}case"position":{typeof a.position<"u"&&(s.position=a.position),typeof a.positionAbsolute<"u"&&(s.positionAbsolute=a.positionAbsolute),typeof a.dragging<"u"&&(s.dragging=a.dragging),s.expandParent&&sE(r,s);break}case"dimensions":{typeof a.dimensions<"u"&&(s.width=a.dimensions.width,s.height=a.dimensions.height),typeof a.updateStyle<"u"&&(s.style={...s.style||{},...a.dimensions}),typeof a.resizing=="boolean"&&(s.resizing=a.resizing),s.expandParent&&sE(r,s);break}case"remove":return r}return r.push(s),r},n)}function qM(e,t){return HM(e,t)}function sie(e,t){return HM(e,t)}const ds=(e,t)=>({id:e,type:"select",selected:t});function du(e,t){return e.reduce((n,r)=>{const i=t.includes(r.id);return!r.selected&&i?(r.selected=!0,n.push(ds(r.id,!0))):r.selected&&!i&&(r.selected=!1,n.push(ds(r.id,!1))),n},[])}const Ob=(e,t)=>n=>{n.target===t.current&&(e==null||e(n))},aie=e=>({userSelectionActive:e.userSelectionActive,elementsSelectable:e.elementsSelectable,dragging:e.paneDragging}),WM=k.memo(({isSelecting:e,selectionMode:t=If.Full,panOnDrag:n,onSelectionStart:r,onSelectionEnd:i,onPaneClick:o,onPaneContextMenu:s,onPaneScroll:a,onPaneMouseEnter:l,onPaneMouseMove:u,onPaneMouseLeave:c,children:d})=>{const f=k.useRef(null),h=Vn(),p=k.useRef(0),m=k.useRef(0),S=k.useRef(),{userSelectionActive:v,elementsSelectable:y,dragging:g}=Vt(aie,br),b=()=>{h.setState({userSelectionActive:!1,userSelectionRect:null}),p.current=0,m.current=0},_=I=>{o==null||o(I),h.getState().resetSelectedElements(),h.setState({nodesSelectionActive:!1})},w=I=>{if(Array.isArray(n)&&(n!=null&&n.includes(2))){I.preventDefault();return}s==null||s(I)},x=a?I=>a(I):void 0,T=I=>{const{resetSelectedElements:C,domNode:R}=h.getState();if(S.current=R==null?void 0:R.getBoundingClientRect(),!y||!e||I.button!==0||I.target!==f.current||!S.current)return;const{x:M,y:N}=Is(I,S.current);C(),h.setState({userSelectionRect:{width:0,height:0,startX:M,startY:N,x:M,y:N}}),r==null||r(I)},P=I=>{const{userSelectionRect:C,nodeInternals:R,edges:M,transform:N,onNodesChange:O,onEdgesChange:D,nodeOrigin:L,getNodes:j}=h.getState();if(!e||!S.current||!C)return;h.setState({userSelectionActive:!0,nodesSelectionActive:!1});const U=Is(I,S.current),G=C.startX??0,W=C.startY??0,X={...C,x:U.xJ.id),Q=B.map(J=>J.id);if(p.current!==Q.length){p.current=Q.length;const J=du(Y,Q);J.length&&(O==null||O(J))}if(m.current!==H.length){m.current=H.length;const J=du(M,H);J.length&&(D==null||D(J))}h.setState({userSelectionRect:X})},E=I=>{if(I.button!==0)return;const{userSelectionRect:C}=h.getState();!v&&C&&I.target===f.current&&(_==null||_(I)),h.setState({nodesSelectionActive:p.current>0}),b(),i==null||i(I)},A=I=>{v&&(h.setState({nodesSelectionActive:p.current>0}),i==null||i(I)),b()},$=y&&(e||v);return K.jsxs("div",{className:ti(["react-flow__pane",{dragging:g,selection:e}]),onClick:$?void 0:Ob(_,f),onContextMenu:Ob(w,f),onWheel:Ob(x,f),onMouseEnter:$?void 0:l,onMouseDown:$?T:void 0,onMouseMove:$?P:u,onMouseUp:$?E:void 0,onMouseLeave:$?A:c,ref:f,style:sC,children:[d,K.jsx(oie,{})]})});WM.displayName="Pane";const lie=e=>{const t=e.getNodes().filter(n=>n.selected);return{..._M(t,e.nodeOrigin),transformString:`translate(${e.transform[0]}px,${e.transform[1]}px) scale(${e.transform[2]})`,userSelectionActive:e.userSelectionActive}};function uie({onSelectionContextMenu:e,noPanClassName:t,disableKeyboardA11y:n}){const r=Vn(),{width:i,height:o,x:s,y:a,transformString:l,userSelectionActive:u}=Vt(lie,br),c=jM(),d=k.useRef(null);if(k.useEffect(()=>{var p;n||(p=d.current)==null||p.focus({preventScroll:!0})},[n]),BM({nodeRef:d}),u||!i||!o)return null;const f=e?p=>{const m=r.getState().getNodes().filter(S=>S.selected);e(p,m)}:void 0,h=p=>{Object.prototype.hasOwnProperty.call(Nu,p.key)&&c({x:Nu[p.key].x,y:Nu[p.key].y,isShiftPressed:p.shiftKey})};return K.jsx("div",{className:ti(["react-flow__nodesselection","react-flow__container",t]),style:{transform:l},children:K.jsx("div",{ref:d,className:"react-flow__nodesselection-rect",onContextMenu:f,tabIndex:n?void 0:-1,onKeyDown:n?void 0:h,style:{width:i,height:o,top:a,left:s}})})}var cie=k.memo(uie);const die=e=>e.nodesSelectionActive,KM=({children:e,onPaneClick:t,onPaneMouseEnter:n,onPaneMouseMove:r,onPaneMouseLeave:i,onPaneContextMenu:o,onPaneScroll:s,deleteKeyCode:a,onMove:l,onMoveStart:u,onMoveEnd:c,selectionKeyCode:d,selectionOnDrag:f,selectionMode:h,onSelectionStart:p,onSelectionEnd:m,multiSelectionKeyCode:S,panActivationKeyCode:v,zoomActivationKeyCode:y,elementsSelectable:g,zoomOnScroll:b,zoomOnPinch:_,panOnScroll:w,panOnScrollSpeed:x,panOnScrollMode:T,zoomOnDoubleClick:P,panOnDrag:E,defaultViewport:A,translateExtent:$,minZoom:I,maxZoom:C,preventScrolling:R,onSelectionContextMenu:M,noWheelClassName:N,noPanClassName:O,disableKeyboardA11y:D})=>{const L=Vt(die),j=Nf(d),G=Nf(v)||E,W=j||f&&G!==!0;return Jre({deleteKeyCode:a,multiSelectionKeyCode:S}),K.jsx(rie,{onMove:l,onMoveStart:u,onMoveEnd:c,onPaneContextMenu:o,elementsSelectable:g,zoomOnScroll:b,zoomOnPinch:_,panOnScroll:w,panOnScrollSpeed:x,panOnScrollMode:T,zoomOnDoubleClick:P,panOnDrag:!j&&G,defaultViewport:A,translateExtent:$,minZoom:I,maxZoom:C,zoomActivationKeyCode:y,preventScrolling:R,noWheelClassName:N,noPanClassName:O,children:K.jsxs(WM,{onSelectionStart:p,onSelectionEnd:m,onPaneClick:t,onPaneMouseEnter:n,onPaneMouseMove:r,onPaneMouseLeave:i,onPaneContextMenu:o,onPaneScroll:s,panOnDrag:G,isSelecting:!!W,selectionMode:h,children:[e,L&&K.jsx(cie,{onSelectionContextMenu:M,noPanClassName:O,disableKeyboardA11y:D})]})})};KM.displayName="FlowRenderer";var fie=k.memo(KM);function hie(e){return Vt(k.useCallback(n=>e?wM(n.nodeInternals,{x:0,y:0,width:n.width,height:n.height},n.transform,!0):n.getNodes(),[e]))}const pie=e=>({nodesDraggable:e.nodesDraggable,nodesConnectable:e.nodesConnectable,nodesFocusable:e.nodesFocusable,elementsSelectable:e.elementsSelectable,updateNodeDimensions:e.updateNodeDimensions,onError:e.onError}),XM=e=>{const{nodesDraggable:t,nodesConnectable:n,nodesFocusable:r,elementsSelectable:i,updateNodeDimensions:o,onError:s}=Vt(pie,br),a=hie(e.onlyRenderVisibleElements),l=k.useRef(),u=k.useMemo(()=>{if(typeof ResizeObserver>"u")return null;const c=new ResizeObserver(d=>{const f=d.map(h=>({id:h.target.getAttribute("data-id"),nodeElement:h.target,forceUpdate:!0}));o(f)});return l.current=c,c},[]);return k.useEffect(()=>()=>{var c;(c=l==null?void 0:l.current)==null||c.disconnect()},[]),K.jsx("div",{className:"react-flow__nodes",style:sC,children:a.map(c=>{var _,w;let d=c.type||"default";e.nodeTypes[d]||(s==null||s("003",qs.error003(d)),d="default");const f=e.nodeTypes[d]||e.nodeTypes.default,h=!!(c.draggable||t&&typeof c.draggable>"u"),p=!!(c.selectable||i&&typeof c.selectable>"u"),m=!!(c.connectable||n&&typeof c.connectable>"u"),S=!!(c.focusable||r&&typeof c.focusable>"u"),v=e.nodeExtent?Jx(c.positionAbsolute,e.nodeExtent):c.positionAbsolute,y=(v==null?void 0:v.x)??0,g=(v==null?void 0:v.y)??0,b=qre({x:y,y:g,width:c.width??0,height:c.height??0,origin:e.nodeOrigin});return K.jsx(f,{id:c.id,className:c.className,style:c.style,type:d,data:c.data,sourcePosition:c.sourcePosition||pe.Bottom,targetPosition:c.targetPosition||pe.Top,hidden:c.hidden,xPos:y,yPos:g,xPosOrigin:b.x,yPosOrigin:b.y,selectNodesOnDrag:e.selectNodesOnDrag,onClick:e.onNodeClick,onMouseEnter:e.onNodeMouseEnter,onMouseMove:e.onNodeMouseMove,onMouseLeave:e.onNodeMouseLeave,onContextMenu:e.onNodeContextMenu,onDoubleClick:e.onNodeDoubleClick,selected:!!c.selected,isDraggable:h,isSelectable:p,isConnectable:m,isFocusable:S,resizeObserver:u,dragHandle:c.dragHandle,zIndex:((_=c[on])==null?void 0:_.z)??0,isParent:!!((w=c[on])!=null&&w.isParent),noDragClassName:e.noDragClassName,noPanClassName:e.noPanClassName,initialized:!!c.width&&!!c.height,rfId:e.rfId,disableKeyboardA11y:e.disableKeyboardA11y,ariaLabel:c.ariaLabel},c.id)})})};XM.displayName="NodeRenderer";var gie=k.memo(XM);const mie=[{level:0,isMaxLevel:!0,edges:[]}];function yie(e,t,n=!1){let r=-1;const i=e.reduce((s,a)=>{var c,d;const l=Kr(a.zIndex);let u=l?a.zIndex:0;if(n){const f=t.get(a.target),h=t.get(a.source),p=a.selected||(f==null?void 0:f.selected)||(h==null?void 0:h.selected),m=Math.max(((c=h==null?void 0:h[on])==null?void 0:c.z)||0,((d=f==null?void 0:f[on])==null?void 0:d.z)||0,1e3);u=(l?a.zIndex:0)+(p?m:0)}return s[u]?s[u].push(a):s[u]=[a],r=u>r?u:r,s},{}),o=Object.entries(i).map(([s,a])=>{const l=+s;return{edges:a,level:l,isMaxLevel:l===r}});return o.length===0?mie:o}function vie(e,t,n){const r=Vt(k.useCallback(i=>e?i.edges.filter(o=>{const s=t.get(o.source),a=t.get(o.target);return(s==null?void 0:s.width)&&(s==null?void 0:s.height)&&(a==null?void 0:a.width)&&(a==null?void 0:a.height)&&Vre({sourcePos:s.positionAbsolute||{x:0,y:0},targetPos:a.positionAbsolute||{x:0,y:0},sourceWidth:s.width,sourceHeight:s.height,targetWidth:a.width,targetHeight:a.height,width:i.width,height:i.height,transform:i.transform})}):i.edges,[e,t]));return yie(r,t,n)}const bie=({color:e="none",strokeWidth:t=1})=>K.jsx("polyline",{stroke:e,strokeLinecap:"round",strokeLinejoin:"round",strokeWidth:t,fill:"none",points:"-5,-4 0,0 -5,4"}),Sie=({color:e="none",strokeWidth:t=1})=>K.jsx("polyline",{stroke:e,strokeLinecap:"round",strokeLinejoin:"round",strokeWidth:t,fill:e,points:"-5,-4 0,0 -5,4 -5,-4"}),aE={[Lm.Arrow]:bie,[Lm.ArrowClosed]:Sie};function _ie(e){const t=Vn();return k.useMemo(()=>{var i,o;return Object.prototype.hasOwnProperty.call(aE,e)?aE[e]:((o=(i=t.getState()).onError)==null||o.call(i,"009",qs.error009(e)),null)},[e])}const wie=({id:e,type:t,color:n,width:r=12.5,height:i=12.5,markerUnits:o="strokeWidth",strokeWidth:s,orient:a="auto-start-reverse"})=>{const l=_ie(t);return l?K.jsx("marker",{className:"react-flow__arrowhead",id:e,markerWidth:`${r}`,markerHeight:`${i}`,viewBox:"-10 -10 20 20",markerUnits:o,orient:a,refX:"0",refY:"0",children:K.jsx(l,{color:n,strokeWidth:s})}):null},xie=({defaultColor:e,rfId:t})=>n=>{const r=[];return n.edges.reduce((i,o)=>([o.markerStart,o.markerEnd].forEach(s=>{if(s&&typeof s=="object"){const a=n2(s,t);r.includes(a)||(i.push({id:a,color:s.color||e,...s}),r.push(a))}}),i),[]).sort((i,o)=>i.id.localeCompare(o.id))},YM=({defaultColor:e,rfId:t})=>{const n=Vt(k.useCallback(xie({defaultColor:e,rfId:t}),[e,t]),(r,i)=>!(r.length!==i.length||r.some((o,s)=>o.id!==i[s].id)));return K.jsx("defs",{children:n.map(r=>K.jsx(wie,{id:r.id,type:r.type,color:r.color,width:r.width,height:r.height,markerUnits:r.markerUnits,strokeWidth:r.strokeWidth,orient:r.orient},r.id))})};YM.displayName="MarkerDefinitions";var Cie=k.memo(YM);const Tie=e=>({nodesConnectable:e.nodesConnectable,edgesFocusable:e.edgesFocusable,edgesUpdatable:e.edgesUpdatable,elementsSelectable:e.elementsSelectable,width:e.width,height:e.height,connectionMode:e.connectionMode,nodeInternals:e.nodeInternals,onError:e.onError}),QM=({defaultMarkerColor:e,onlyRenderVisibleElements:t,elevateEdgesOnSelect:n,rfId:r,edgeTypes:i,noPanClassName:o,onEdgeUpdate:s,onEdgeContextMenu:a,onEdgeMouseEnter:l,onEdgeMouseMove:u,onEdgeMouseLeave:c,onEdgeClick:d,edgeUpdaterRadius:f,onEdgeDoubleClick:h,onEdgeUpdateStart:p,onEdgeUpdateEnd:m,children:S})=>{const{edgesFocusable:v,edgesUpdatable:y,elementsSelectable:g,width:b,height:_,connectionMode:w,nodeInternals:x,onError:T}=Vt(Tie,br),P=vie(t,x,n);return b?K.jsxs(K.Fragment,{children:[P.map(({level:E,edges:A,isMaxLevel:$})=>K.jsxs("svg",{style:{zIndex:E},width:b,height:_,className:"react-flow__edges react-flow__container",children:[$&&K.jsx(Cie,{defaultColor:e,rfId:r}),K.jsx("g",{children:A.map(I=>{const[C,R,M]=eE(x.get(I.source)),[N,O,D]=eE(x.get(I.target));if(!M||!D)return null;let L=I.type||"default";i[L]||(T==null||T("011",qs.error011(L)),L="default");const j=i[L]||i.default,U=w===nl.Strict?O.target:(O.target??[]).concat(O.source??[]),G=JT(R.source,I.sourceHandle),W=JT(U,I.targetHandle),X=(G==null?void 0:G.position)||pe.Bottom,Y=(W==null?void 0:W.position)||pe.Top,B=!!(I.focusable||v&&typeof I.focusable>"u"),H=typeof s<"u"&&(I.updatable||y&&typeof I.updatable>"u");if(!G||!W)return T==null||T("008",qs.error008(G,I)),null;const{sourceX:Q,sourceY:J,targetX:ne,targetY:te}=jre(C,G,X,N,W,Y);return K.jsx(j,{id:I.id,className:ti([I.className,o]),type:L,data:I.data,selected:!!I.selected,animated:!!I.animated,hidden:!!I.hidden,label:I.label,labelStyle:I.labelStyle,labelShowBg:I.labelShowBg,labelBgStyle:I.labelBgStyle,labelBgPadding:I.labelBgPadding,labelBgBorderRadius:I.labelBgBorderRadius,style:I.style,source:I.source,target:I.target,sourceHandleId:I.sourceHandle,targetHandleId:I.targetHandle,markerEnd:I.markerEnd,markerStart:I.markerStart,sourceX:Q,sourceY:J,targetX:ne,targetY:te,sourcePosition:X,targetPosition:Y,elementsSelectable:g,onEdgeUpdate:s,onContextMenu:a,onMouseEnter:l,onMouseMove:u,onMouseLeave:c,onClick:d,edgeUpdaterRadius:f,onEdgeDoubleClick:h,onEdgeUpdateStart:p,onEdgeUpdateEnd:m,rfId:r,ariaLabel:I.ariaLabel,isFocusable:B,isUpdatable:H,pathOptions:"pathOptions"in I?I.pathOptions:void 0,interactionWidth:I.interactionWidth},I.id)})})]},E)),S]}):null};QM.displayName="EdgeRenderer";var Eie=k.memo(QM);const Pie=e=>`translate(${e.transform[0]}px,${e.transform[1]}px) scale(${e.transform[2]})`;function Aie({children:e}){const t=Vt(Pie);return K.jsx("div",{className:"react-flow__viewport react-flow__container",style:{transform:t},children:e})}function kie(e){const t=GM(),n=k.useRef(!1);k.useEffect(()=>{!n.current&&t.viewportInitialized&&e&&(setTimeout(()=>e(t),1),n.current=!0)},[e,t.viewportInitialized])}const Rie={[pe.Left]:pe.Right,[pe.Right]:pe.Left,[pe.Top]:pe.Bottom,[pe.Bottom]:pe.Top},ZM=({nodeId:e,handleType:t,style:n,type:r=ys.Bezier,CustomComponent:i,connectionStatus:o})=>{var w,x,T;const{fromNode:s,handleId:a,toX:l,toY:u,connectionMode:c}=Vt(k.useCallback(P=>({fromNode:P.nodeInternals.get(e),handleId:P.connectionHandleId,toX:(P.connectionPosition.x-P.transform[0])/P.transform[2],toY:(P.connectionPosition.y-P.transform[1])/P.transform[2],connectionMode:P.connectionMode}),[e]),br),d=(w=s==null?void 0:s[on])==null?void 0:w.handleBounds;let f=d==null?void 0:d[t];if(c===nl.Loose&&(f=f||(d==null?void 0:d[t==="source"?"target":"source"])),!s||!f)return null;const h=a?f.find(P=>P.id===a):f[0],p=h?h.x+h.width/2:(s.width??0)/2,m=h?h.y+h.height/2:s.height??0,S=(((x=s.positionAbsolute)==null?void 0:x.x)??0)+p,v=(((T=s.positionAbsolute)==null?void 0:T.y)??0)+m,y=h==null?void 0:h.position,g=y?Rie[y]:null;if(!y||!g)return null;if(i)return K.jsx(i,{connectionLineType:r,connectionLineStyle:n,fromNode:s,fromHandle:h,fromX:S,fromY:v,toX:l,toY:u,fromPosition:y,toPosition:g,connectionStatus:o});let b="";const _={sourceX:S,sourceY:v,sourcePosition:y,targetX:l,targetY:u,targetPosition:g};return r===ys.Bezier?[b]=vM(_):r===ys.Step?[b]=t2({..._,borderRadius:0}):r===ys.SmoothStep?[b]=t2(_):r===ys.SimpleBezier?[b]=yM(_):b=`M${S},${v} ${l},${u}`,K.jsx("path",{d:b,fill:"none",className:"react-flow__connection-path",style:n})};ZM.displayName="ConnectionLine";const Oie=e=>({nodeId:e.connectionNodeId,handleType:e.connectionHandleType,nodesConnectable:e.nodesConnectable,connectionStatus:e.connectionStatus,width:e.width,height:e.height});function Mie({containerStyle:e,style:t,type:n,component:r}){const{nodeId:i,handleType:o,nodesConnectable:s,width:a,height:l,connectionStatus:u}=Vt(Oie,br);return!(i&&o&&a&&s)?null:K.jsx("svg",{style:e,width:a,height:l,className:"react-flow__edges react-flow__connectionline react-flow__container",children:K.jsx("g",{className:ti(["react-flow__connection",u]),children:K.jsx(ZM,{nodeId:i,handleType:o,style:t,type:n,CustomComponent:r,connectionStatus:u})})})}const JM=({nodeTypes:e,edgeTypes:t,onMove:n,onMoveStart:r,onMoveEnd:i,onInit:o,onNodeClick:s,onEdgeClick:a,onNodeDoubleClick:l,onEdgeDoubleClick:u,onNodeMouseEnter:c,onNodeMouseMove:d,onNodeMouseLeave:f,onNodeContextMenu:h,onSelectionContextMenu:p,onSelectionStart:m,onSelectionEnd:S,connectionLineType:v,connectionLineStyle:y,connectionLineComponent:g,connectionLineContainerStyle:b,selectionKeyCode:_,selectionOnDrag:w,selectionMode:x,multiSelectionKeyCode:T,panActivationKeyCode:P,zoomActivationKeyCode:E,deleteKeyCode:A,onlyRenderVisibleElements:$,elementsSelectable:I,selectNodesOnDrag:C,defaultViewport:R,translateExtent:M,minZoom:N,maxZoom:O,preventScrolling:D,defaultMarkerColor:L,zoomOnScroll:j,zoomOnPinch:U,panOnScroll:G,panOnScrollSpeed:W,panOnScrollMode:X,zoomOnDoubleClick:Y,panOnDrag:B,onPaneClick:H,onPaneMouseEnter:Q,onPaneMouseMove:J,onPaneMouseLeave:ne,onPaneScroll:te,onPaneContextMenu:xe,onEdgeUpdate:ve,onEdgeContextMenu:ce,onEdgeMouseEnter:Ne,onEdgeMouseMove:se,onEdgeMouseLeave:gt,edgeUpdaterRadius:vn,onEdgeUpdateStart:It,onEdgeUpdateEnd:ut,noDragClassName:tt,noWheelClassName:Gt,noPanClassName:sr,elevateEdgesOnSelect:ni,disableKeyboardA11y:Lr,nodeOrigin:On,nodeExtent:bn,rfId:Un})=>(kie(o),K.jsx(fie,{onPaneClick:H,onPaneMouseEnter:Q,onPaneMouseMove:J,onPaneMouseLeave:ne,onPaneContextMenu:xe,onPaneScroll:te,deleteKeyCode:A,selectionKeyCode:_,selectionOnDrag:w,selectionMode:x,onSelectionStart:m,onSelectionEnd:S,multiSelectionKeyCode:T,panActivationKeyCode:P,zoomActivationKeyCode:E,elementsSelectable:I,onMove:n,onMoveStart:r,onMoveEnd:i,zoomOnScroll:j,zoomOnPinch:U,zoomOnDoubleClick:Y,panOnScroll:G,panOnScrollSpeed:W,panOnScrollMode:X,panOnDrag:B,defaultViewport:R,translateExtent:M,minZoom:N,maxZoom:O,onSelectionContextMenu:p,preventScrolling:D,noDragClassName:tt,noWheelClassName:Gt,noPanClassName:sr,disableKeyboardA11y:Lr,children:K.jsxs(Aie,{children:[K.jsx(Eie,{edgeTypes:t,onEdgeClick:a,onEdgeDoubleClick:u,onEdgeUpdate:ve,onlyRenderVisibleElements:$,onEdgeContextMenu:ce,onEdgeMouseEnter:Ne,onEdgeMouseMove:se,onEdgeMouseLeave:gt,onEdgeUpdateStart:It,onEdgeUpdateEnd:ut,edgeUpdaterRadius:vn,defaultMarkerColor:L,noPanClassName:sr,elevateEdgesOnSelect:!!ni,disableKeyboardA11y:Lr,rfId:Un,children:K.jsx(Mie,{style:y,type:v,component:g,containerStyle:b})}),K.jsx("div",{className:"react-flow__edgelabel-renderer"}),K.jsx(gie,{nodeTypes:e,onNodeClick:s,onNodeDoubleClick:l,onNodeMouseEnter:c,onNodeMouseMove:d,onNodeMouseLeave:f,onNodeContextMenu:h,selectNodesOnDrag:C,onlyRenderVisibleElements:$,noPanClassName:sr,noDragClassName:tt,disableKeyboardA11y:Lr,nodeOrigin:On,nodeExtent:bn,rfId:Un})]})}));JM.displayName="GraphView";var Iie=k.memo(JM);const o2=[[Number.NEGATIVE_INFINITY,Number.NEGATIVE_INFINITY],[Number.POSITIVE_INFINITY,Number.POSITIVE_INFINITY]],rs={rfId:"1",width:0,height:0,transform:[0,0,1],nodeInternals:new Map,edges:[],onNodesChange:null,onEdgesChange:null,hasDefaultNodes:!1,hasDefaultEdges:!1,d3Zoom:null,d3Selection:null,d3ZoomHandler:void 0,minZoom:.5,maxZoom:2,translateExtent:o2,nodeExtent:o2,nodesSelectionActive:!1,userSelectionActive:!1,userSelectionRect:null,connectionNodeId:null,connectionHandleId:null,connectionHandleType:"source",connectionPosition:{x:0,y:0},connectionStatus:null,connectionMode:nl.Strict,domNode:null,paneDragging:!1,noPanClassName:"nopan",nodeOrigin:[0,0],snapGrid:[15,15],snapToGrid:!1,nodesDraggable:!0,nodesConnectable:!0,nodesFocusable:!0,edgesFocusable:!0,edgesUpdatable:!0,elementsSelectable:!0,elevateNodesOnSelect:!0,fitViewOnInit:!1,fitViewOnInitDone:!1,fitViewOnInitOptions:void 0,multiSelectionActive:!1,connectionStartHandle:null,connectionEndHandle:null,connectionClickStartHandle:null,connectOnClick:!0,ariaLiveMessage:"",autoPanOnConnect:!0,autoPanOnNodeDrag:!0,connectionRadius:20,onError:are,isValidConnection:void 0},Nie=()=>bJ((e,t)=>({...rs,setNodes:n=>{const{nodeInternals:r,nodeOrigin:i,elevateNodesOnSelect:o}=t();e({nodeInternals:kb(n,r,i,o)})},getNodes:()=>Array.from(t().nodeInternals.values()),setEdges:n=>{const{defaultEdgeOptions:r={}}=t();e({edges:n.map(i=>({...r,...i}))})},setDefaultNodesAndEdges:(n,r)=>{const i=typeof n<"u",o=typeof r<"u",s=i?kb(n,new Map,t().nodeOrigin,t().elevateNodesOnSelect):new Map;e({nodeInternals:s,edges:o?r:[],hasDefaultNodes:i,hasDefaultEdges:o})},updateNodeDimensions:n=>{const{onNodesChange:r,nodeInternals:i,fitViewOnInit:o,fitViewOnInitDone:s,fitViewOnInitOptions:a,domNode:l,nodeOrigin:u}=t(),c=l==null?void 0:l.querySelector(".react-flow__viewport");if(!c)return;const d=window.getComputedStyle(c),{m22:f}=new window.DOMMatrixReadOnly(d.transform),h=n.reduce((m,S)=>{const v=i.get(S.id);if(v){const y=Zx(S.nodeElement);!!(y.width&&y.height&&(v.width!==y.width||v.height!==y.height||S.forceUpdate))&&(i.set(v.id,{...v,[on]:{...v[on],handleBounds:{source:nE(".source",S.nodeElement,f,u),target:nE(".target",S.nodeElement,f,u)}},...y}),m.push({id:v.id,type:"dimensions",dimensions:y}))}return m},[]);zM(i,u);const p=s||o&&!s&&UM(t,{initial:!0,...a});e({nodeInternals:new Map(i),fitViewOnInitDone:p}),(h==null?void 0:h.length)>0&&(r==null||r(h))},updateNodePositions:(n,r=!0,i=!1)=>{const{triggerNodeChanges:o}=t(),s=n.map(a=>{const l={id:a.id,type:"position",dragging:i};return r&&(l.positionAbsolute=a.positionAbsolute,l.position=a.position),l});o(s)},triggerNodeChanges:n=>{const{onNodesChange:r,nodeInternals:i,hasDefaultNodes:o,nodeOrigin:s,getNodes:a,elevateNodesOnSelect:l}=t();if(n!=null&&n.length){if(o){const u=qM(n,a()),c=kb(u,i,s,l);e({nodeInternals:c})}r==null||r(n)}},addSelectedNodes:n=>{const{multiSelectionActive:r,edges:i,getNodes:o}=t();let s,a=null;r?s=n.map(l=>ds(l,!0)):(s=du(o(),n),a=du(i,[])),kp({changedNodes:s,changedEdges:a,get:t,set:e})},addSelectedEdges:n=>{const{multiSelectionActive:r,edges:i,getNodes:o}=t();let s,a=null;r?s=n.map(l=>ds(l,!0)):(s=du(i,n),a=du(o(),[])),kp({changedNodes:a,changedEdges:s,get:t,set:e})},unselectNodesAndEdges:({nodes:n,edges:r}={})=>{const{edges:i,getNodes:o}=t(),s=n||o(),a=r||i,l=s.map(c=>(c.selected=!1,ds(c.id,!1))),u=a.map(c=>ds(c.id,!1));kp({changedNodes:l,changedEdges:u,get:t,set:e})},setMinZoom:n=>{const{d3Zoom:r,maxZoom:i}=t();r==null||r.scaleExtent([n,i]),e({minZoom:n})},setMaxZoom:n=>{const{d3Zoom:r,minZoom:i}=t();r==null||r.scaleExtent([i,n]),e({maxZoom:n})},setTranslateExtent:n=>{var r;(r=t().d3Zoom)==null||r.translateExtent(n),e({translateExtent:n})},resetSelectedElements:()=>{const{edges:n,getNodes:r}=t(),o=r().filter(a=>a.selected).map(a=>ds(a.id,!1)),s=n.filter(a=>a.selected).map(a=>ds(a.id,!1));kp({changedNodes:o,changedEdges:s,get:t,set:e})},setNodeExtent:n=>{const{nodeInternals:r}=t();r.forEach(i=>{i.positionAbsolute=Jx(i.position,n)}),e({nodeExtent:n,nodeInternals:new Map(r)})},panBy:n=>{const{transform:r,width:i,height:o,d3Zoom:s,d3Selection:a,translateExtent:l}=t();if(!s||!a||!n.x&&!n.y)return!1;const u=Ms.translate(r[0]+n.x,r[1]+n.y).scale(r[2]),c=[[0,0],[i,o]],d=s==null?void 0:s.constrain()(u,c,l);return s.transform(a,d),r[0]!==d.x||r[1]!==d.y||r[2]!==d.k},cancelConnection:()=>e({connectionNodeId:rs.connectionNodeId,connectionHandleId:rs.connectionHandleId,connectionHandleType:rs.connectionHandleType,connectionStatus:rs.connectionStatus,connectionStartHandle:rs.connectionStartHandle,connectionEndHandle:rs.connectionEndHandle}),reset:()=>e({...rs})})),eI=({children:e})=>{const t=k.useRef(null);return t.current||(t.current=Nie()),K.jsx(ere,{value:t.current,children:e})};eI.displayName="ReactFlowProvider";const tI=({children:e})=>k.useContext(O0)?K.jsx(K.Fragment,{children:e}):K.jsx(eI,{children:e});tI.displayName="ReactFlowWrapper";function lE(e,t){return k.useRef(null),k.useMemo(()=>t(e),[e])}const Die={input:OM,default:r2,output:IM,group:oC},Lie={default:$m,straight:nC,step:tC,smoothstep:M0,simplebezier:eC},$ie=[0,0],Fie=[15,15],Bie={x:0,y:0,zoom:1},jie={width:"100%",height:"100%",overflow:"hidden",position:"relative",zIndex:0},Vie=k.forwardRef(({nodes:e,edges:t,defaultNodes:n,defaultEdges:r,className:i,nodeTypes:o=Die,edgeTypes:s=Lie,onNodeClick:a,onEdgeClick:l,onInit:u,onMove:c,onMoveStart:d,onMoveEnd:f,onConnect:h,onConnectStart:p,onConnectEnd:m,onClickConnectStart:S,onClickConnectEnd:v,onNodeMouseEnter:y,onNodeMouseMove:g,onNodeMouseLeave:b,onNodeContextMenu:_,onNodeDoubleClick:w,onNodeDragStart:x,onNodeDrag:T,onNodeDragStop:P,onNodesDelete:E,onEdgesDelete:A,onSelectionChange:$,onSelectionDragStart:I,onSelectionDrag:C,onSelectionDragStop:R,onSelectionContextMenu:M,onSelectionStart:N,onSelectionEnd:O,connectionMode:D=nl.Strict,connectionLineType:L=ys.Bezier,connectionLineStyle:j,connectionLineComponent:U,connectionLineContainerStyle:G,deleteKeyCode:W="Backspace",selectionKeyCode:X="Shift",selectionOnDrag:Y=!1,selectionMode:B=If.Full,panActivationKeyCode:H="Space",multiSelectionKeyCode:Q="Meta",zoomActivationKeyCode:J="Meta",snapToGrid:ne=!1,snapGrid:te=Fie,onlyRenderVisibleElements:xe=!1,selectNodesOnDrag:ve=!0,nodesDraggable:ce,nodesConnectable:Ne,nodesFocusable:se,nodeOrigin:gt=$ie,edgesFocusable:vn,edgesUpdatable:It,elementsSelectable:ut,defaultViewport:tt=Bie,minZoom:Gt=.5,maxZoom:sr=2,translateExtent:ni=o2,preventScrolling:Lr=!0,nodeExtent:On,defaultMarkerColor:bn="#b1b1b7",zoomOnScroll:Un=!0,zoomOnPinch:Ht=!0,panOnScroll:xt=!1,panOnScrollSpeed:wr=.5,panOnScrollMode:$r=Mu.Free,zoomOnDoubleClick:ri=!0,panOnDrag:uo=!0,onPaneClick:Sn,onPaneMouseEnter:ii,onPaneMouseMove:ca,onPaneMouseLeave:ki,onPaneScroll:da,onPaneContextMenu:Ct,children:nt,onEdgeUpdate:_n,onEdgeContextMenu:ln,onEdgeDoubleClick:Mn,onEdgeMouseEnter:Gn,onEdgeMouseMove:ar,onEdgeMouseLeave:Ri,onEdgeUpdateStart:Hn,onEdgeUpdateEnd:wn,edgeUpdaterRadius:co=10,onNodesChange:Zo,onEdgesChange:Jo,noDragClassName:Al="nodrag",noWheelClassName:fo="nowheel",noPanClassName:qn="nopan",fitView:fa=!1,fitViewOptions:h1,connectOnClick:p1=!0,attributionPosition:g1,proOptions:m1,defaultEdgeOptions:es,elevateNodesOnSelect:y1=!0,elevateEdgesOnSelect:v1=!1,disableKeyboardA11y:Hh=!1,autoPanOnConnect:b1=!0,autoPanOnNodeDrag:S1=!0,connectionRadius:_1=20,isValidConnection:Ac,onError:w1,style:kl,id:Rl,...x1},Ol)=>{const qh=lE(o,Hre),C1=lE(s,Bre),kc=Rl||"1";return K.jsx("div",{...x1,style:{...kl,...jie},ref:Ol,className:ti(["react-flow",i]),"data-testid":"rf__wrapper",id:Rl,children:K.jsxs(tI,{children:[K.jsx(Iie,{onInit:u,onMove:c,onMoveStart:d,onMoveEnd:f,onNodeClick:a,onEdgeClick:l,onNodeMouseEnter:y,onNodeMouseMove:g,onNodeMouseLeave:b,onNodeContextMenu:_,onNodeDoubleClick:w,nodeTypes:qh,edgeTypes:C1,connectionLineType:L,connectionLineStyle:j,connectionLineComponent:U,connectionLineContainerStyle:G,selectionKeyCode:X,selectionOnDrag:Y,selectionMode:B,deleteKeyCode:W,multiSelectionKeyCode:Q,panActivationKeyCode:H,zoomActivationKeyCode:J,onlyRenderVisibleElements:xe,selectNodesOnDrag:ve,defaultViewport:tt,translateExtent:ni,minZoom:Gt,maxZoom:sr,preventScrolling:Lr,zoomOnScroll:Un,zoomOnPinch:Ht,zoomOnDoubleClick:ri,panOnScroll:xt,panOnScrollSpeed:wr,panOnScrollMode:$r,panOnDrag:uo,onPaneClick:Sn,onPaneMouseEnter:ii,onPaneMouseMove:ca,onPaneMouseLeave:ki,onPaneScroll:da,onPaneContextMenu:Ct,onSelectionContextMenu:M,onSelectionStart:N,onSelectionEnd:O,onEdgeUpdate:_n,onEdgeContextMenu:ln,onEdgeDoubleClick:Mn,onEdgeMouseEnter:Gn,onEdgeMouseMove:ar,onEdgeMouseLeave:Ri,onEdgeUpdateStart:Hn,onEdgeUpdateEnd:wn,edgeUpdaterRadius:co,defaultMarkerColor:bn,noDragClassName:Al,noWheelClassName:fo,noPanClassName:qn,elevateEdgesOnSelect:v1,rfId:kc,disableKeyboardA11y:Hh,nodeOrigin:gt,nodeExtent:On}),K.jsx(Rre,{nodes:e,edges:t,defaultNodes:n,defaultEdges:r,onConnect:h,onConnectStart:p,onConnectEnd:m,onClickConnectStart:S,onClickConnectEnd:v,nodesDraggable:ce,nodesConnectable:Ne,nodesFocusable:se,edgesFocusable:vn,edgesUpdatable:It,elementsSelectable:ut,elevateNodesOnSelect:y1,minZoom:Gt,maxZoom:sr,nodeExtent:On,onNodesChange:Zo,onEdgesChange:Jo,snapToGrid:ne,snapGrid:te,connectionMode:D,translateExtent:ni,connectOnClick:p1,defaultEdgeOptions:es,fitView:fa,fitViewOptions:h1,onNodesDelete:E,onEdgesDelete:A,onNodeDragStart:x,onNodeDrag:T,onNodeDragStop:P,onSelectionDrag:C,onSelectionDragStart:I,onSelectionDragStop:R,noPanClassName:qn,nodeOrigin:gt,rfId:kc,autoPanOnConnect:b1,autoPanOnNodeDrag:S1,onError:w1,connectionRadius:_1,isValidConnection:Ac}),K.jsx(Are,{onSelectionChange:$}),nt,K.jsx(rre,{proOptions:m1,position:g1}),K.jsx(Dre,{rfId:kc,disableKeyboardA11y:Hh})]})})});Vie.displayName="ReactFlow";var nI={},I0={},N0={};Object.defineProperty(N0,"__esModule",{value:!0});N0.createLogMethods=void 0;var zie=function(){return{debug:console.debug.bind(console),error:console.error.bind(console),fatal:console.error.bind(console),info:console.info.bind(console),trace:console.debug.bind(console),warn:console.warn.bind(console)}};N0.createLogMethods=zie;var aC={},D0={};Object.defineProperty(D0,"__esModule",{value:!0});D0.boolean=void 0;const Uie=function(e){switch(Object.prototype.toString.call(e)){case"[object String]":return["true","t","yes","y","on","1"].includes(e.trim().toLowerCase());case"[object Number]":return e.valueOf()===1;case"[object Boolean]":return e.valueOf();default:return!1}};D0.boolean=Uie;var L0={};Object.defineProperty(L0,"__esModule",{value:!0});L0.isBooleanable=void 0;const Gie=function(e){switch(Object.prototype.toString.call(e)){case"[object String]":return["true","t","yes","y","on","1","false","f","no","n","off","0"].includes(e.trim().toLowerCase());case"[object Number]":return[0,1].includes(e.valueOf());case"[object Boolean]":return!0;default:return!1}};L0.isBooleanable=Gie;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.isBooleanable=e.boolean=void 0;const t=D0;Object.defineProperty(e,"boolean",{enumerable:!0,get:function(){return t.boolean}});const n=L0;Object.defineProperty(e,"isBooleanable",{enumerable:!0,get:function(){return n.isBooleanable}})})(aC);var uE=Object.prototype.toString,rI=function(t){var n=uE.call(t),r=n==="[object Arguments]";return r||(r=n!=="[object Array]"&&t!==null&&typeof t=="object"&&typeof t.length=="number"&&t.length>=0&&uE.call(t.callee)==="[object Function]"),r},Mb,cE;function Hie(){if(cE)return Mb;cE=1;var e;if(!Object.keys){var t=Object.prototype.hasOwnProperty,n=Object.prototype.toString,r=rI,i=Object.prototype.propertyIsEnumerable,o=!i.call({toString:null},"toString"),s=i.call(function(){},"prototype"),a=["toString","toLocaleString","valueOf","hasOwnProperty","isPrototypeOf","propertyIsEnumerable","constructor"],l=function(f){var h=f.constructor;return h&&h.prototype===f},u={$applicationCache:!0,$console:!0,$external:!0,$frame:!0,$frameElement:!0,$frames:!0,$innerHeight:!0,$innerWidth:!0,$onmozfullscreenchange:!0,$onmozfullscreenerror:!0,$outerHeight:!0,$outerWidth:!0,$pageXOffset:!0,$pageYOffset:!0,$parent:!0,$scrollLeft:!0,$scrollTop:!0,$scrollX:!0,$scrollY:!0,$self:!0,$webkitIndexedDB:!0,$webkitStorageInfo:!0,$window:!0},c=function(){if(typeof window>"u")return!1;for(var f in window)try{if(!u["$"+f]&&t.call(window,f)&&window[f]!==null&&typeof window[f]=="object")try{l(window[f])}catch{return!0}}catch{return!0}return!1}(),d=function(f){if(typeof window>"u"||!c)return l(f);try{return l(f)}catch{return!1}};e=function(h){var p=h!==null&&typeof h=="object",m=n.call(h)==="[object Function]",S=r(h),v=p&&n.call(h)==="[object String]",y=[];if(!p&&!m&&!S)throw new TypeError("Object.keys called on a non-object");var g=s&&m;if(v&&h.length>0&&!t.call(h,0))for(var b=0;b0)for(var _=0;_"u"||!cn?Re:cn(Uint8Array),Ua={"%AggregateError%":typeof AggregateError>"u"?Re:AggregateError,"%Array%":Array,"%ArrayBuffer%":typeof ArrayBuffer>"u"?Re:ArrayBuffer,"%ArrayIteratorPrototype%":Bl&&cn?cn([][Symbol.iterator]()):Re,"%AsyncFromSyncIteratorPrototype%":Re,"%AsyncFunction%":Yl,"%AsyncGenerator%":Yl,"%AsyncGeneratorFunction%":Yl,"%AsyncIteratorPrototype%":Yl,"%Atomics%":typeof Atomics>"u"?Re:Atomics,"%BigInt%":typeof BigInt>"u"?Re:BigInt,"%BigInt64Array%":typeof BigInt64Array>"u"?Re:BigInt64Array,"%BigUint64Array%":typeof BigUint64Array>"u"?Re:BigUint64Array,"%Boolean%":Boolean,"%DataView%":typeof DataView>"u"?Re:DataView,"%Date%":Date,"%decodeURI%":decodeURI,"%decodeURIComponent%":decodeURIComponent,"%encodeURI%":encodeURI,"%encodeURIComponent%":encodeURIComponent,"%Error%":Error,"%eval%":eval,"%EvalError%":EvalError,"%Float32Array%":typeof Float32Array>"u"?Re:Float32Array,"%Float64Array%":typeof Float64Array>"u"?Re:Float64Array,"%FinalizationRegistry%":typeof FinalizationRegistry>"u"?Re:FinalizationRegistry,"%Function%":oI,"%GeneratorFunction%":Yl,"%Int8Array%":typeof Int8Array>"u"?Re:Int8Array,"%Int16Array%":typeof Int16Array>"u"?Re:Int16Array,"%Int32Array%":typeof Int32Array>"u"?Re:Int32Array,"%isFinite%":isFinite,"%isNaN%":isNaN,"%IteratorPrototype%":Bl&&cn?cn(cn([][Symbol.iterator]())):Re,"%JSON%":typeof JSON=="object"?JSON:Re,"%Map%":typeof Map>"u"?Re:Map,"%MapIteratorPrototype%":typeof Map>"u"||!Bl||!cn?Re:cn(new Map()[Symbol.iterator]()),"%Math%":Math,"%Number%":Number,"%Object%":Object,"%parseFloat%":parseFloat,"%parseInt%":parseInt,"%Promise%":typeof Promise>"u"?Re:Promise,"%Proxy%":typeof Proxy>"u"?Re:Proxy,"%RangeError%":RangeError,"%ReferenceError%":ReferenceError,"%Reflect%":typeof Reflect>"u"?Re:Reflect,"%RegExp%":RegExp,"%Set%":typeof Set>"u"?Re:Set,"%SetIteratorPrototype%":typeof Set>"u"||!Bl||!cn?Re:cn(new Set()[Symbol.iterator]()),"%SharedArrayBuffer%":typeof SharedArrayBuffer>"u"?Re:SharedArrayBuffer,"%String%":String,"%StringIteratorPrototype%":Bl&&cn?cn(""[Symbol.iterator]()):Re,"%Symbol%":Bl?Symbol:Re,"%SyntaxError%":ic,"%ThrowTypeError%":aoe,"%TypedArray%":uoe,"%TypeError%":Du,"%Uint8Array%":typeof Uint8Array>"u"?Re:Uint8Array,"%Uint8ClampedArray%":typeof Uint8ClampedArray>"u"?Re:Uint8ClampedArray,"%Uint16Array%":typeof Uint16Array>"u"?Re:Uint16Array,"%Uint32Array%":typeof Uint32Array>"u"?Re:Uint32Array,"%URIError%":URIError,"%WeakMap%":typeof WeakMap>"u"?Re:WeakMap,"%WeakRef%":typeof WeakRef>"u"?Re:WeakRef,"%WeakSet%":typeof WeakSet>"u"?Re:WeakSet};if(cn)try{null.error}catch(e){var coe=cn(cn(e));Ua["%Error.prototype%"]=coe}var doe=function e(t){var n;if(t==="%AsyncFunction%")n=Nb("async function () {}");else if(t==="%GeneratorFunction%")n=Nb("function* () {}");else if(t==="%AsyncGeneratorFunction%")n=Nb("async function* () {}");else if(t==="%AsyncGenerator%"){var r=e("%AsyncGeneratorFunction%");r&&(n=r.prototype)}else if(t==="%AsyncIteratorPrototype%"){var i=e("%AsyncGenerator%");i&&cn&&(n=cn(i.prototype))}return Ua[t]=n,n},gE={"%ArrayBufferPrototype%":["ArrayBuffer","prototype"],"%ArrayPrototype%":["Array","prototype"],"%ArrayProto_entries%":["Array","prototype","entries"],"%ArrayProto_forEach%":["Array","prototype","forEach"],"%ArrayProto_keys%":["Array","prototype","keys"],"%ArrayProto_values%":["Array","prototype","values"],"%AsyncFunctionPrototype%":["AsyncFunction","prototype"],"%AsyncGenerator%":["AsyncGeneratorFunction","prototype"],"%AsyncGeneratorPrototype%":["AsyncGeneratorFunction","prototype","prototype"],"%BooleanPrototype%":["Boolean","prototype"],"%DataViewPrototype%":["DataView","prototype"],"%DatePrototype%":["Date","prototype"],"%ErrorPrototype%":["Error","prototype"],"%EvalErrorPrototype%":["EvalError","prototype"],"%Float32ArrayPrototype%":["Float32Array","prototype"],"%Float64ArrayPrototype%":["Float64Array","prototype"],"%FunctionPrototype%":["Function","prototype"],"%Generator%":["GeneratorFunction","prototype"],"%GeneratorPrototype%":["GeneratorFunction","prototype","prototype"],"%Int8ArrayPrototype%":["Int8Array","prototype"],"%Int16ArrayPrototype%":["Int16Array","prototype"],"%Int32ArrayPrototype%":["Int32Array","prototype"],"%JSONParse%":["JSON","parse"],"%JSONStringify%":["JSON","stringify"],"%MapPrototype%":["Map","prototype"],"%NumberPrototype%":["Number","prototype"],"%ObjectPrototype%":["Object","prototype"],"%ObjProto_toString%":["Object","prototype","toString"],"%ObjProto_valueOf%":["Object","prototype","valueOf"],"%PromisePrototype%":["Promise","prototype"],"%PromiseProto_then%":["Promise","prototype","then"],"%Promise_all%":["Promise","all"],"%Promise_reject%":["Promise","reject"],"%Promise_resolve%":["Promise","resolve"],"%RangeErrorPrototype%":["RangeError","prototype"],"%ReferenceErrorPrototype%":["ReferenceError","prototype"],"%RegExpPrototype%":["RegExp","prototype"],"%SetPrototype%":["Set","prototype"],"%SharedArrayBufferPrototype%":["SharedArrayBuffer","prototype"],"%StringPrototype%":["String","prototype"],"%SymbolPrototype%":["Symbol","prototype"],"%SyntaxErrorPrototype%":["SyntaxError","prototype"],"%TypedArrayPrototype%":["TypedArray","prototype"],"%TypeErrorPrototype%":["TypeError","prototype"],"%Uint8ArrayPrototype%":["Uint8Array","prototype"],"%Uint8ClampedArrayPrototype%":["Uint8ClampedArray","prototype"],"%Uint16ArrayPrototype%":["Uint16Array","prototype"],"%Uint32ArrayPrototype%":["Uint32Array","prototype"],"%URIErrorPrototype%":["URIError","prototype"],"%WeakMapPrototype%":["WeakMap","prototype"],"%WeakSetPrototype%":["WeakSet","prototype"]},_h=iI,Bm=soe,foe=_h.call(Function.call,Array.prototype.concat),hoe=_h.call(Function.apply,Array.prototype.splice),mE=_h.call(Function.call,String.prototype.replace),jm=_h.call(Function.call,String.prototype.slice),poe=_h.call(Function.call,RegExp.prototype.exec),goe=/[^%.[\]]+|\[(?:(-?\d+(?:\.\d+)?)|(["'])((?:(?!\2)[^\\]|\\.)*?)\2)\]|(?=(?:\.|\[\])(?:\.|\[\]|%$))/g,moe=/\\(\\)?/g,yoe=function(t){var n=jm(t,0,1),r=jm(t,-1);if(n==="%"&&r!=="%")throw new ic("invalid intrinsic syntax, expected closing `%`");if(r==="%"&&n!=="%")throw new ic("invalid intrinsic syntax, expected opening `%`");var i=[];return mE(t,goe,function(o,s,a,l){i[i.length]=a?mE(l,moe,"$1"):s||o}),i},voe=function(t,n){var r=t,i;if(Bm(gE,r)&&(i=gE[r],r="%"+i[0]+"%"),Bm(Ua,r)){var o=Ua[r];if(o===Yl&&(o=doe(r)),typeof o>"u"&&!n)throw new Du("intrinsic "+t+" exists, but is not available. Please file an issue!");return{alias:i,name:r,value:o}}throw new ic("intrinsic "+t+" does not exist!")},boe=function(t,n){if(typeof t!="string"||t.length===0)throw new Du("intrinsic name must be a non-empty string");if(arguments.length>1&&typeof n!="boolean")throw new Du('"allowMissing" argument must be a boolean');if(poe(/^%?[^%]*%?$/,t)===null)throw new ic("`%` may not be present anywhere but at the beginning and end of the intrinsic name");var r=yoe(t),i=r.length>0?r[0]:"",o=voe("%"+i+"%",n),s=o.name,a=o.value,l=!1,u=o.alias;u&&(i=u[0],hoe(r,foe([0,1],u)));for(var c=1,d=!0;c=r.length){var m=za(a,f);d=!!m,d&&"get"in m&&!("originalValue"in m.get)?a=m.get:a=a[f]}else d=Bm(a,f),a=a[f];d&&!l&&(Ua[s]=a)}}return a},Soe=boe,s2=Soe("%Object.defineProperty%",!0),a2=function(){if(s2)try{return s2({},"a",{value:1}),!0}catch{return!1}return!1};a2.hasArrayLengthDefineBug=function(){if(!a2())return null;try{return s2([],"length",{value:1}).length!==1}catch{return!0}};var _oe=a2,woe=Kie,xoe=typeof Symbol=="function"&&typeof Symbol("foo")=="symbol",Coe=Object.prototype.toString,Toe=Array.prototype.concat,sI=Object.defineProperty,Eoe=function(e){return typeof e=="function"&&Coe.call(e)==="[object Function]"},Poe=_oe(),aI=sI&&Poe,Aoe=function(e,t,n,r){if(t in e){if(r===!0){if(e[t]===n)return}else if(!Eoe(r)||!r())return}aI?sI(e,t,{configurable:!0,enumerable:!1,value:n,writable:!0}):e[t]=n},lI=function(e,t){var n=arguments.length>2?arguments[2]:{},r=woe(t);xoe&&(r=Toe.call(r,Object.getOwnPropertySymbols(t)));for(var i=0;i":return t>e;case":<":return t=":return t>=e;case":<=":return t<=e;default:throw new Error("Unimplemented comparison operator: ".concat(n))}};j0.testComparisonRange=Xoe;var V0={};Object.defineProperty(V0,"__esModule",{value:!0});V0.testRange=void 0;var Yoe=function(e,t){return typeof e=="number"?!(et.max||e===t.max&&!t.maxInclusive):!1};V0.testRange=Yoe;(function(e){var t=Ee&&Ee.__assign||function(){return t=Object.assign||function(c){for(var d,f=1,h=arguments.length;f0?{path:l.path,query:new RegExp("("+l.keywords.map(function(u){return(0,Joe.escapeRegexString)(u.trim())}).join("|")+")")}:{path:l.path}})};z0.highlight=tse;var U0={},gI={exports:{}};(function(e){(function(t,n){e.exports?e.exports=n():t.nearley=n()})(Ee,function(){function t(u,c,d){return this.id=++t.highestId,this.name=u,this.symbols=c,this.postprocess=d,this}t.highestId=0,t.prototype.toString=function(u){var c=typeof u>"u"?this.symbols.map(l).join(" "):this.symbols.slice(0,u).map(l).join(" ")+" ● "+this.symbols.slice(u).map(l).join(" ");return this.name+" → "+c};function n(u,c,d,f){this.rule=u,this.dot=c,this.reference=d,this.data=[],this.wantedBy=f,this.isComplete=this.dot===u.symbols.length}n.prototype.toString=function(){return"{"+this.rule.toString(this.dot)+"}, from: "+(this.reference||0)},n.prototype.nextState=function(u){var c=new n(this.rule,this.dot+1,this.reference,this.wantedBy);return c.left=this,c.right=u,c.isComplete&&(c.data=c.build(),c.right=void 0),c},n.prototype.build=function(){var u=[],c=this;do u.push(c.right.data),c=c.left;while(c.left);return u.reverse(),u},n.prototype.finish=function(){this.rule.postprocess&&(this.data=this.rule.postprocess(this.data,this.reference,s.fail))};function r(u,c){this.grammar=u,this.index=c,this.states=[],this.wants={},this.scannable=[],this.completed={}}r.prototype.process=function(u){for(var c=this.states,d=this.wants,f=this.completed,h=0;h0&&c.push(" ^ "+f+" more lines identical to this"),f=0,c.push(" "+m)),d=m}},s.prototype.getSymbolDisplay=function(u){return a(u)},s.prototype.buildFirstStateStack=function(u,c){if(c.indexOf(u)!==-1)return null;if(u.wantedBy.length===0)return[u];var d=u.wantedBy[0],f=[u].concat(c),h=this.buildFirstStateStack(d,f);return h===null?null:[u].concat(h)},s.prototype.save=function(){var u=this.table[this.current];return u.lexerState=this.lexerState,u},s.prototype.restore=function(u){var c=u.index;this.current=c,this.table[c]=u,this.table.splice(c+1),this.lexerState=u.lexerState,this.results=this.finish()},s.prototype.rewind=function(u){if(!this.options.keepHistory)throw new Error("set option `keepHistory` to enable rewinding");this.restore(this.table[u])},s.prototype.finish=function(){var u=[],c=this.grammar.start,d=this.table[this.table.length-1];return d.states.forEach(function(f){f.rule.name===c&&f.dot===f.rule.symbols.length&&f.reference===0&&f.data!==s.fail&&u.push(f)}),u.map(function(f){return f.data})};function a(u){var c=typeof u;if(c==="string")return u;if(c==="object"){if(u.literal)return JSON.stringify(u.literal);if(u instanceof RegExp)return"character matching "+u;if(u.type)return u.type+" token";if(u.test)return"token matching "+String(u.test);throw new Error("Unknown symbol type: "+u)}}function l(u){var c=typeof u;if(c==="string")return u;if(c==="object"){if(u.literal)return JSON.stringify(u.literal);if(u instanceof RegExp)return u.toString();if(u.type)return"%"+u.type;if(u.test)return"<"+String(u.test)+">";throw new Error("Unknown symbol type: "+u)}}return{Parser:s,Grammar:i,Rule:t}})})(gI);var nse=gI.exports,rl={},mI={},na={};na.__esModule=void 0;na.__esModule=!0;var rse=typeof Object.setPrototypeOf=="function",ise=typeof Object.getPrototypeOf=="function",ose=typeof Object.defineProperty=="function",sse=typeof Object.create=="function",ase=typeof Object.prototype.hasOwnProperty=="function",lse=function(t,n){rse?Object.setPrototypeOf(t,n):t.__proto__=n};na.setPrototypeOf=lse;var use=function(t){return ise?Object.getPrototypeOf(t):t.__proto__||t.prototype};na.getPrototypeOf=use;var yE=!1,cse=function e(t,n,r){if(ose&&!yE)try{Object.defineProperty(t,n,r)}catch{yE=!0,e(t,n,r)}else t[n]=r.value};na.defineProperty=cse;var yI=function(t,n){return ase?t.hasOwnProperty(t,n):t[n]===void 0};na.hasOwnProperty=yI;var dse=function(t,n){if(sse)return Object.create(t,n);var r=function(){};r.prototype=t;var i=new r;if(typeof n>"u")return i;if(typeof n=="null")throw new Error("PropertyDescriptors must not be null.");if(typeof n=="object")for(var o in n)yI(n,o)&&(i[o]=n[o].value);return i};na.objectCreate=dse;(function(e){e.__esModule=void 0,e.__esModule=!0;var t=na,n=t.setPrototypeOf,r=t.getPrototypeOf,i=t.defineProperty,o=t.objectCreate,s=new Error().toString()==="[object Error]",a="";function l(u){var c=this.constructor,d=c.name||function(){var S=c.toString().match(/^function\s*([^\s(]+)/);return S===null?a||"Error":S[1]}(),f=d==="Error",h=f?a:d,p=Error.apply(this,arguments);if(n(p,r(this)),!(p instanceof c)||!(p instanceof l)){var p=this;Error.apply(this,arguments),i(p,"message",{configurable:!0,enumerable:!1,value:u,writable:!0})}if(i(p,"name",{configurable:!0,enumerable:!1,value:h,writable:!0}),Error.captureStackTrace&&Error.captureStackTrace(p,f?l:c),p.stack===void 0){var m=new Error(u);m.name=p.name,p.stack=m.stack}return s&&i(p,"toString",{configurable:!0,enumerable:!1,value:function(){return(this.name||"Error")+(typeof this.message>"u"?"":": "+this.message)},writable:!0}),p}a=l.name||"ExtendableError",l.prototype=o(Error.prototype,{constructor:{value:Error,enumerable:!1,writable:!0,configurable:!0}}),e.ExtendableError=l,e.default=e.ExtendableError})(mI);var vI=Ee&&Ee.__extends||function(){var e=function(t,n){return e=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(r,i){r.__proto__=i}||function(r,i){for(var o in i)Object.prototype.hasOwnProperty.call(i,o)&&(r[o]=i[o])},e(t,n)};return function(t,n){if(typeof n!="function"&&n!==null)throw new TypeError("Class extends value "+String(n)+" is not a constructor or null");e(t,n);function r(){this.constructor=t}t.prototype=n===null?Object.create(n):(r.prototype=n.prototype,new r)}}();Object.defineProperty(rl,"__esModule",{value:!0});rl.SyntaxError=rl.LiqeError=void 0;var fse=mI,bI=function(e){vI(t,e);function t(){return e!==null&&e.apply(this,arguments)||this}return t}(fse.ExtendableError);rl.LiqeError=bI;var hse=function(e){vI(t,e);function t(n,r,i,o){var s=e.call(this,n)||this;return s.message=n,s.offset=r,s.line=i,s.column=o,s}return t}(bI);rl.SyntaxError=hse;var cC={},Vm=Ee&&Ee.__assign||function(){return Vm=Object.assign||function(e){for(var t,n=1,r=arguments.length;n"}],postprocess:function(e){return e.join("")}},{name:"comparison_operator$subexpression$1",symbols:["comparison_operator$subexpression$1$string$2"]},{name:"comparison_operator$subexpression$1$string$3",symbols:[{literal:":"},{literal:"<"}],postprocess:function(e){return e.join("")}},{name:"comparison_operator$subexpression$1",symbols:["comparison_operator$subexpression$1$string$3"]},{name:"comparison_operator$subexpression$1$string$4",symbols:[{literal:":"},{literal:">"},{literal:"="}],postprocess:function(e){return e.join("")}},{name:"comparison_operator$subexpression$1",symbols:["comparison_operator$subexpression$1$string$4"]},{name:"comparison_operator$subexpression$1$string$5",symbols:[{literal:":"},{literal:"<"},{literal:"="}],postprocess:function(e){return e.join("")}},{name:"comparison_operator$subexpression$1",symbols:["comparison_operator$subexpression$1$string$5"]},{name:"comparison_operator",symbols:["comparison_operator$subexpression$1"],postprocess:function(e,t){return{location:{start:t,end:t+e[0][0].length},type:"ComparisonOperator",operator:e[0][0]}}},{name:"regex",symbols:["regex_body","regex_flags"],postprocess:function(e){return e.join("")}},{name:"regex_body$ebnf$1",symbols:[]},{name:"regex_body$ebnf$1",symbols:["regex_body$ebnf$1","regex_body_char"],postprocess:function(e){return e[0].concat([e[1]])}},{name:"regex_body",symbols:[{literal:"/"},"regex_body$ebnf$1",{literal:"/"}],postprocess:function(e){return"/"+e[1].join("")+"/"}},{name:"regex_body_char",symbols:[/[^\\]/],postprocess:po},{name:"regex_body_char",symbols:[{literal:"\\"},/[^\\]/],postprocess:function(e){return"\\"+e[1]}},{name:"regex_flags",symbols:[]},{name:"regex_flags$ebnf$1",symbols:[/[gmiyusd]/]},{name:"regex_flags$ebnf$1",symbols:["regex_flags$ebnf$1",/[gmiyusd]/],postprocess:function(e){return e[0].concat([e[1]])}},{name:"regex_flags",symbols:["regex_flags$ebnf$1"],postprocess:function(e){return e[0].join("")}},{name:"unquoted_value$ebnf$1",symbols:[]},{name:"unquoted_value$ebnf$1",symbols:["unquoted_value$ebnf$1",/[a-zA-Z\.\-_*@#$]/],postprocess:function(e){return e[0].concat([e[1]])}},{name:"unquoted_value",symbols:[/[a-zA-Z_*@#$]/,"unquoted_value$ebnf$1"],postprocess:function(e){return e[0]+e[1].join("")}}],ParserStart:"main"};cC.default=pse;var SI={},G0={},Ch={};Object.defineProperty(Ch,"__esModule",{value:!0});Ch.isSafePath=void 0;var gse=/^(\.(?:[_a-zA-Z][a-zA-Z\d_]*|\0|[1-9]\d*))+$/u,mse=function(e){return gse.test(e)};Ch.isSafePath=mse;Object.defineProperty(G0,"__esModule",{value:!0});G0.createGetValueFunctionBody=void 0;var yse=Ch,vse=function(e){if(!(0,yse.isSafePath)(e))throw new Error("Unsafe path.");var t="return subject"+e;return t.replace(/(\.(\d+))/g,".[$2]").replace(/\./g,"?.")};G0.createGetValueFunctionBody=vse;(function(e){var t=Ee&&Ee.__assign||function(){return t=Object.assign||function(o){for(var s,a=1,l=arguments.length;a\d+) col (?\d+)/,Cse=function(e){if(e.trim()==="")return{location:{end:0,start:0},type:"EmptyExpression"};var t=new wI.default.Parser(wse),n;try{n=t.feed(e).results}catch(o){if(typeof(o==null?void 0:o.message)=="string"&&typeof(o==null?void 0:o.offset)=="number"){var r=o.message.match(xse);throw r?new bse.SyntaxError("Syntax error at line ".concat(r.groups.line," column ").concat(r.groups.column),o.offset,Number(r.groups.line),Number(r.groups.column)):o}throw o}if(n.length===0)throw new Error("Found no parsings.");if(n.length>1)throw new Error("Ambiguous results.");var i=(0,_se.hydrateAst)(n[0]);return i};U0.parse=Cse;var H0={};Object.defineProperty(H0,"__esModule",{value:!0});H0.test=void 0;var Tse=wh,Ese=function(e,t){return(0,Tse.filter)(e,[t]).length===1};H0.test=Ese;var xI={};(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.serialize=void 0;var t=function(o,s){return s==="double"?'"'.concat(o,'"'):s==="single"?"'".concat(o,"'"):o},n=function(o){if(o.type==="LiteralExpression")return o.quoted&&typeof o.value=="string"?t(o.value,o.quotes):String(o.value);if(o.type==="RegexExpression")return String(o.value);if(o.type==="RangeExpression"){var s=o.range,a=s.min,l=s.max,u=s.minInclusive,c=s.maxInclusive;return"".concat(u?"[":"{").concat(a," TO ").concat(l).concat(c?"]":"}")}if(o.type==="EmptyExpression")return"";throw new Error("Unexpected AST type.")},r=function(o){if(o.type!=="Tag")throw new Error("Expected a tag expression.");var s=o.field,a=o.expression,l=o.operator;if(s.type==="ImplicitField")return n(a);var u=s.quoted?t(s.name,s.quotes):s.name,c=" ".repeat(a.location.start-l.location.end);return u+l.operator+c+n(a)},i=function(o){if(o.type==="ParenthesizedExpression"){if(!("location"in o.expression))throw new Error("Expected location in expression.");if(!o.location.end)throw new Error("Expected location end.");var s=" ".repeat(o.expression.location.start-(o.location.start+1)),a=" ".repeat(o.location.end-o.expression.location.end-1);return"(".concat(s).concat((0,e.serialize)(o.expression)).concat(a,")")}if(o.type==="Tag")return r(o);if(o.type==="LogicalExpression"){var l="";return o.operator.type==="BooleanOperator"?(l+=" ".repeat(o.operator.location.start-o.left.location.end),l+=o.operator.operator,l+=" ".repeat(o.right.location.start-o.operator.location.end)):l=" ".repeat(o.right.location.start-o.left.location.end),"".concat((0,e.serialize)(o.left)).concat(l).concat((0,e.serialize)(o.right))}if(o.type==="UnaryOperator")return(o.operator==="NOT"?"NOT ":o.operator)+(0,e.serialize)(o.operand);if(o.type==="EmptyExpression")return"";throw new Error("Unexpected AST type.")};e.serialize=i})(xI);var q0={};Object.defineProperty(q0,"__esModule",{value:!0});q0.isSafeUnquotedExpression=void 0;var Pse=function(e){return/^[#$*@A-Z_a-z][#$*.@A-Z_a-z-]*$/.test(e)};q0.isSafeUnquotedExpression=Pse;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.isSafeUnquotedExpression=e.serialize=e.SyntaxError=e.LiqeError=e.test=e.parse=e.highlight=e.filter=void 0;var t=wh;Object.defineProperty(e,"filter",{enumerable:!0,get:function(){return t.filter}});var n=z0;Object.defineProperty(e,"highlight",{enumerable:!0,get:function(){return n.highlight}});var r=U0;Object.defineProperty(e,"parse",{enumerable:!0,get:function(){return r.parse}});var i=H0;Object.defineProperty(e,"test",{enumerable:!0,get:function(){return i.test}});var o=rl;Object.defineProperty(e,"LiqeError",{enumerable:!0,get:function(){return o.LiqeError}}),Object.defineProperty(e,"SyntaxError",{enumerable:!0,get:function(){return o.SyntaxError}});var s=xI;Object.defineProperty(e,"serialize",{enumerable:!0,get:function(){return s.serialize}});var a=q0;Object.defineProperty(e,"isSafeUnquotedExpression",{enumerable:!0,get:function(){return a.isSafeUnquotedExpression}})})(pI);var Th={},CI={},il={};Object.defineProperty(il,"__esModule",{value:!0});il.ROARR_LOG_FORMAT_VERSION=il.ROARR_VERSION=void 0;il.ROARR_VERSION="5.0.0";il.ROARR_LOG_FORMAT_VERSION="2.0.0";var Eh={};Object.defineProperty(Eh,"__esModule",{value:!0});Eh.logLevels=void 0;Eh.logLevels={debug:20,error:50,fatal:60,info:30,trace:10,warn:40};var TI={},W0={};Object.defineProperty(W0,"__esModule",{value:!0});W0.hasOwnProperty=void 0;const Ase=(e,t)=>Object.prototype.hasOwnProperty.call(e,t);W0.hasOwnProperty=Ase;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.hasOwnProperty=void 0;var t=W0;Object.defineProperty(e,"hasOwnProperty",{enumerable:!0,get:function(){return t.hasOwnProperty}})})(TI);var EI={},K0={},X0={};Object.defineProperty(X0,"__esModule",{value:!0});X0.tokenize=void 0;const kse=/(?:%(?([+0-]|-\+))?(?\d+)?(?\d+\$)?(?\.\d+)?(?[%BCESb-iosux]))|(\\%)/g,Rse=e=>{let t;const n=[];let r=0,i=0,o=null;for(;(t=kse.exec(e))!==null;){t.index>i&&(o={literal:e.slice(i,t.index),type:"literal"},n.push(o));const s=t[0];i=t.index+s.length,s==="\\%"||s==="%%"?o&&o.type==="literal"?o.literal+="%":(o={literal:"%",type:"literal"},n.push(o)):t.groups&&(o={conversion:t.groups.conversion,flag:t.groups.flag||null,placeholder:s,position:t.groups.position?Number.parseInt(t.groups.position,10)-1:r++,precision:t.groups.precision?Number.parseInt(t.groups.precision.slice(1),10):null,type:"placeholder",width:t.groups.width?Number.parseInt(t.groups.width,10):null},n.push(o))}return i<=e.length-1&&(o&&o.type==="literal"?o.literal+=e.slice(i):n.push({literal:e.slice(i),type:"literal"})),n};X0.tokenize=Rse;Object.defineProperty(K0,"__esModule",{value:!0});K0.createPrintf=void 0;const vE=aC,Ose=X0,Mse=(e,t)=>t.placeholder,Ise=e=>{var t;const n=(o,s,a)=>a==="-"?o.padEnd(s," "):a==="-+"?((Number(o)>=0?"+":"")+o).padEnd(s," "):a==="+"?((Number(o)>=0?"+":"")+o).padStart(s," "):a==="0"?o.padStart(s,"0"):o.padStart(s," "),r=(t=e==null?void 0:e.formatUnboundExpression)!==null&&t!==void 0?t:Mse,i={};return(o,...s)=>{let a=i[o];a||(a=i[o]=Ose.tokenize(o));let l="";for(const u of a)if(u.type==="literal")l+=u.literal;else{let c=s[u.position];if(c===void 0)l+=r(o,u,s);else if(u.conversion==="b")l+=vE.boolean(c)?"true":"false";else if(u.conversion==="B")l+=vE.boolean(c)?"TRUE":"FALSE";else if(u.conversion==="c")l+=c;else if(u.conversion==="C")l+=String(c).toUpperCase();else if(u.conversion==="i"||u.conversion==="d")c=String(Math.trunc(c)),u.width!==null&&(c=n(c,u.width,u.flag)),l+=c;else if(u.conversion==="e")l+=Number(c).toExponential();else if(u.conversion==="E")l+=Number(c).toExponential().toUpperCase();else if(u.conversion==="f")u.precision!==null&&(c=Number(c).toFixed(u.precision)),u.width!==null&&(c=n(String(c),u.width,u.flag)),l+=c;else if(u.conversion==="o")l+=(Number.parseInt(String(c),10)>>>0).toString(8);else if(u.conversion==="s")u.width!==null&&(c=n(String(c),u.width,u.flag)),l+=c;else if(u.conversion==="S")u.width!==null&&(c=n(String(c),u.width,u.flag)),l+=String(c).toUpperCase();else if(u.conversion==="u")l+=Number.parseInt(String(c),10)>>>0;else if(u.conversion==="x")c=(Number.parseInt(String(c),10)>>>0).toString(16),u.width!==null&&(c=n(String(c),u.width,u.flag)),l+=c;else throw new Error("Unknown format specifier.")}return l}};K0.createPrintf=Ise;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.printf=e.createPrintf=void 0;const t=K0;Object.defineProperty(e,"createPrintf",{enumerable:!0,get:function(){return t.createPrintf}}),e.printf=t.createPrintf()})(EI);var l2={exports:{}};(function(e,t){const{hasOwnProperty:n}=Object.prototype,r=S();r.configure=S,r.stringify=r,r.default=r,t.stringify=r,t.configure=S,e.exports=r;const i=/[\u0000-\u001f\u0022\u005c\ud800-\udfff]|[\ud800-\udbff](?![\udc00-\udfff])|(?:[^\ud800-\udbff]|^)[\udc00-\udfff]/;function o(v){return v.length<5e3&&!i.test(v)?`"${v}"`:JSON.stringify(v)}function s(v){if(v.length>200)return v.sort();for(let y=1;yg;)v[b]=v[b-1],b--;v[b]=g}return v}const a=Object.getOwnPropertyDescriptor(Object.getPrototypeOf(Object.getPrototypeOf(new Int8Array)),Symbol.toStringTag).get;function l(v){return a.call(v)!==void 0&&v.length!==0}function u(v,y,g){v.length= 1`)}return g===void 0?1/0:g}function h(v){return v===1?"1 item":`${v} items`}function p(v){const y=new Set;for(const g of v)(typeof g=="string"||typeof g=="number")&&y.add(String(g));return y}function m(v){if(n.call(v,"strict")){const y=v.strict;if(typeof y!="boolean")throw new TypeError('The "strict" argument must be of type boolean');if(y)return g=>{let b=`Object can not safely be stringified. Received type ${typeof g}`;throw typeof g!="function"&&(b+=` (${g.toString()})`),new Error(b)}}}function S(v){v={...v};const y=m(v);y&&(v.bigint===void 0&&(v.bigint=!1),"circularValue"in v||(v.circularValue=Error));const g=c(v),b=d(v,"bigint"),_=d(v,"deterministic"),w=f(v,"maximumDepth"),x=f(v,"maximumBreadth");function T(I,C,R,M,N,O){let D=C[I];switch(typeof D=="object"&&D!==null&&typeof D.toJSON=="function"&&(D=D.toJSON(I)),D=M.call(C,I,D),typeof D){case"string":return o(D);case"object":{if(D===null)return"null";if(R.indexOf(D)!==-1)return g;let L="",j=",";const U=O;if(Array.isArray(D)){if(D.length===0)return"[]";if(wx){const ne=D.length-x-1;L+=`${j}"... ${h(ne)} not stringified"`}return N!==""&&(L+=` -${U}`),R.pop(),`[${L}]`}let G=Object.keys(D);const W=G.length;if(W===0)return"{}";if(wx){const H=W-x;L+=`${Y}"...":${X}"${h(H)} not stringified"`,Y=j}return N!==""&&Y.length>1&&(L=` -${O}${L} -${U}`),R.pop(),`{${L}}`}case"number":return isFinite(D)?String(D):y?y(D):"null";case"boolean":return D===!0?"true":"false";case"undefined":return;case"bigint":if(b)return String(D);default:return y?y(D):void 0}}function P(I,C,R,M,N,O){switch(typeof C=="object"&&C!==null&&typeof C.toJSON=="function"&&(C=C.toJSON(I)),typeof C){case"string":return o(C);case"object":{if(C===null)return"null";if(R.indexOf(C)!==-1)return g;const D=O;let L="",j=",";if(Array.isArray(C)){if(C.length===0)return"[]";if(wx){const B=C.length-x-1;L+=`${j}"... ${h(B)} not stringified"`}return N!==""&&(L+=` -${D}`),R.pop(),`[${L}]`}R.push(C);let U="";N!==""&&(O+=N,j=`, -${O}`,U=" ");let G="";for(const W of M){const X=P(W,C[W],R,M,N,O);X!==void 0&&(L+=`${G}${o(W)}:${U}${X}`,G=j)}return N!==""&&G.length>1&&(L=` -${O}${L} -${D}`),R.pop(),`{${L}}`}case"number":return isFinite(C)?String(C):y?y(C):"null";case"boolean":return C===!0?"true":"false";case"undefined":return;case"bigint":if(b)return String(C);default:return y?y(C):void 0}}function E(I,C,R,M,N){switch(typeof C){case"string":return o(C);case"object":{if(C===null)return"null";if(typeof C.toJSON=="function"){if(C=C.toJSON(I),typeof C!="object")return E(I,C,R,M,N);if(C===null)return"null"}if(R.indexOf(C)!==-1)return g;const O=N;if(Array.isArray(C)){if(C.length===0)return"[]";if(wx){const J=C.length-x-1;X+=`${Y}"... ${h(J)} not stringified"`}return X+=` -${O}`,R.pop(),`[${X}]`}let D=Object.keys(C);const L=D.length;if(L===0)return"{}";if(wx){const X=L-x;U+=`${G}"...": "${h(X)} not stringified"`,G=j}return G!==""&&(U=` -${N}${U} -${O}`),R.pop(),`{${U}}`}case"number":return isFinite(C)?String(C):y?y(C):"null";case"boolean":return C===!0?"true":"false";case"undefined":return;case"bigint":if(b)return String(C);default:return y?y(C):void 0}}function A(I,C,R){switch(typeof C){case"string":return o(C);case"object":{if(C===null)return"null";if(typeof C.toJSON=="function"){if(C=C.toJSON(I),typeof C!="object")return A(I,C,R);if(C===null)return"null"}if(R.indexOf(C)!==-1)return g;let M="";if(Array.isArray(C)){if(C.length===0)return"[]";if(wx){const W=C.length-x-1;M+=`,"... ${h(W)} not stringified"`}return R.pop(),`[${M}]`}let N=Object.keys(C);const O=N.length;if(O===0)return"{}";if(wx){const j=O-x;M+=`${D}"...":"${h(j)} not stringified"`}return R.pop(),`{${M}}`}case"number":return isFinite(C)?String(C):y?y(C):"null";case"boolean":return C===!0?"true":"false";case"undefined":return;case"bigint":if(b)return String(C);default:return y?y(C):void 0}}function $(I,C,R){if(arguments.length>1){let M="";if(typeof R=="number"?M=" ".repeat(Math.min(R,10)):typeof R=="string"&&(M=R.slice(0,10)),C!=null){if(typeof C=="function")return T("",{"":I},[],C,M,"");if(Array.isArray(C))return P("",I,[],p(C),M,"")}if(M.length!==0)return E("",I,[],M,"")}return A("",I,[])}return $}})(l2,l2.exports);var Nse=l2.exports;(function(e){var t=Ee&&Ee.__importDefault||function(g){return g&&g.__esModule?g:{default:g}};Object.defineProperty(e,"__esModule",{value:!0}),e.createLogger=void 0;const n=il,r=Eh,i=TI,o=EI,s=t(lC),a=t(Nse);let l=!1;const u=(0,s.default)(),c=()=>u.ROARR,d=()=>({messageContext:{},transforms:[]}),f=()=>{const g=c().asyncLocalStorage;if(!g)throw new Error("AsyncLocalContext is unavailable.");const b=g.getStore();return b||d()},h=()=>!!c().asyncLocalStorage,p=()=>{if(h()){const g=f();return(0,i.hasOwnProperty)(g,"sequenceRoot")&&(0,i.hasOwnProperty)(g,"sequence")&&typeof g.sequence=="number"?String(g.sequenceRoot)+"."+String(g.sequence++):String(c().sequence++)}return String(c().sequence++)},m=(g,b)=>(_,w,x,T,P,E,A,$,I,C)=>{g.child({logLevel:b})(_,w,x,T,P,E,A,$,I,C)},S=1e3,v=(g,b)=>(_,w,x,T,P,E,A,$,I,C)=>{const R=(0,a.default)({a:_,b:w,c:x,d:T,e:P,f:E,g:A,h:$,i:I,j:C,logLevel:b});if(!R)throw new Error("Expected key to be a string");const M=c().onceLog;M.has(R)||(M.add(R),M.size>S&&M.clear(),g.child({logLevel:b})(_,w,x,T,P,E,A,$,I,C))},y=(g,b={},_=[])=>{const w=(x,T,P,E,A,$,I,C,R,M)=>{const N=Date.now(),O=p();let D;h()?D=f():D=d();let L,j;if(typeof x=="string"?L={...D.messageContext,...b}:L={...D.messageContext,...b,...x},typeof x=="string"&&T===void 0)j=x;else if(typeof x=="string"){if(!x.includes("%"))throw new Error("When a string parameter is followed by other arguments, then it is assumed that you are attempting to format a message using printf syntax. You either forgot to add printf bindings or if you meant to add context to the log message, pass them in an object as the first parameter.");j=(0,o.printf)(x,T,P,E,A,$,I,C,R,M)}else{let G=T;if(typeof T!="string")if(T===void 0)G="";else throw new TypeError("Message must be a string. Received "+typeof T+".");j=(0,o.printf)(G,P,E,A,$,I,C,R,M)}let U={context:L,message:j,sequence:O,time:N,version:n.ROARR_LOG_FORMAT_VERSION};for(const G of[...D.transforms,..._])if(U=G(U),typeof U!="object"||U===null)throw new Error("Message transform function must return a message object.");g(U)};return w.child=x=>{let T;return h()?T=f():T=d(),typeof x=="function"?(0,e.createLogger)(g,{...T.messageContext,...b,...x},[x,..._]):(0,e.createLogger)(g,{...T.messageContext,...b,...x},_)},w.getContext=()=>{let x;return h()?x=f():x=d(),{...x.messageContext,...b}},w.adopt=async(x,T)=>{if(!h())return l===!1&&(l=!0,g({context:{logLevel:r.logLevels.warn,package:"roarr"},message:"async_hooks are unavailable; Roarr.adopt will not function as expected",sequence:p(),time:Date.now(),version:n.ROARR_LOG_FORMAT_VERSION})),x();const P=f();let E;(0,i.hasOwnProperty)(P,"sequenceRoot")&&(0,i.hasOwnProperty)(P,"sequence")&&typeof P.sequence=="number"?E=P.sequenceRoot+"."+String(P.sequence++):E=String(c().sequence++);let A={...P.messageContext};const $=[...P.transforms];typeof T=="function"?$.push(T):A={...A,...T};const I=c().asyncLocalStorage;if(!I)throw new Error("Async local context unavailable.");return I.run({messageContext:A,sequence:0,sequenceRoot:E,transforms:$},()=>x())},w.debug=m(w,r.logLevels.debug),w.debugOnce=v(w,r.logLevels.debug),w.error=m(w,r.logLevels.error),w.errorOnce=v(w,r.logLevels.error),w.fatal=m(w,r.logLevels.fatal),w.fatalOnce=v(w,r.logLevels.fatal),w.info=m(w,r.logLevels.info),w.infoOnce=v(w,r.logLevels.info),w.trace=m(w,r.logLevels.trace),w.traceOnce=v(w,r.logLevels.trace),w.warn=m(w,r.logLevels.warn),w.warnOnce=v(w,r.logLevels.warn),w};e.createLogger=y})(CI);var Y0={},Dse=function(t,n){for(var r=t.split("."),i=n.split("."),o=0;o<3;o++){var s=Number(r[o]),a=Number(i[o]);if(s>a)return 1;if(a>s)return-1;if(!isNaN(s)&&isNaN(a))return 1;if(isNaN(s)&&!isNaN(a))return-1}return 0},Lse=Ee&&Ee.__importDefault||function(e){return e&&e.__esModule?e:{default:e}};Object.defineProperty(Y0,"__esModule",{value:!0});Y0.createRoarrInitialGlobalStateBrowser=void 0;const bE=il,SE=Lse(Dse),$se=e=>{const t=(e.versions||[]).concat();return t.length>1&&t.sort(SE.default),t.includes(bE.ROARR_VERSION)||t.push(bE.ROARR_VERSION),t.sort(SE.default),{sequence:0,...e,versions:t}};Y0.createRoarrInitialGlobalStateBrowser=$se;var Q0={};Object.defineProperty(Q0,"__esModule",{value:!0});Q0.getLogLevelName=void 0;const Fse=e=>e<=10?"trace":e<=20?"debug":e<=30?"info":e<=40?"warn":e<=50?"error":"fatal";Q0.getLogLevelName=Fse;(function(e){var t=Ee&&Ee.__importDefault||function(d){return d&&d.__esModule?d:{default:d}};Object.defineProperty(e,"__esModule",{value:!0}),e.getLogLevelName=e.logLevels=e.Roarr=e.ROARR=void 0;const n=CI,r=Y0,o=(0,t(lC).default)(),s=(0,r.createRoarrInitialGlobalStateBrowser)(o.ROARR||{});e.ROARR=s,o.ROARR=s;const a=d=>JSON.stringify(d),l=(0,n.createLogger)(d=>{var f;s.write&&s.write(((f=s.serializeMessage)!==null&&f!==void 0?f:a)(d))});e.Roarr=l;var u=Eh;Object.defineProperty(e,"logLevels",{enumerable:!0,get:function(){return u.logLevels}});var c=Q0;Object.defineProperty(e,"getLogLevelName",{enumerable:!0,get:function(){return c.getLogLevelName}})})(Th);var Bse=Ee&&Ee.__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(e!=null&&typeof Object.getOwnPropertySymbols=="function")for(var i=0,r=Object.getOwnPropertySymbols(e);i0?h("%c ".concat(f," %c").concat(c?" [".concat(String(c),"]:"):"","%c ").concat(a.message," %O"),m,S,v,d):h("%c ".concat(f," %c").concat(c?" [".concat(String(c),"]:"):"","%c ").concat(a.message),m,S,v)}}};I0.createLogWriter=Kse;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.createLogWriter=void 0;var t=I0;Object.defineProperty(e,"createLogWriter",{enumerable:!0,get:function(){return t.createLogWriter}})})(nI);Th.ROARR.write=nI.createLogWriter();const AI={};Th.Roarr.child(AI);const Z0=T0(Th.Roarr.child(AI)),fe=e=>Z0.get().child({namespace:e}),K3e=["trace","debug","info","warn","error","fatal"],X3e={trace:10,debug:20,info:30,warn:40,error:50,fatal:60};function Xse(){const e=[];return function(t,n){if(typeof n!="object"||n===null)return n;for(;e.length>0&&e.at(-1)!==this;)e.pop();return e.includes(n)?"[Circular]":(e.push(n),n)}}const Df=Vs("nodes/receivedOpenAPISchema",async(e,{dispatch:t,rejectWithValue:n})=>{const r=fe("system");try{const o=await(await fetch("openapi.json")).json();return r.info({openAPISchema:o},"Received OpenAPI schema"),JSON.parse(JSON.stringify(o,Xse()))}catch(i){return n({error:i})}}),kI={nodes:[],edges:[],schema:null,invocationTemplates:{},connectionStartParams:null,shouldShowGraphOverlay:!1,shouldShowFieldTypeLegend:!1,shouldShowMinimapPanel:!0,editorInstance:void 0,progressNodeSize:{width:512,height:512}},RI=Pt({name:"nodes",initialState:kI,reducers:{nodesChanged:(e,t)=>{e.nodes=qM(t.payload,e.nodes)},nodeAdded:(e,t)=>{e.nodes.push(t.payload)},edgesChanged:(e,t)=>{e.edges=sie(t.payload,e.edges)},connectionStarted:(e,t)=>{e.connectionStartParams=t.payload},connectionMade:(e,t)=>{e.edges=bM(t.payload,e.edges)},connectionEnded:e=>{e.connectionStartParams=null},fieldValueChanged:(e,t)=>{const{nodeId:n,fieldName:r,value:i}=t.payload,o=e.nodes.findIndex(s=>s.id===n);o>-1&&(e.nodes[o].data.inputs[r].value=i)},imageCollectionFieldValueChanged:(e,t)=>{const{nodeId:n,fieldName:r,value:i}=t.payload,o=e.nodes.findIndex(a=>a.id===n);if(o===-1)return;const s=Ln(e.nodes[o].data.inputs[r].value);if(!s){e.nodes[o].data.inputs[r].value=i;return}e.nodes[o].data.inputs[r].value=nY(s.concat(i),"image_name")},shouldShowGraphOverlayChanged:(e,t)=>{e.shouldShowGraphOverlay=t.payload},shouldShowFieldTypeLegendChanged:(e,t)=>{e.shouldShowFieldTypeLegend=t.payload},shouldShowMinimapPanelChanged:(e,t)=>{e.shouldShowMinimapPanel=t.payload},nodeTemplatesBuilt:(e,t)=>{e.invocationTemplates=t.payload},nodeEditorReset:e=>{e.nodes=[],e.edges=[]},setEditorInstance:(e,t)=>{e.editorInstance=t.payload},loadFileNodes:(e,t)=>{e.nodes=t.payload},loadFileEdges:(e,t)=>{e.edges=t.payload},setProgressNodeSize:(e,t)=>{e.progressNodeSize=t.payload}},extraReducers:e=>{e.addCase(Df.fulfilled,(t,n)=>{t.schema=n.payload})}}),{nodesChanged:Y3e,edgesChanged:Q3e,nodeAdded:Z3e,fieldValueChanged:u2,connectionMade:J3e,connectionStarted:e5e,connectionEnded:t5e,shouldShowGraphOverlayChanged:n5e,shouldShowFieldTypeLegendChanged:r5e,shouldShowMinimapPanelChanged:i5e,nodeTemplatesBuilt:dC,nodeEditorReset:OI,imageCollectionFieldValueChanged:o5e,setEditorInstance:s5e,loadFileNodes:a5e,loadFileEdges:l5e,setProgressNodeSize:u5e}=RI.actions,Yse=RI.reducer,MI={esrganModelName:"RealESRGAN_x4plus.pth"},II=Pt({name:"postprocessing",initialState:MI,reducers:{esrganModelNameChanged:(e,t)=>{e.esrganModelName=t.payload}}}),{esrganModelNameChanged:c5e}=II.actions,Qse=II.reducer,Zse={positiveStylePrompt:"",negativeStylePrompt:"",shouldConcatSDXLStylePrompt:!0,shouldUseSDXLRefiner:!1,sdxlImg2ImgDenoisingStrength:.7,refinerModel:null,refinerSteps:20,refinerCFGScale:7.5,refinerScheduler:"euler",refinerAestheticScore:6,refinerStart:.7},NI=Pt({name:"sdxl",initialState:Zse,reducers:{setPositiveStylePromptSDXL:(e,t)=>{e.positiveStylePrompt=t.payload},setNegativeStylePromptSDXL:(e,t)=>{e.negativeStylePrompt=t.payload},setShouldConcatSDXLStylePrompt:(e,t)=>{e.shouldConcatSDXLStylePrompt=t.payload},setShouldUseSDXLRefiner:(e,t)=>{e.shouldUseSDXLRefiner=t.payload},setSDXLImg2ImgDenoisingStrength:(e,t)=>{e.sdxlImg2ImgDenoisingStrength=t.payload},refinerModelChanged:(e,t)=>{e.refinerModel=t.payload},setRefinerSteps:(e,t)=>{e.refinerSteps=t.payload},setRefinerCFGScale:(e,t)=>{e.refinerCFGScale=t.payload},setRefinerScheduler:(e,t)=>{e.refinerScheduler=t.payload},setRefinerAestheticScore:(e,t)=>{e.refinerAestheticScore=t.payload},setRefinerStart:(e,t)=>{e.refinerStart=t.payload}}}),{setPositiveStylePromptSDXL:d5e,setNegativeStylePromptSDXL:f5e,setShouldConcatSDXLStylePrompt:h5e,setShouldUseSDXLRefiner:Jse,setSDXLImg2ImgDenoisingStrength:p5e,refinerModelChanged:wE,setRefinerSteps:g5e,setRefinerCFGScale:m5e,setRefinerScheduler:y5e,setRefinerAestheticScore:v5e,setRefinerStart:b5e}=NI.actions,eae=NI.reducer,Ph=ue("app/userInvoked"),tae={type:"logger",log(e){this.output("log",e)},warn(e){this.output("warn",e)},error(e){this.output("error",e)},output(e,t){console&&console[e]&&console[e].apply(console,t)}};class zm{constructor(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};this.init(t,n)}init(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};this.prefix=n.prefix||"i18next:",this.logger=t||tae,this.options=n,this.debug=n.debug}log(){for(var t=arguments.length,n=new Array(t),r=0;r{this.observers[r]=this.observers[r]||[],this.observers[r].push(n)}),this}off(t,n){if(this.observers[t]){if(!n){delete this.observers[t];return}this.observers[t]=this.observers[t].filter(r=>r!==n)}}emit(t){for(var n=arguments.length,r=new Array(n>1?n-1:0),i=1;i{s(...r)}),this.observers["*"]&&[].concat(this.observers["*"]).forEach(s=>{s.apply(s,[t,...r])})}}function Xc(){let e,t;const n=new Promise((r,i)=>{e=r,t=i});return n.resolve=e,n.reject=t,n}function xE(e){return e==null?"":""+e}function nae(e,t,n){e.forEach(r=>{t[r]&&(n[r]=t[r])})}function fC(e,t,n){function r(s){return s&&s.indexOf("###")>-1?s.replace(/###/g,"."):s}function i(){return!e||typeof e=="string"}const o=typeof t!="string"?[].concat(t):t.split(".");for(;o.length>1;){if(i())return{};const s=r(o.shift());!e[s]&&n&&(e[s]=new n),Object.prototype.hasOwnProperty.call(e,s)?e=e[s]:e={}}return i()?{}:{obj:e,k:r(o.shift())}}function CE(e,t,n){const{obj:r,k:i}=fC(e,t,Object);r[i]=n}function rae(e,t,n,r){const{obj:i,k:o}=fC(e,t,Object);i[o]=i[o]||[],r&&(i[o]=i[o].concat(n)),r||i[o].push(n)}function Um(e,t){const{obj:n,k:r}=fC(e,t);if(n)return n[r]}function iae(e,t,n){const r=Um(e,n);return r!==void 0?r:Um(t,n)}function DI(e,t,n){for(const r in t)r!=="__proto__"&&r!=="constructor"&&(r in e?typeof e[r]=="string"||e[r]instanceof String||typeof t[r]=="string"||t[r]instanceof String?n&&(e[r]=t[r]):DI(e[r],t[r],n):e[r]=t[r]);return e}function jl(e){return e.replace(/[\-\[\]\/\{\}\(\)\*\+\?\.\\\^\$\|]/g,"\\$&")}var oae={"&":"&","<":"<",">":">",'"':""","'":"'","/":"/"};function sae(e){return typeof e=="string"?e.replace(/[&<>"'\/]/g,t=>oae[t]):e}const aae=[" ",",","?","!",";"];function lae(e,t,n){t=t||"",n=n||"";const r=aae.filter(s=>t.indexOf(s)<0&&n.indexOf(s)<0);if(r.length===0)return!0;const i=new RegExp(`(${r.map(s=>s==="?"?"\\?":s).join("|")})`);let o=!i.test(e);if(!o){const s=e.indexOf(n);s>0&&!i.test(e.substring(0,s))&&(o=!0)}return o}function Gm(e,t){let n=arguments.length>2&&arguments[2]!==void 0?arguments[2]:".";if(!e)return;if(e[t])return e[t];const r=t.split(n);let i=e;for(let o=0;oo+s;)s++,a=r.slice(o,o+s).join(n),l=i[a];if(l===void 0)return;if(l===null)return null;if(t.endsWith(a)){if(typeof l=="string")return l;if(a&&typeof l[a]=="string")return l[a]}const u=r.slice(o+s).join(n);return u?Gm(l,u,n):void 0}i=i[r[o]]}return i}function Hm(e){return e&&e.indexOf("_")>0?e.replace("_","-"):e}class TE extends J0{constructor(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{ns:["translation"],defaultNS:"translation"};super(),this.data=t||{},this.options=n,this.options.keySeparator===void 0&&(this.options.keySeparator="."),this.options.ignoreJSONStructure===void 0&&(this.options.ignoreJSONStructure=!0)}addNamespaces(t){this.options.ns.indexOf(t)<0&&this.options.ns.push(t)}removeNamespaces(t){const n=this.options.ns.indexOf(t);n>-1&&this.options.ns.splice(n,1)}getResource(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{};const o=i.keySeparator!==void 0?i.keySeparator:this.options.keySeparator,s=i.ignoreJSONStructure!==void 0?i.ignoreJSONStructure:this.options.ignoreJSONStructure;let a=[t,n];r&&typeof r!="string"&&(a=a.concat(r)),r&&typeof r=="string"&&(a=a.concat(o?r.split(o):r)),t.indexOf(".")>-1&&(a=t.split("."));const l=Um(this.data,a);return l||!s||typeof r!="string"?l:Gm(this.data&&this.data[t]&&this.data[t][n],r,o)}addResource(t,n,r,i){let o=arguments.length>4&&arguments[4]!==void 0?arguments[4]:{silent:!1};const s=o.keySeparator!==void 0?o.keySeparator:this.options.keySeparator;let a=[t,n];r&&(a=a.concat(s?r.split(s):r)),t.indexOf(".")>-1&&(a=t.split("."),i=n,n=a[1]),this.addNamespaces(n),CE(this.data,a,i),o.silent||this.emit("added",t,n,r,i)}addResources(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{silent:!1};for(const o in r)(typeof r[o]=="string"||Object.prototype.toString.apply(r[o])==="[object Array]")&&this.addResource(t,n,o,r[o],{silent:!0});i.silent||this.emit("added",t,n,r)}addResourceBundle(t,n,r,i,o){let s=arguments.length>5&&arguments[5]!==void 0?arguments[5]:{silent:!1},a=[t,n];t.indexOf(".")>-1&&(a=t.split("."),i=r,r=n,n=a[1]),this.addNamespaces(n);let l=Um(this.data,a)||{};i?DI(l,r,o):l={...l,...r},CE(this.data,a,l),s.silent||this.emit("added",t,n,r)}removeResourceBundle(t,n){this.hasResourceBundle(t,n)&&delete this.data[t][n],this.removeNamespaces(n),this.emit("removed",t,n)}hasResourceBundle(t,n){return this.getResource(t,n)!==void 0}getResourceBundle(t,n){return n||(n=this.options.defaultNS),this.options.compatibilityAPI==="v1"?{...this.getResource(t,n)}:this.getResource(t,n)}getDataByLanguage(t){return this.data[t]}hasLanguageSomeTranslations(t){const n=this.getDataByLanguage(t);return!!(n&&Object.keys(n)||[]).find(i=>n[i]&&Object.keys(n[i]).length>0)}toJSON(){return this.data}}var LI={processors:{},addPostProcessor(e){this.processors[e.name]=e},handle(e,t,n,r,i){return e.forEach(o=>{this.processors[o]&&(t=this.processors[o].process(t,n,r,i))}),t}};const EE={};class qm extends J0{constructor(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};super(),nae(["resourceStore","languageUtils","pluralResolver","interpolator","backendConnector","i18nFormat","utils"],t,this),this.options=n,this.options.keySeparator===void 0&&(this.options.keySeparator="."),this.logger=qi.create("translator")}changeLanguage(t){t&&(this.language=t)}exists(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{interpolation:{}};if(t==null)return!1;const r=this.resolve(t,n);return r&&r.res!==void 0}extractFromKey(t,n){let r=n.nsSeparator!==void 0?n.nsSeparator:this.options.nsSeparator;r===void 0&&(r=":");const i=n.keySeparator!==void 0?n.keySeparator:this.options.keySeparator;let o=n.ns||this.options.defaultNS||[];const s=r&&t.indexOf(r)>-1,a=!this.options.userDefinedKeySeparator&&!n.keySeparator&&!this.options.userDefinedNsSeparator&&!n.nsSeparator&&!lae(t,r,i);if(s&&!a){const l=t.match(this.interpolator.nestingRegexp);if(l&&l.length>0)return{key:t,namespaces:o};const u=t.split(r);(r!==i||r===i&&this.options.ns.indexOf(u[0])>-1)&&(o=u.shift()),t=u.join(i)}return typeof o=="string"&&(o=[o]),{key:t,namespaces:o}}translate(t,n,r){if(typeof n!="object"&&this.options.overloadTranslationOptionHandler&&(n=this.options.overloadTranslationOptionHandler(arguments)),typeof n=="object"&&(n={...n}),n||(n={}),t==null)return"";Array.isArray(t)||(t=[String(t)]);const i=n.returnDetails!==void 0?n.returnDetails:this.options.returnDetails,o=n.keySeparator!==void 0?n.keySeparator:this.options.keySeparator,{key:s,namespaces:a}=this.extractFromKey(t[t.length-1],n),l=a[a.length-1],u=n.lng||this.language,c=n.appendNamespaceToCIMode||this.options.appendNamespaceToCIMode;if(u&&u.toLowerCase()==="cimode"){if(c){const b=n.nsSeparator||this.options.nsSeparator;return i?{res:`${l}${b}${s}`,usedKey:s,exactUsedKey:s,usedLng:u,usedNS:l}:`${l}${b}${s}`}return i?{res:s,usedKey:s,exactUsedKey:s,usedLng:u,usedNS:l}:s}const d=this.resolve(t,n);let f=d&&d.res;const h=d&&d.usedKey||s,p=d&&d.exactUsedKey||s,m=Object.prototype.toString.apply(f),S=["[object Number]","[object Function]","[object RegExp]"],v=n.joinArrays!==void 0?n.joinArrays:this.options.joinArrays,y=!this.i18nFormat||this.i18nFormat.handleAsObject;if(y&&f&&(typeof f!="string"&&typeof f!="boolean"&&typeof f!="number")&&S.indexOf(m)<0&&!(typeof v=="string"&&m==="[object Array]")){if(!n.returnObjects&&!this.options.returnObjects){this.options.returnedObjectHandler||this.logger.warn("accessing an object - but returnObjects options is not enabled!");const b=this.options.returnedObjectHandler?this.options.returnedObjectHandler(h,f,{...n,ns:a}):`key '${s} (${this.language})' returned an object instead of string.`;return i?(d.res=b,d):b}if(o){const b=m==="[object Array]",_=b?[]:{},w=b?p:h;for(const x in f)if(Object.prototype.hasOwnProperty.call(f,x)){const T=`${w}${o}${x}`;_[x]=this.translate(T,{...n,joinArrays:!1,ns:a}),_[x]===T&&(_[x]=f[x])}f=_}}else if(y&&typeof v=="string"&&m==="[object Array]")f=f.join(v),f&&(f=this.extendTranslation(f,t,n,r));else{let b=!1,_=!1;const w=n.count!==void 0&&typeof n.count!="string",x=qm.hasDefaultValue(n),T=w?this.pluralResolver.getSuffix(u,n.count,n):"",P=n.ordinal&&w?this.pluralResolver.getSuffix(u,n.count,{ordinal:!1}):"",E=n[`defaultValue${T}`]||n[`defaultValue${P}`]||n.defaultValue;!this.isValidLookup(f)&&x&&(b=!0,f=E),this.isValidLookup(f)||(_=!0,f=s);const $=(n.missingKeyNoValueFallbackToKey||this.options.missingKeyNoValueFallbackToKey)&&_?void 0:f,I=x&&E!==f&&this.options.updateMissing;if(_||b||I){if(this.logger.log(I?"updateKey":"missingKey",u,l,s,I?E:f),o){const N=this.resolve(s,{...n,keySeparator:!1});N&&N.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.")}let C=[];const R=this.languageUtils.getFallbackCodes(this.options.fallbackLng,n.lng||this.language);if(this.options.saveMissingTo==="fallback"&&R&&R[0])for(let N=0;N{const L=x&&D!==f?D:$;this.options.missingKeyHandler?this.options.missingKeyHandler(N,l,O,L,I,n):this.backendConnector&&this.backendConnector.saveMissing&&this.backendConnector.saveMissing(N,l,O,L,I,n),this.emit("missingKey",N,l,O,f)};this.options.saveMissing&&(this.options.saveMissingPlurals&&w?C.forEach(N=>{this.pluralResolver.getSuffixes(N,n).forEach(O=>{M([N],s+O,n[`defaultValue${O}`]||E)})}):M(C,s,E))}f=this.extendTranslation(f,t,n,d,r),_&&f===s&&this.options.appendNamespaceToMissingKey&&(f=`${l}:${s}`),(_||b)&&this.options.parseMissingKeyHandler&&(this.options.compatibilityAPI!=="v1"?f=this.options.parseMissingKeyHandler(this.options.appendNamespaceToMissingKey?`${l}:${s}`:s,b?f:void 0):f=this.options.parseMissingKeyHandler(f))}return i?(d.res=f,d):f}extendTranslation(t,n,r,i,o){var s=this;if(this.i18nFormat&&this.i18nFormat.parse)t=this.i18nFormat.parse(t,{...this.options.interpolation.defaultVariables,...r},i.usedLng,i.usedNS,i.usedKey,{resolved:i});else if(!r.skipInterpolation){r.interpolation&&this.interpolator.init({...r,interpolation:{...this.options.interpolation,...r.interpolation}});const u=typeof t=="string"&&(r&&r.interpolation&&r.interpolation.skipOnVariables!==void 0?r.interpolation.skipOnVariables:this.options.interpolation.skipOnVariables);let c;if(u){const f=t.match(this.interpolator.nestingRegexp);c=f&&f.length}let d=r.replace&&typeof r.replace!="string"?r.replace:r;if(this.options.interpolation.defaultVariables&&(d={...this.options.interpolation.defaultVariables,...d}),t=this.interpolator.interpolate(t,d,r.lng||this.language,r),u){const f=t.match(this.interpolator.nestingRegexp),h=f&&f.length;c1&&arguments[1]!==void 0?arguments[1]:{},r,i,o,s,a;return typeof t=="string"&&(t=[t]),t.forEach(l=>{if(this.isValidLookup(r))return;const u=this.extractFromKey(l,n),c=u.key;i=c;let d=u.namespaces;this.options.fallbackNS&&(d=d.concat(this.options.fallbackNS));const f=n.count!==void 0&&typeof n.count!="string",h=f&&!n.ordinal&&n.count===0&&this.pluralResolver.shouldUseIntlApi(),p=n.context!==void 0&&(typeof n.context=="string"||typeof n.context=="number")&&n.context!=="",m=n.lngs?n.lngs:this.languageUtils.toResolveHierarchy(n.lng||this.language,n.fallbackLng);d.forEach(S=>{this.isValidLookup(r)||(a=S,!EE[`${m[0]}-${S}`]&&this.utils&&this.utils.hasLoadedNamespace&&!this.utils.hasLoadedNamespace(a)&&(EE[`${m[0]}-${S}`]=!0,this.logger.warn(`key "${i}" for languages "${m.join(", ")}" won't get resolved as namespace "${a}" 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!!!")),m.forEach(v=>{if(this.isValidLookup(r))return;s=v;const y=[c];if(this.i18nFormat&&this.i18nFormat.addLookupKeys)this.i18nFormat.addLookupKeys(y,c,v,S,n);else{let b;f&&(b=this.pluralResolver.getSuffix(v,n.count,n));const _=`${this.options.pluralSeparator}zero`,w=`${this.options.pluralSeparator}ordinal${this.options.pluralSeparator}`;if(f&&(y.push(c+b),n.ordinal&&b.indexOf(w)===0&&y.push(c+b.replace(w,this.options.pluralSeparator)),h&&y.push(c+_)),p){const x=`${c}${this.options.contextSeparator}${n.context}`;y.push(x),f&&(y.push(x+b),n.ordinal&&b.indexOf(w)===0&&y.push(x+b.replace(w,this.options.pluralSeparator)),h&&y.push(x+_))}}let g;for(;g=y.pop();)this.isValidLookup(r)||(o=g,r=this.getResource(v,S,g,n))}))})}),{res:r,usedKey:i,exactUsedKey:o,usedLng:s,usedNS:a}}isValidLookup(t){return t!==void 0&&!(!this.options.returnNull&&t===null)&&!(!this.options.returnEmptyString&&t==="")}getResource(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{};return this.i18nFormat&&this.i18nFormat.getResource?this.i18nFormat.getResource(t,n,r,i):this.resourceStore.getResource(t,n,r,i)}static hasDefaultValue(t){const n="defaultValue";for(const r in t)if(Object.prototype.hasOwnProperty.call(t,r)&&n===r.substring(0,n.length)&&t[r]!==void 0)return!0;return!1}}function $b(e){return e.charAt(0).toUpperCase()+e.slice(1)}class PE{constructor(t){this.options=t,this.supportedLngs=this.options.supportedLngs||!1,this.logger=qi.create("languageUtils")}getScriptPartFromCode(t){if(t=Hm(t),!t||t.indexOf("-")<0)return null;const n=t.split("-");return n.length===2||(n.pop(),n[n.length-1].toLowerCase()==="x")?null:this.formatLanguageCode(n.join("-"))}getLanguagePartFromCode(t){if(t=Hm(t),!t||t.indexOf("-")<0)return t;const n=t.split("-");return this.formatLanguageCode(n[0])}formatLanguageCode(t){if(typeof t=="string"&&t.indexOf("-")>-1){const n=["hans","hant","latn","cyrl","cans","mong","arab"];let r=t.split("-");return this.options.lowerCaseLng?r=r.map(i=>i.toLowerCase()):r.length===2?(r[0]=r[0].toLowerCase(),r[1]=r[1].toUpperCase(),n.indexOf(r[1].toLowerCase())>-1&&(r[1]=$b(r[1].toLowerCase()))):r.length===3&&(r[0]=r[0].toLowerCase(),r[1].length===2&&(r[1]=r[1].toUpperCase()),r[0]!=="sgn"&&r[2].length===2&&(r[2]=r[2].toUpperCase()),n.indexOf(r[1].toLowerCase())>-1&&(r[1]=$b(r[1].toLowerCase())),n.indexOf(r[2].toLowerCase())>-1&&(r[2]=$b(r[2].toLowerCase()))),r.join("-")}return this.options.cleanCode||this.options.lowerCaseLng?t.toLowerCase():t}isSupportedCode(t){return(this.options.load==="languageOnly"||this.options.nonExplicitSupportedLngs)&&(t=this.getLanguagePartFromCode(t)),!this.supportedLngs||!this.supportedLngs.length||this.supportedLngs.indexOf(t)>-1}getBestMatchFromCodes(t){if(!t)return null;let n;return t.forEach(r=>{if(n)return;const i=this.formatLanguageCode(r);(!this.options.supportedLngs||this.isSupportedCode(i))&&(n=i)}),!n&&this.options.supportedLngs&&t.forEach(r=>{if(n)return;const i=this.getLanguagePartFromCode(r);if(this.isSupportedCode(i))return n=i;n=this.options.supportedLngs.find(o=>{if(o===i)return o;if(!(o.indexOf("-")<0&&i.indexOf("-")<0)&&o.indexOf(i)===0)return o})}),n||(n=this.getFallbackCodes(this.options.fallbackLng)[0]),n}getFallbackCodes(t,n){if(!t)return[];if(typeof t=="function"&&(t=t(n)),typeof t=="string"&&(t=[t]),Object.prototype.toString.apply(t)==="[object Array]")return t;if(!n)return t.default||[];let r=t[n];return r||(r=t[this.getScriptPartFromCode(n)]),r||(r=t[this.formatLanguageCode(n)]),r||(r=t[this.getLanguagePartFromCode(n)]),r||(r=t.default),r||[]}toResolveHierarchy(t,n){const r=this.getFallbackCodes(n||this.options.fallbackLng||[],t),i=[],o=s=>{s&&(this.isSupportedCode(s)?i.push(s):this.logger.warn(`rejecting language code not found in supportedLngs: ${s}`))};return typeof t=="string"&&(t.indexOf("-")>-1||t.indexOf("_")>-1)?(this.options.load!=="languageOnly"&&o(this.formatLanguageCode(t)),this.options.load!=="languageOnly"&&this.options.load!=="currentOnly"&&o(this.getScriptPartFromCode(t)),this.options.load!=="currentOnly"&&o(this.getLanguagePartFromCode(t))):typeof t=="string"&&o(this.formatLanguageCode(t)),r.forEach(s=>{i.indexOf(s)<0&&o(this.formatLanguageCode(s))}),i}}let uae=[{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}],cae={1:function(e){return+(e>1)},2:function(e){return+(e!=1)},3:function(e){return 0},4:function(e){return 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 e==0?0:e==1?1:e==2?2:e%100>=3&&e%100<=10?3:e%100>=11?4:5},6:function(e){return e==1?0:e>=2&&e<=4?1:2},7:function(e){return e==1?0:e%10>=2&&e%10<=4&&(e%100<10||e%100>=20)?1:2},8:function(e){return e==1?0:e==2?1:e!=8&&e!=11?2:3},9:function(e){return+(e>=2)},10:function(e){return e==1?0:e==2?1:e<7?2:e<11?3:4},11:function(e){return e==1||e==11?0:e==2||e==12?1:e>2&&e<20?2:3},12:function(e){return+(e%10!=1||e%100==11)},13:function(e){return+(e!==0)},14:function(e){return e==1?0:e==2?1:e==3?2:3},15:function(e){return e%10==1&&e%100!=11?0:e%10>=2&&(e%100<10||e%100>=20)?1:2},16:function(e){return e%10==1&&e%100!=11?0:e!==0?1:2},17:function(e){return e==1||e%10==1&&e%100!=11?0:1},18:function(e){return e==0?0:e==1?1:2},19:function(e){return e==1?0:e==0||e%100>1&&e%100<11?1:e%100>10&&e%100<20?2:3},20:function(e){return e==1?0:e==0||e%100>0&&e%100<20?1:2},21:function(e){return e%100==1?1:e%100==2?2:e%100==3||e%100==4?3:0},22:function(e){return e==1?0:e==2?1:(e<0||e>10)&&e%10==0?2:3}};const dae=["v1","v2","v3"],fae=["v4"],AE={zero:0,one:1,two:2,few:3,many:4,other:5};function hae(){const e={};return uae.forEach(t=>{t.lngs.forEach(n=>{e[n]={numbers:t.nr,plurals:cae[t.fc]}})}),e}class pae{constructor(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};this.languageUtils=t,this.options=n,this.logger=qi.create("pluralResolver"),(!this.options.compatibilityJSON||fae.includes(this.options.compatibilityJSON))&&(typeof Intl>"u"||!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=hae()}addRule(t,n){this.rules[t]=n}getRule(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};if(this.shouldUseIntlApi())try{return new Intl.PluralRules(Hm(t),{type:n.ordinal?"ordinal":"cardinal"})}catch{return}return this.rules[t]||this.rules[this.languageUtils.getLanguagePartFromCode(t)]}needsPlural(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};const r=this.getRule(t,n);return this.shouldUseIntlApi()?r&&r.resolvedOptions().pluralCategories.length>1:r&&r.numbers.length>1}getPluralFormsOfKey(t,n){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};return this.getSuffixes(t,r).map(i=>`${n}${i}`)}getSuffixes(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};const r=this.getRule(t,n);return r?this.shouldUseIntlApi()?r.resolvedOptions().pluralCategories.sort((i,o)=>AE[i]-AE[o]).map(i=>`${this.options.prepend}${n.ordinal?`ordinal${this.options.prepend}`:""}${i}`):r.numbers.map(i=>this.getSuffix(t,i,n)):[]}getSuffix(t,n){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};const i=this.getRule(t,r);return i?this.shouldUseIntlApi()?`${this.options.prepend}${r.ordinal?`ordinal${this.options.prepend}`:""}${i.select(n)}`:this.getSuffixRetroCompatible(i,n):(this.logger.warn(`no plural rule found for: ${t}`),"")}getSuffixRetroCompatible(t,n){const r=t.noAbs?t.plurals(n):t.plurals(Math.abs(n));let i=t.numbers[r];this.options.simplifyPluralSuffix&&t.numbers.length===2&&t.numbers[0]===1&&(i===2?i="plural":i===1&&(i=""));const o=()=>this.options.prepend&&i.toString()?this.options.prepend+i.toString():i.toString();return this.options.compatibilityJSON==="v1"?i===1?"":typeof i=="number"?`_plural_${i.toString()}`:o():this.options.compatibilityJSON==="v2"||this.options.simplifyPluralSuffix&&t.numbers.length===2&&t.numbers[0]===1?o():this.options.prepend&&r.toString()?this.options.prepend+r.toString():r.toString()}shouldUseIntlApi(){return!dae.includes(this.options.compatibilityJSON)}}function kE(e,t,n){let r=arguments.length>3&&arguments[3]!==void 0?arguments[3]:".",i=arguments.length>4&&arguments[4]!==void 0?arguments[4]:!0,o=iae(e,t,n);return!o&&i&&typeof n=="string"&&(o=Gm(e,n,r),o===void 0&&(o=Gm(t,n,r))),o}class gae{constructor(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};this.logger=qi.create("interpolator"),this.options=t,this.format=t.interpolation&&t.interpolation.format||(n=>n),this.init(t)}init(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};t.interpolation||(t.interpolation={escapeValue:!0});const n=t.interpolation;this.escape=n.escape!==void 0?n.escape:sae,this.escapeValue=n.escapeValue!==void 0?n.escapeValue:!0,this.useRawValueToEscape=n.useRawValueToEscape!==void 0?n.useRawValueToEscape:!1,this.prefix=n.prefix?jl(n.prefix):n.prefixEscaped||"{{",this.suffix=n.suffix?jl(n.suffix):n.suffixEscaped||"}}",this.formatSeparator=n.formatSeparator?n.formatSeparator:n.formatSeparator||",",this.unescapePrefix=n.unescapeSuffix?"":n.unescapePrefix||"-",this.unescapeSuffix=this.unescapePrefix?"":n.unescapeSuffix||"",this.nestingPrefix=n.nestingPrefix?jl(n.nestingPrefix):n.nestingPrefixEscaped||jl("$t("),this.nestingSuffix=n.nestingSuffix?jl(n.nestingSuffix):n.nestingSuffixEscaped||jl(")"),this.nestingOptionsSeparator=n.nestingOptionsSeparator?n.nestingOptionsSeparator:n.nestingOptionsSeparator||",",this.maxReplaces=n.maxReplaces?n.maxReplaces:1e3,this.alwaysFormat=n.alwaysFormat!==void 0?n.alwaysFormat:!1,this.resetRegExp()}reset(){this.options&&this.init(this.options)}resetRegExp(){const t=`${this.prefix}(.+?)${this.suffix}`;this.regexp=new RegExp(t,"g");const n=`${this.prefix}${this.unescapePrefix}(.+?)${this.unescapeSuffix}${this.suffix}`;this.regexpUnescape=new RegExp(n,"g");const r=`${this.nestingPrefix}(.+?)${this.nestingSuffix}`;this.nestingRegexp=new RegExp(r,"g")}interpolate(t,n,r,i){let o,s,a;const l=this.options&&this.options.interpolation&&this.options.interpolation.defaultVariables||{};function u(p){return p.replace(/\$/g,"$$$$")}const c=p=>{if(p.indexOf(this.formatSeparator)<0){const y=kE(n,l,p,this.options.keySeparator,this.options.ignoreJSONStructure);return this.alwaysFormat?this.format(y,void 0,r,{...i,...n,interpolationkey:p}):y}const m=p.split(this.formatSeparator),S=m.shift().trim(),v=m.join(this.formatSeparator).trim();return this.format(kE(n,l,S,this.options.keySeparator,this.options.ignoreJSONStructure),v,r,{...i,...n,interpolationkey:S})};this.resetRegExp();const d=i&&i.missingInterpolationHandler||this.options.missingInterpolationHandler,f=i&&i.interpolation&&i.interpolation.skipOnVariables!==void 0?i.interpolation.skipOnVariables:this.options.interpolation.skipOnVariables;return[{regex:this.regexpUnescape,safeValue:p=>u(p)},{regex:this.regexp,safeValue:p=>this.escapeValue?u(this.escape(p)):u(p)}].forEach(p=>{for(a=0;o=p.regex.exec(t);){const m=o[1].trim();if(s=c(m),s===void 0)if(typeof d=="function"){const v=d(t,o,i);s=typeof v=="string"?v:""}else if(i&&Object.prototype.hasOwnProperty.call(i,m))s="";else if(f){s=o[0];continue}else this.logger.warn(`missed to pass in variable ${m} for interpolating ${t}`),s="";else typeof s!="string"&&!this.useRawValueToEscape&&(s=xE(s));const S=p.safeValue(s);if(t=t.replace(o[0],S),f?(p.regex.lastIndex+=s.length,p.regex.lastIndex-=o[0].length):p.regex.lastIndex=0,a++,a>=this.maxReplaces)break}}),t}nest(t,n){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{},i,o,s;function a(l,u){const c=this.nestingOptionsSeparator;if(l.indexOf(c)<0)return l;const d=l.split(new RegExp(`${c}[ ]*{`));let f=`{${d[1]}`;l=d[0],f=this.interpolate(f,s);const h=f.match(/'/g),p=f.match(/"/g);(h&&h.length%2===0&&!p||p.length%2!==0)&&(f=f.replace(/'/g,'"'));try{s=JSON.parse(f),u&&(s={...u,...s})}catch(m){return this.logger.warn(`failed parsing options string in nesting for key ${l}`,m),`${l}${c}${f}`}return delete s.defaultValue,l}for(;i=this.nestingRegexp.exec(t);){let l=[];s={...r},s=s.replace&&typeof s.replace!="string"?s.replace:s,s.applyPostProcessor=!1,delete s.defaultValue;let u=!1;if(i[0].indexOf(this.formatSeparator)!==-1&&!/{.*}/.test(i[1])){const c=i[1].split(this.formatSeparator).map(d=>d.trim());i[1]=c.shift(),l=c,u=!0}if(o=n(a.call(this,i[1].trim(),s),s),o&&i[0]===t&&typeof o!="string")return o;typeof o!="string"&&(o=xE(o)),o||(this.logger.warn(`missed to resolve ${i[1]} for nesting ${t}`),o=""),u&&(o=l.reduce((c,d)=>this.format(c,d,r.lng,{...r,interpolationkey:i[1].trim()}),o.trim())),t=t.replace(i[0],o),this.regexp.lastIndex=0}return t}}function mae(e){let t=e.toLowerCase().trim();const n={};if(e.indexOf("(")>-1){const r=e.split("(");t=r[0].toLowerCase().trim();const i=r[1].substring(0,r[1].length-1);t==="currency"&&i.indexOf(":")<0?n.currency||(n.currency=i.trim()):t==="relativetime"&&i.indexOf(":")<0?n.range||(n.range=i.trim()):i.split(";").forEach(s=>{if(!s)return;const[a,...l]=s.split(":"),u=l.join(":").trim().replace(/^'+|'+$/g,"");n[a.trim()]||(n[a.trim()]=u),u==="false"&&(n[a.trim()]=!1),u==="true"&&(n[a.trim()]=!0),isNaN(u)||(n[a.trim()]=parseInt(u,10))})}return{formatName:t,formatOptions:n}}function Vl(e){const t={};return function(r,i,o){const s=i+JSON.stringify(o);let a=t[s];return a||(a=e(Hm(i),o),t[s]=a),a(r)}}class yae{constructor(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};this.logger=qi.create("formatter"),this.options=t,this.formats={number:Vl((n,r)=>{const i=new Intl.NumberFormat(n,{...r});return o=>i.format(o)}),currency:Vl((n,r)=>{const i=new Intl.NumberFormat(n,{...r,style:"currency"});return o=>i.format(o)}),datetime:Vl((n,r)=>{const i=new Intl.DateTimeFormat(n,{...r});return o=>i.format(o)}),relativetime:Vl((n,r)=>{const i=new Intl.RelativeTimeFormat(n,{...r});return o=>i.format(o,r.range||"day")}),list:Vl((n,r)=>{const i=new Intl.ListFormat(n,{...r});return o=>i.format(o)})},this.init(t)}init(t){const r=(arguments.length>1&&arguments[1]!==void 0?arguments[1]:{interpolation:{}}).interpolation;this.formatSeparator=r.formatSeparator?r.formatSeparator:r.formatSeparator||","}add(t,n){this.formats[t.toLowerCase().trim()]=n}addCached(t,n){this.formats[t.toLowerCase().trim()]=Vl(n)}format(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{};return n.split(this.formatSeparator).reduce((a,l)=>{const{formatName:u,formatOptions:c}=mae(l);if(this.formats[u]){let d=a;try{const f=i&&i.formatParams&&i.formatParams[i.interpolationkey]||{},h=f.locale||f.lng||i.locale||i.lng||r;d=this.formats[u](a,h,{...c,...i,...f})}catch(f){this.logger.warn(f)}return d}else this.logger.warn(`there was no format function for ${u}`);return a},t)}}function vae(e,t){e.pending[t]!==void 0&&(delete e.pending[t],e.pendingCount--)}class bae extends J0{constructor(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{};super(),this.backend=t,this.store=n,this.services=r,this.languageUtils=r.languageUtils,this.options=i,this.logger=qi.create("backendConnector"),this.waitingReads=[],this.maxParallelReads=i.maxParallelReads||10,this.readingCalls=0,this.maxRetries=i.maxRetries>=0?i.maxRetries:5,this.retryTimeout=i.retryTimeout>=1?i.retryTimeout:350,this.state={},this.queue=[],this.backend&&this.backend.init&&this.backend.init(r,i.backend,i)}queueLoad(t,n,r,i){const o={},s={},a={},l={};return t.forEach(u=>{let c=!0;n.forEach(d=>{const f=`${u}|${d}`;!r.reload&&this.store.hasResourceBundle(u,d)?this.state[f]=2:this.state[f]<0||(this.state[f]===1?s[f]===void 0&&(s[f]=!0):(this.state[f]=1,c=!1,s[f]===void 0&&(s[f]=!0),o[f]===void 0&&(o[f]=!0),l[d]===void 0&&(l[d]=!0)))}),c||(a[u]=!0)}),(Object.keys(o).length||Object.keys(s).length)&&this.queue.push({pending:s,pendingCount:Object.keys(s).length,loaded:{},errors:[],callback:i}),{toLoad:Object.keys(o),pending:Object.keys(s),toLoadLanguages:Object.keys(a),toLoadNamespaces:Object.keys(l)}}loaded(t,n,r){const i=t.split("|"),o=i[0],s=i[1];n&&this.emit("failedLoading",o,s,n),r&&this.store.addResourceBundle(o,s,r),this.state[t]=n?-1:2;const a={};this.queue.forEach(l=>{rae(l.loaded,[o],s),vae(l,t),n&&l.errors.push(n),l.pendingCount===0&&!l.done&&(Object.keys(l.loaded).forEach(u=>{a[u]||(a[u]={});const c=l.loaded[u];c.length&&c.forEach(d=>{a[u][d]===void 0&&(a[u][d]=!0)})}),l.done=!0,l.errors.length?l.callback(l.errors):l.callback())}),this.emit("loaded",a),this.queue=this.queue.filter(l=>!l.done)}read(t,n,r){let i=arguments.length>3&&arguments[3]!==void 0?arguments[3]:0,o=arguments.length>4&&arguments[4]!==void 0?arguments[4]:this.retryTimeout,s=arguments.length>5?arguments[5]:void 0;if(!t.length)return s(null,{});if(this.readingCalls>=this.maxParallelReads){this.waitingReads.push({lng:t,ns:n,fcName:r,tried:i,wait:o,callback:s});return}this.readingCalls++;const a=(u,c)=>{if(this.readingCalls--,this.waitingReads.length>0){const d=this.waitingReads.shift();this.read(d.lng,d.ns,d.fcName,d.tried,d.wait,d.callback)}if(u&&c&&i{this.read.call(this,t,n,r,i+1,o*2,s)},o);return}s(u,c)},l=this.backend[r].bind(this.backend);if(l.length===2){try{const u=l(t,n);u&&typeof u.then=="function"?u.then(c=>a(null,c)).catch(a):a(null,u)}catch(u){a(u)}return}return l(t,n,a)}prepareLoading(t,n){let r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{},i=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."),i&&i();typeof t=="string"&&(t=this.languageUtils.toResolveHierarchy(t)),typeof n=="string"&&(n=[n]);const o=this.queueLoad(t,n,r,i);if(!o.toLoad.length)return o.pending.length||i(),null;o.toLoad.forEach(s=>{this.loadOne(s)})}load(t,n,r){this.prepareLoading(t,n,{},r)}reload(t,n,r){this.prepareLoading(t,n,{reload:!0},r)}loadOne(t){let n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:"";const r=t.split("|"),i=r[0],o=r[1];this.read(i,o,"read",void 0,void 0,(s,a)=>{s&&this.logger.warn(`${n}loading namespace ${o} for language ${i} failed`,s),!s&&a&&this.logger.log(`${n}loaded namespace ${o} for language ${i}`,a),this.loaded(t,s,a)})}saveMissing(t,n,r,i,o){let s=arguments.length>5&&arguments[5]!==void 0?arguments[5]:{},a=arguments.length>6&&arguments[6]!==void 0?arguments[6]:()=>{};if(this.services.utils&&this.services.utils.hasLoadedNamespace&&!this.services.utils.hasLoadedNamespace(n)){this.logger.warn(`did not save key "${r}" as the namespace "${n}" 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!!!");return}if(!(r==null||r==="")){if(this.backend&&this.backend.create){const l={...s,isUpdate:o},u=this.backend.create.bind(this.backend);if(u.length<6)try{let c;u.length===5?c=u(t,n,r,i,l):c=u(t,n,r,i),c&&typeof c.then=="function"?c.then(d=>a(null,d)).catch(a):a(null,c)}catch(c){a(c)}else u(t,n,r,i,a,l)}!t||!t[0]||this.store.addResource(t[0],n,r,i)}}}function RE(){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:!1,returnEmptyString:!0,returnObjects:!1,joinArrays:!1,returnedObjectHandler:!1,parseMissingKeyHandler:!1,appendNamespaceToMissingKey:!1,appendNamespaceToCIMode:!1,overloadTranslationOptionHandler:function(t){let n={};if(typeof t[1]=="object"&&(n=t[1]),typeof t[1]=="string"&&(n.defaultValue=t[1]),typeof t[2]=="string"&&(n.tDescription=t[2]),typeof t[2]=="object"||typeof t[3]=="object"){const r=t[3]||t[2];Object.keys(r).forEach(i=>{n[i]=r[i]})}return n},interpolation:{escapeValue:!0,format:(e,t,n,r)=>e,prefix:"{{",suffix:"}}",formatSeparator:",",unescapePrefix:"-",nestingPrefix:"$t(",nestingSuffix:")",nestingOptionsSeparator:",",maxReplaces:1e3,skipOnVariables:!0}}}function OE(e){return typeof e.ns=="string"&&(e.ns=[e.ns]),typeof e.fallbackLng=="string"&&(e.fallbackLng=[e.fallbackLng]),typeof e.fallbackNS=="string"&&(e.fallbackNS=[e.fallbackNS]),e.supportedLngs&&e.supportedLngs.indexOf("cimode")<0&&(e.supportedLngs=e.supportedLngs.concat(["cimode"])),e}function Rp(){}function Sae(e){Object.getOwnPropertyNames(Object.getPrototypeOf(e)).forEach(n=>{typeof e[n]=="function"&&(e[n]=e[n].bind(e))})}class Lf extends J0{constructor(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},n=arguments.length>1?arguments[1]:void 0;if(super(),this.options=OE(t),this.services={},this.logger=qi,this.modules={external:[]},Sae(this),n&&!this.isInitialized&&!t.isClone){if(!this.options.initImmediate)return this.init(t,n),this;setTimeout(()=>{this.init(t,n)},0)}}init(){var t=this;let n=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},r=arguments.length>1?arguments[1]:void 0;typeof n=="function"&&(r=n,n={}),!n.defaultNS&&n.defaultNS!==!1&&n.ns&&(typeof n.ns=="string"?n.defaultNS=n.ns:n.ns.indexOf("translation")<0&&(n.defaultNS=n.ns[0]));const i=RE();this.options={...i,...this.options,...OE(n)},this.options.compatibilityAPI!=="v1"&&(this.options.interpolation={...i.interpolation,...this.options.interpolation}),n.keySeparator!==void 0&&(this.options.userDefinedKeySeparator=n.keySeparator),n.nsSeparator!==void 0&&(this.options.userDefinedNsSeparator=n.nsSeparator);function o(c){return c?typeof c=="function"?new c:c:null}if(!this.options.isClone){this.modules.logger?qi.init(o(this.modules.logger),this.options):qi.init(null,this.options);let c;this.modules.formatter?c=this.modules.formatter:typeof Intl<"u"&&(c=yae);const d=new PE(this.options);this.store=new TE(this.options.resources,this.options);const f=this.services;f.logger=qi,f.resourceStore=this.store,f.languageUtils=d,f.pluralResolver=new pae(d,{prepend:this.options.pluralSeparator,compatibilityJSON:this.options.compatibilityJSON,simplifyPluralSuffix:this.options.simplifyPluralSuffix}),c&&(!this.options.interpolation.format||this.options.interpolation.format===i.interpolation.format)&&(f.formatter=o(c),f.formatter.init(f,this.options),this.options.interpolation.format=f.formatter.format.bind(f.formatter)),f.interpolator=new gae(this.options),f.utils={hasLoadedNamespace:this.hasLoadedNamespace.bind(this)},f.backendConnector=new bae(o(this.modules.backend),f.resourceStore,f,this.options),f.backendConnector.on("*",function(h){for(var p=arguments.length,m=new Array(p>1?p-1:0),S=1;S1?p-1:0),S=1;S{h.init&&h.init(this)})}if(this.format=this.options.interpolation.format,r||(r=Rp),this.options.fallbackLng&&!this.services.languageDetector&&!this.options.lng){const c=this.services.languageUtils.getFallbackCodes(this.options.fallbackLng);c.length>0&&c[0]!=="dev"&&(this.options.lng=c[0])}!this.services.languageDetector&&!this.options.lng&&this.logger.warn("init: no languageDetector is used and no lng is defined"),["getResource","hasResourceBundle","getResourceBundle","getDataByLanguage"].forEach(c=>{this[c]=function(){return t.store[c](...arguments)}}),["addResource","addResources","addResourceBundle","removeResourceBundle"].forEach(c=>{this[c]=function(){return t.store[c](...arguments),t}});const l=Xc(),u=()=>{const c=(d,f)=>{this.isInitialized&&!this.initializedStoreOnce&&this.logger.warn("init: i18next is already initialized. You should call init just once!"),this.isInitialized=!0,this.options.isClone||this.logger.log("initialized",this.options),this.emit("initialized",this.options),l.resolve(f),r(d,f)};if(this.languages&&this.options.compatibilityAPI!=="v1"&&!this.isInitialized)return c(null,this.t.bind(this));this.changeLanguage(this.options.lng,c)};return this.options.resources||!this.options.initImmediate?u():setTimeout(u,0),l}loadResources(t){let r=arguments.length>1&&arguments[1]!==void 0?arguments[1]:Rp;const i=typeof t=="string"?t:this.language;if(typeof t=="function"&&(r=t),!this.options.resources||this.options.partialBundledLanguages){if(i&&i.toLowerCase()==="cimode")return r();const o=[],s=a=>{if(!a)return;this.services.languageUtils.toResolveHierarchy(a).forEach(u=>{o.indexOf(u)<0&&o.push(u)})};i?s(i):this.services.languageUtils.getFallbackCodes(this.options.fallbackLng).forEach(l=>s(l)),this.options.preload&&this.options.preload.forEach(a=>s(a)),this.services.backendConnector.load(o,this.options.ns,a=>{!a&&!this.resolvedLanguage&&this.language&&this.setResolvedLanguage(this.language),r(a)})}else r(null)}reloadResources(t,n,r){const i=Xc();return t||(t=this.languages),n||(n=this.options.ns),r||(r=Rp),this.services.backendConnector.reload(t,n,o=>{i.resolve(),r(o)}),i}use(t){if(!t)throw new Error("You are passing an undefined module! Please check the object you are passing to i18next.use()");if(!t.type)throw new Error("You are passing a wrong module! Please check the object you are passing to i18next.use()");return t.type==="backend"&&(this.modules.backend=t),(t.type==="logger"||t.log&&t.warn&&t.error)&&(this.modules.logger=t),t.type==="languageDetector"&&(this.modules.languageDetector=t),t.type==="i18nFormat"&&(this.modules.i18nFormat=t),t.type==="postProcessor"&&LI.addPostProcessor(t),t.type==="formatter"&&(this.modules.formatter=t),t.type==="3rdParty"&&this.modules.external.push(t),this}setResolvedLanguage(t){if(!(!t||!this.languages)&&!(["cimode","dev"].indexOf(t)>-1))for(let n=0;n-1)&&this.store.hasLanguageSomeTranslations(r)){this.resolvedLanguage=r;break}}}changeLanguage(t,n){var r=this;this.isLanguageChangingTo=t;const i=Xc();this.emit("languageChanging",t);const o=l=>{this.language=l,this.languages=this.services.languageUtils.toResolveHierarchy(l),this.resolvedLanguage=void 0,this.setResolvedLanguage(l)},s=(l,u)=>{u?(o(u),this.translator.changeLanguage(u),this.isLanguageChangingTo=void 0,this.emit("languageChanged",u),this.logger.log("languageChanged",u)):this.isLanguageChangingTo=void 0,i.resolve(function(){return r.t(...arguments)}),n&&n(l,function(){return r.t(...arguments)})},a=l=>{!t&&!l&&this.services.languageDetector&&(l=[]);const u=typeof l=="string"?l:this.services.languageUtils.getBestMatchFromCodes(l);u&&(this.language||o(u),this.translator.language||this.translator.changeLanguage(u),this.services.languageDetector&&this.services.languageDetector.cacheUserLanguage&&this.services.languageDetector.cacheUserLanguage(u)),this.loadResources(u,c=>{s(c,u)})};return!t&&this.services.languageDetector&&!this.services.languageDetector.async?a(this.services.languageDetector.detect()):!t&&this.services.languageDetector&&this.services.languageDetector.async?this.services.languageDetector.detect.length===0?this.services.languageDetector.detect().then(a):this.services.languageDetector.detect(a):a(t),i}getFixedT(t,n,r){var i=this;const o=function(s,a){let l;if(typeof a!="object"){for(var u=arguments.length,c=new Array(u>2?u-2:0),d=2;d`${l.keyPrefix}${f}${p}`):h=l.keyPrefix?`${l.keyPrefix}${f}${s}`:s,i.t(h,l)};return typeof t=="string"?o.lng=t:o.lngs=t,o.ns=n,o.keyPrefix=r,o}t(){return this.translator&&this.translator.translate(...arguments)}exists(){return this.translator&&this.translator.exists(...arguments)}setDefaultNamespace(t){this.options.defaultNS=t}hasLoadedNamespace(t){let n=arguments.length>1&&arguments[1]!==void 0?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;const r=n.lng||this.resolvedLanguage||this.languages[0],i=this.options?this.options.fallbackLng:!1,o=this.languages[this.languages.length-1];if(r.toLowerCase()==="cimode")return!0;const s=(a,l)=>{const u=this.services.backendConnector.state[`${a}|${l}`];return u===-1||u===2};if(n.precheck){const a=n.precheck(this,s);if(a!==void 0)return a}return!!(this.hasResourceBundle(r,t)||!this.services.backendConnector.backend||this.options.resources&&!this.options.partialBundledLanguages||s(r,t)&&(!i||s(o,t)))}loadNamespaces(t,n){const r=Xc();return this.options.ns?(typeof t=="string"&&(t=[t]),t.forEach(i=>{this.options.ns.indexOf(i)<0&&this.options.ns.push(i)}),this.loadResources(i=>{r.resolve(),n&&n(i)}),r):(n&&n(),Promise.resolve())}loadLanguages(t,n){const r=Xc();typeof t=="string"&&(t=[t]);const i=this.options.preload||[],o=t.filter(s=>i.indexOf(s)<0);return o.length?(this.options.preload=i.concat(o),this.loadResources(s=>{r.resolve(),n&&n(s)}),r):(n&&n(),Promise.resolve())}dir(t){if(t||(t=this.resolvedLanguage||(this.languages&&this.languages.length>0?this.languages[0]:this.language)),!t)return"rtl";const n=["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"],r=this.services&&this.services.languageUtils||new PE(RE());return n.indexOf(r.getLanguagePartFromCode(t))>-1||t.toLowerCase().indexOf("-arab")>1?"rtl":"ltr"}static createInstance(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},n=arguments.length>1?arguments[1]:void 0;return new Lf(t,n)}cloneInstance(){let t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:Rp;const r=t.forkResourceStore;r&&delete t.forkResourceStore;const i={...this.options,...t,isClone:!0},o=new Lf(i);return(t.debug!==void 0||t.prefix!==void 0)&&(o.logger=o.logger.clone(t)),["store","services","language"].forEach(a=>{o[a]=this[a]}),o.services={...this.services},o.services.utils={hasLoadedNamespace:o.hasLoadedNamespace.bind(o)},r&&(o.store=new TE(this.store.data,i),o.services.resourceStore=o.store),o.translator=new qm(o.services,i),o.translator.on("*",function(a){for(var l=arguments.length,u=new Array(l>1?l-1:0),c=1;ctypeof e=="string"?{title:e,status:"info",isClosable:!0,duration:2500}:{status:"info",isClosable:!0,duration:2500,...e},$I={isConnected:!1,isProcessing:!1,isGFPGANAvailable:!0,isESRGANAvailable:!0,shouldConfirmOnDelete:!0,currentStep:0,totalSteps:0,currentIteration:0,totalIterations:0,currentStatusHasSteps:!1,isCancelable:!0,enableImageDebugging:!1,toastQueue:[],progressImage:null,shouldAntialiasProgressImage:!1,sessionId:null,cancelType:"immediate",isCancelScheduled:!1,subscribedNodeIds:[],wereModelsReceived:!1,wasSchemaParsed:!1,consoleLogLevel:"debug",shouldLogToConsole:!0,statusTranslationKey:"common.statusDisconnected",canceledSession:"",isPersisted:!1,language:"en",isUploading:!1,isNodesEnabled:!1,shouldUseNSFWChecker:!1,shouldUseWatermarker:!1},FI=Pt({name:"system",initialState:$I,reducers:{setIsProcessing:(e,t)=>{e.isProcessing=t.payload},setCurrentStatus:(e,t)=>{e.statusTranslationKey=t.payload},setShouldConfirmOnDelete:(e,t)=>{e.shouldConfirmOnDelete=t.payload},setIsCancelable:(e,t)=>{e.isCancelable=t.payload},setEnableImageDebugging:(e,t)=>{e.enableImageDebugging=t.payload},addToast:(e,t)=>{e.toastQueue.push(t.payload)},clearToastQueue:e=>{e.toastQueue=[]},cancelScheduled:e=>{e.isCancelScheduled=!0},scheduledCancelAborted:e=>{e.isCancelScheduled=!1},cancelTypeChanged:(e,t)=>{e.cancelType=t.payload},subscribedNodeIdsSet:(e,t)=>{e.subscribedNodeIds=t.payload},consoleLogLevelChanged:(e,t)=>{e.consoleLogLevel=t.payload},shouldLogToConsoleChanged:(e,t)=>{e.shouldLogToConsole=t.payload},shouldAntialiasProgressImageChanged:(e,t)=>{e.shouldAntialiasProgressImage=t.payload},isPersistedChanged:(e,t)=>{e.isPersisted=t.payload},languageChanged:(e,t)=>{e.language=t.payload},progressImageSet(e,t){e.progressImage=t.payload},setIsNodesEnabled(e,t){e.isNodesEnabled=t.payload},shouldUseNSFWCheckerChanged(e,t){e.shouldUseNSFWChecker=t.payload},shouldUseWatermarkerChanged(e,t){e.shouldUseWatermarker=t.payload}},extraReducers(e){e.addCase(s7,(t,n)=>{t.sessionId=n.payload.sessionId,t.canceledSession=""}),e.addCase(l7,t=>{t.sessionId=null}),e.addCase(r7,t=>{t.isConnected=!0,t.isCancelable=!0,t.isProcessing=!1,t.currentStatusHasSteps=!1,t.currentStep=0,t.totalSteps=0,t.currentIteration=0,t.totalIterations=0,t.statusTranslationKey="common.statusConnected"}),e.addCase(o7,t=>{t.isConnected=!1,t.isProcessing=!1,t.isCancelable=!0,t.currentStatusHasSteps=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusDisconnected"}),e.addCase(c7,t=>{t.isCancelable=!0,t.isProcessing=!0,t.currentStatusHasSteps=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusGenerating"}),e.addCase(m7,(t,n)=>{const{step:r,total_steps:i,progress_image:o}=n.payload.data;t.isProcessing=!0,t.isCancelable=!0,t.currentStatusHasSteps=!0,t.currentStep=r+1,t.totalSteps=i,t.progressImage=o??null,t.statusTranslationKey="common.statusGenerating"}),e.addCase(d7,(t,n)=>{const{data:r}=n.payload;t.currentStatusHasSteps=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusProcessingComplete",t.canceledSession===r.graph_execution_state_id&&(t.isProcessing=!1,t.isCancelable=!0)}),e.addCase(p7,t=>{t.isProcessing=!1,t.isCancelable=!1,t.isCancelScheduled=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusConnected",t.progressImage=null}),e.addCase(Ph,t=>{t.isProcessing=!0,t.isCancelable=!0,t.currentStatusHasSteps=!1,t.statusTranslationKey="common.statusPreparing"}),e.addCase(hl.fulfilled,(t,n)=>{t.canceledSession=n.meta.arg.session_id,t.isProcessing=!1,t.isCancelable=!1,t.isCancelScheduled=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusConnected",t.progressImage=null,t.toastQueue.push(Ga({title:kd("toast.canceled"),status:"warning"}))}),e.addCase(dC,t=>{t.wasSchemaParsed=!0}),e.addMatcher(MO,(t,n)=>{var r;t.isProcessing=!1,t.isCancelable=!1,t.isCancelScheduled=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusConnected",t.progressImage=null,t.toastQueue.push(Ga({title:kd("toast.serverError"),status:"error",description:((r=n.payload)==null?void 0:r.status)===422?"Validation Error":void 0}))}),e.addMatcher(Tae,(t,n)=>{t.isProcessing=!1,t.isCancelable=!0,t.currentStatusHasSteps=!1,t.currentStep=0,t.totalSteps=0,t.statusTranslationKey="common.statusError",t.progressImage=null,t.toastQueue.push(Ga({title:kd("toast.serverError"),status:"error",description:YX(n.payload.data.error_type)}))})}}),{setIsProcessing:S5e,setShouldConfirmOnDelete:_5e,setCurrentStatus:w5e,setIsCancelable:x5e,setEnableImageDebugging:C5e,addToast:Bt,clearToastQueue:T5e,cancelScheduled:E5e,scheduledCancelAborted:P5e,cancelTypeChanged:A5e,subscribedNodeIdsSet:k5e,consoleLogLevelChanged:R5e,shouldLogToConsoleChanged:O5e,isPersistedChanged:M5e,shouldAntialiasProgressImageChanged:I5e,languageChanged:N5e,progressImageSet:_ae,setIsNodesEnabled:D5e,shouldUseNSFWCheckerChanged:wae,shouldUseWatermarkerChanged:xae}=FI.actions,Cae=FI.reducer,Tae=ei(Ux,S7,w7),Eae={searchFolder:null,advancedAddScanModel:null},BI=Pt({name:"modelmanager",initialState:Eae,reducers:{setSearchFolder:(e,t)=>{e.searchFolder=t.payload},setAdvancedAddScanModel:(e,t)=>{e.advancedAddScanModel=t.payload}}}),{setSearchFolder:L5e,setAdvancedAddScanModel:$5e}=BI.actions,Pae=BI.reducer,jI={shift:!1},VI=Pt({name:"hotkeys",initialState:jI,reducers:{shiftKeyPressed:(e,t)=>{e.shift=t.payload}}}),{shiftKeyPressed:F5e}=VI.actions,Aae=VI.reducer,kae=nF(DV);zI=c2=void 0;var Rae=kae,Oae=function(){var t=[],n=[],r=void 0,i=function(u){return r=u,function(c){return function(d){return Rae.compose.apply(void 0,n)(c)(d)}}},o=function(){for(var u,c,d=arguments.length,f=Array(d),h=0;h=e.length?{done:!0}:{done:!1,value:e[r++]}},e:function(u){throw u},f:i}}throw new TypeError(`Invalid attempt to iterate non-iterable instance. -In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}var o=!0,s=!1,a;return{s:function(){n=n.call(e)},n:function(){var u=n.next();return o=u.done,u},e:function(u){s=!0,a=u},f:function(){try{!o&&n.return!=null&&n.return()}finally{if(s)throw a}}}}function GI(e,t){if(e){if(typeof e=="string")return IE(e,t);var n=Object.prototype.toString.call(e).slice(8,-1);if(n==="Object"&&e.constructor&&(n=e.constructor.name),n==="Map"||n==="Set")return Array.from(e);if(n==="Arguments"||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(n))return IE(e,t)}}function IE(e,t){(t==null||t>e.length)&&(t=e.length);for(var n=0,r=new Array(t);n0&&arguments[0]!==void 0?arguments[0]:{},n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},r=arguments.length>2?arguments[2]:void 0,i=r.prefix,o=r.driver,s=r.persistWholeStore,a=r.serialize;try{var l=s?Hae:qae;yield l(t,n,{prefix:i,driver:o,serialize:a})}catch(u){console.warn("redux-remember: persist error",u)}});return function(){return e.apply(this,arguments)}}();function $E(e,t,n,r,i,o,s){try{var a=e[o](s),l=a.value}catch(u){n(u);return}a.done?t(l):Promise.resolve(l).then(r,i)}function FE(e){return function(){var t=this,n=arguments;return new Promise(function(r,i){var o=e.apply(t,n);function s(l){$E(o,r,i,s,a,"next",l)}function a(l){$E(o,r,i,s,a,"throw",l)}s(void 0)})}}var Kae=function(){var e=FE(function*(t,n,r){var i=r.prefix,o=r.driver,s=r.serialize,a=r.unserialize,l=r.persistThrottle,u=r.persistDebounce,c=r.persistWholeStore;yield jae(t,n,{prefix:i,driver:o,unserialize:a,persistWholeStore:c});var d={},f=function(){var h=FE(function*(){var p=UI(t.getState(),n);yield Wae(p,d,{prefix:i,driver:o,serialize:s,persistWholeStore:c}),pC(p,d)||t.dispatch({type:Dae,payload:p}),d=p});return function(){return h.apply(this,arguments)}}();u&&u>0?t.subscribe($ae(f,u)):t.subscribe(Lae(f,l))});return function(n,r,i){return e.apply(this,arguments)}}();const Xae=Kae;function $f(e){"@babel/helpers - typeof";return $f=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},$f(e)}function BE(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable})),n.push.apply(n,r)}return n}function jb(e){for(var t=1;t0&&arguments[0]!==void 0?arguments[0]:n.state,i=arguments.length>1?arguments[1]:void 0;i.type&&(i.type==="@@INIT"||i.type.startsWith("@@redux/INIT"))&&(n.state=jb({},r));var o=typeof t=="function"?t:pc(t);switch(i.type){case d2:return n.state=o(jb(jb({},n.state),i.payload||{}),{type:d2}),n.state;default:return o(r,i)}}},ele=function(t,n){var r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{},i=r.prefix,o=i===void 0?"@@remember-":i,s=r.serialize,a=s===void 0?function(S,v){return JSON.stringify(S)}:s,l=r.unserialize,u=l===void 0?function(S,v){return JSON.parse(S)}:l,c=r.persistThrottle,d=c===void 0?100:c,f=r.persistDebounce,h=r.persistWholeStore,p=h===void 0?!1:h;if(!t)throw Error("redux-remember error: driver required");if(!Array.isArray(n))throw Error("redux-remember error: rememberedKeys needs to be an array");var m=function(v){return function(y,g,b){var _=v(y,g,b);return Xae(_,n,{driver:t,prefix:o,serialize:a,unserialize:u,persistThrottle:d,persistDebounce:f,persistWholeStore:p}),_}};return m};const B5e=["chakra-ui-color-mode","i18nextLng","ROARR_FILTER","ROARR_LOG"],tle="@@invokeai-",nle=["cursorPosition","isCanvasInitialized","doesCanvasNeedScaling"],rle=["pendingControlImages"],ile=["selection","selectedBoardId","galleryView"],ole=["schema","invocationTemplates"],sle=[],ale=[],lle=["currentIteration","currentStep","isCancelable","isConnected","isESRGANAvailable","isGFPGANAvailable","isProcessing","totalIterations","totalSteps","isCancelScheduled","progressImage","wereModelsReceived","wasSchemaParsed","isPersisted","isUploading"],ule=["shouldShowImageDetails"],cle={canvas:nle,gallery:ile,generation:sle,nodes:ole,postprocessing:ale,system:lle,ui:ule,controlNet:rle},dle=(e,t)=>{const n=_0(e,cle[t]);return JSON.stringify(n)},fle={canvas:NO,gallery:k7,generation:Wo,nodes:kI,postprocessing:MI,system:$I,config:gO,ui:kO,hotkeys:jI,controlNet:z_},hle=(e,t)=>gX(JSON.parse(e),fle[t]),qI=ue("nodes/textToImageGraphBuilt"),WI=ue("nodes/imageToImageGraphBuilt"),KI=ue("nodes/canvasGraphBuilt"),XI=ue("nodes/nodesGraphBuilt"),ple=ei(qI,WI,KI,XI),gle=e=>{if(ple(e)&&e.payload.nodes){const t={};return{...e,payload:{...e.payload,nodes:t}}}return Df.fulfilled.match(e)?{...e,payload:""}:dC.match(e)?{...e,payload:""}:e},mle=["canvas/setCursorPosition","canvas/setStageCoordinates","canvas/setStageScale","canvas/setIsDrawing","canvas/setBoundingBoxCoordinates","canvas/setBoundingBoxDimensions","canvas/setIsDrawing","canvas/addPointToCurrentLine","socket/socketGeneratorProgress","socket/appSocketGeneratorProgress","hotkeys/shiftKeyPressed","@@REMEMBER_PERSISTED"],yle=e=>e,vle=()=>{le({actionCreator:zQ,effect:async(e,{dispatch:t,getState:n})=>{const r=fe("canvas"),i=n(),{sessionId:o,isProcessing:s}=i.system,a=e.payload;if(s){if(!a){r.debug("No canvas session, skipping cancel");return}if(a!==o){r.debug({canvasSessionId:a,session_id:o},"Canvas session does not match global session, skipping cancel");return}t(hl({session_id:o}))}}})};ue("app/appStarted");const ble=()=>{le({matcher:he.endpoints.listImages.matchFulfilled,effect:async(e,{dispatch:t,unsubscribe:n,cancelActiveListeners:r})=>{if(e.meta.arg.queryCacheKey!==di({board_id:"none",categories:gi}))return;r(),n();const i=e.payload;i.ids.length>0&&t(Os(i.ids[0]))}})},gC=Hs.injectEndpoints({endpoints:e=>({getAppVersion:e.query({query:()=>({url:"app/version",method:"GET"}),providesTags:["AppVersion"],keepUnusedDataFor:864e5}),getAppConfig:e.query({query:()=>({url:"app/config",method:"GET"}),providesTags:["AppConfig"],keepUnusedDataFor:864e5})})}),{useGetAppVersionQuery:j5e,useGetAppConfigQuery:V5e}=gC,Sle=()=>{le({matcher:gC.endpoints.getAppConfig.matchFulfilled,effect:async(e,{getState:t,dispatch:n})=>{const{infill_methods:r=[],nsfw_methods:i=[],watermarking_methods:o=[]}=e.payload,s=t().generation.infillMethod;r.includes(s)||n(_Q(r[0])),i.includes("nsfw_checker")||n(wae(!1)),o.includes("invisible_watermark")||n(xae(!1))}})},_le=ue("app/appStarted"),wle=()=>{le({actionCreator:_le,effect:async(e,{unsubscribe:t,cancelActiveListeners:n})=>{n(),t()}})},mC={memoizeOptions:{resultEqualityCheck:S0}},YI=(e,t)=>{var d;const{generation:n,canvas:r,nodes:i,controlNet:o}=e,s=((d=n.initialImage)==null?void 0:d.imageName)===t,a=r.layerState.objects.some(f=>f.kind==="image"&&f.imageName===t),l=i.nodes.some(f=>Ea(f.data.inputs,h=>{var p;return h.type==="image"&&((p=h.value)==null?void 0:p.image_name)===t})),u=Ea(o.controlNets,f=>f.controlImage===t||f.processedControlImage===t);return{isInitialImage:s,isCanvasImage:a,isNodesImage:l,isControlNetImage:u}},xle=Jn([e=>e],e=>{const{imageToDelete:t}=e.imageDeletion;if(!t)return;const{image_name:n}=t;return YI(e,n)},mC),Cle=()=>{le({matcher:ec.endpoints.deleteBoardAndImages.matchFulfilled,effect:async(e,{dispatch:t,getState:n})=>{const{deleted_images:r}=e.payload;let i=!1,o=!1,s=!1,a=!1;const l=n();r.forEach(u=>{const c=YI(l,u);c.isInitialImage&&!i&&(t(EO()),i=!0),c.isCanvasImage&&!o&&(t(LO()),o=!0),c.isNodesImage&&!s&&(t(OI()),s=!0),c.isControlNetImage&&!a&&(t(T7()),a=!0)})}})},Tle=()=>{le({matcher:ei(U_,Am),effect:async(e,{getState:t,dispatch:n,condition:r,cancelActiveListeners:i})=>{i();const o=t(),s=U_.match(e)?e.payload:o.gallery.selectedBoardId,l=(Am.match(e)?e.payload:o.gallery.galleryView)==="images"?gi:_s,u={board_id:s??"none",categories:l};if(await r(()=>he.endpoints.listImages.select(u)(t()).isSuccess,5e3)){const{data:d}=he.endpoints.listImages.select(u)(t());d!=null&&d.ids.length?n(Os(d.ids[0]??null)):n(Os(null))}else n(Os(null))}})},Ele=ue("canvas/canvasSavedToGallery"),Ple=ue("canvas/canvasCopiedToClipboard"),Ale=ue("canvas/canvasDownloadedAsImage"),kle=ue("canvas/canvasMerged"),Rle=ue("canvas/stagingAreaImageSaved");let QI=null,ZI=null;const z5e=e=>{QI=e},tv=()=>QI,U5e=e=>{ZI=e},Ole=()=>ZI,Mle=async e=>new Promise((t,n)=>{e.toBlob(r=>{if(r){t(r);return}n("Unable to create Blob")})}),Km=async(e,t)=>await Mle(e.toCanvas(t)),yC=async e=>{const t=tv();if(!t)return;const{shouldCropToBoundingBoxOnSave:n,boundingBoxCoordinates:r,boundingBoxDimensions:i}=e.canvas,o=t.clone();o.scale({x:1,y:1});const s=o.getAbsolutePosition(),a=n?{x:r.x+s.x,y:r.y+s.y,width:i.width,height:i.height}:o.getClientRect();return Km(o,a)},Ile=e=>{navigator.clipboard.write([new ClipboardItem({[e.type]:e})])},Nle=()=>{le({actionCreator:Ple,effect:async(e,{dispatch:t,getState:n})=>{const r=Z0.get().child({namespace:"canvasCopiedToClipboardListener"}),i=n(),o=await yC(i);if(!o){r.error("Problem getting base layer blob"),t(Bt({title:"Problem Copying Canvas",description:"Unable to export base layer",status:"error"}));return}Ile(o),t(Bt({title:"Canvas Copied to Clipboard",status:"success"}))}})},Dle=(e,t)=>{const n=URL.createObjectURL(e),r=document.createElement("a");r.href=n,r.download=t,document.body.appendChild(r),r.click(),document.body.removeChild(r),r.remove()},Lle=()=>{le({actionCreator:Ale,effect:async(e,{dispatch:t,getState:n})=>{const r=Z0.get().child({namespace:"canvasSavedToGalleryListener"}),i=n(),o=await yC(i);if(!o){r.error("Problem getting base layer blob"),t(Bt({title:"Problem Downloading Canvas",description:"Unable to export base layer",status:"error"}));return}Dle(o,"canvas.png"),t(Bt({title:"Canvas Downloaded",status:"success"}))}})},$le=async()=>{const e=tv();if(!e)return;const t=e.clone();return t.scale({x:1,y:1}),Km(t,t.getClientRect())},Fle=()=>{le({actionCreator:kle,effect:async(e,{dispatch:t})=>{const n=Z0.get().child({namespace:"canvasCopiedToClipboardListener"}),r=await $le();if(!r){n.error("Problem getting base layer blob"),t(Bt({title:"Problem Merging Canvas",description:"Unable to export base layer",status:"error"}));return}const i=tv();if(!i){n.error("Problem getting canvas base layer"),t(Bt({title:"Problem Merging Canvas",description:"Unable to export base layer",status:"error"}));return}const o=i.getClientRect({relativeTo:i.getParent()}),s=await t(he.endpoints.uploadImage.initiate({file:new File([r],"mergedCanvas.png",{type:"image/png"}),image_category:"general",is_intermediate:!0,postUploadAction:{type:"TOAST",toastOptions:{title:"Canvas Merged"}}})).unwrap(),{image_name:a}=s;t(UQ({kind:"image",layer:"base",imageName:a,...o}))}})},Ble=()=>{le({actionCreator:Ele,effect:async(e,{dispatch:t,getState:n})=>{const r=fe("canvas"),i=n(),o=await yC(i);if(!o){r.error("Problem getting base layer blob"),t(Bt({title:"Problem Saving Canvas",description:"Unable to export base layer",status:"error"}));return}t(he.endpoints.uploadImage.initiate({file:new File([o],"savedCanvas.png",{type:"image/png"}),image_category:"general",is_intermediate:!1,board_id:i.gallery.autoAddBoardId,crop_visible:!0,postUploadAction:{type:"TOAST",toastOptions:{title:"Canvas Saved to Gallery"}}}))}})},jle=(e,t,n)=>{if(!(oJ.match(e)||bT.match(e)||Hx.match(e)||sJ.match(e)||ST.match(e))||ST.match(e)&&n.controlNet.controlNets[e.payload.controlNetId].shouldAutoConfig===!0)return!1;const{controlImage:i,processorType:o,shouldAutoConfig:s}=t.controlNet.controlNets[e.payload.controlNetId];if(bT.match(e)&&!s)return!1;const a=o!=="none",l=t.system.isProcessing;return a&&!l&&!!i},Vle=()=>{le({predicate:jle,effect:async(e,{dispatch:t,cancelActiveListeners:n,delay:r})=>{const i=fe("session"),{controlNetId:o}=e.payload;n(),i.trace("ControlNet auto-process triggered"),await r(300),t(Gx({controlNetId:o}))}})},pl=ue("system/sessionReadyToInvoke"),JI=e=>(e==null?void 0:e.type)==="image_output",zle=()=>{le({actionCreator:Gx,effect:async(e,{dispatch:t,getState:n,take:r})=>{const i=fe("session"),{controlNetId:o}=e.payload,s=n().controlNet.controlNets[o];if(!s.controlImage){i.error("Unable to process ControlNet image");return}const a={nodes:{[s.processorNode.id]:{...s.processorNode,is_intermediate:!0,image:{image_name:s.controlImage}}}},l=t(Rn({graph:a})),[u]=await r(f=>Rn.fulfilled.match(f)&&f.meta.requestId===l.requestId),c=u.payload.id;t(pl());const[d]=await r(f=>zx.match(f)&&f.payload.data.graph_execution_state_id===c);if(JI(d.payload.data.result)){const{image_name:f}=d.payload.data.result.image,[{payload:h}]=await r(m=>he.endpoints.getImageDTO.matchFulfilled(m)&&m.payload.image_name===f),p=h;i.debug({controlNetId:e.payload,processedControlImage:p},"ControlNet image processed"),t(iJ({controlNetId:o,processedControlImage:p.image_name}))}}})},Ule=()=>{le({matcher:he.endpoints.addImageToBoard.matchFulfilled,effect:e=>{const t=fe("images"),{board_id:n,imageDTO:r}=e.meta.arg.originalArgs;t.debug({board_id:n,imageDTO:r},"Image added to board")}})},Gle=()=>{le({matcher:he.endpoints.addImageToBoard.matchRejected,effect:e=>{const t=fe("images"),{board_id:n,imageDTO:r}=e.meta.arg.originalArgs;t.debug({board_id:n,imageDTO:r},"Problem adding image to board")}})},G5e=e=>e.gallery,H5e=Jn(e=>e,e=>e.gallery.selection[e.gallery.selection.length-1],mC),Hle=Jn([e=>e],e=>{const{selectedBoardId:t,galleryView:n}=e.gallery;return{board_id:t??"none",categories:n==="images"?gi:_s,offset:0,limit:KQ,is_intermediate:!1}},mC),eN=ue("imageDeletion/imageDeletionConfirmed"),qle=()=>{le({actionCreator:eN,effect:async(e,{dispatch:t,getState:n,condition:r})=>{const{imageDTO:i,imageUsage:o}=e.payload;t(M7(!1));const{image_name:s}=i,a=n();if(a.gallery.selection[a.gallery.selection.length-1]===s){const d=Hle(a),{data:f}=he.endpoints.listImages.select(d)(a),h=(f==null?void 0:f.ids)??[],p=h.findIndex(y=>y.toString()===s),m=h.filter(y=>y.toString()!==s),S=Ss(p,0,m.length-1),v=m[S];t(Os(v||null))}o.isCanvasImage&&t(LO()),o.isControlNetImage&&t(T7()),o.isInitialImage&&t(EO()),o.isNodesImage&&t(OI());const{requestId:u}=t(he.endpoints.deleteImage.initiate(i));await r(d=>he.endpoints.deleteImage.matchFulfilled(d)&&d.meta.requestId===u,3e4)&&t(Hs.util.invalidateTags([{type:"Board",id:i.board_id}]))}})},Wle=()=>{le({matcher:he.endpoints.deleteImage.matchPending,effect:()=>{}})},Kle=()=>{le({matcher:he.endpoints.deleteImage.matchFulfilled,effect:e=>{fe("images").debug({imageDTO:e.meta.arg.originalArgs},"Image deleted")}})},Xle=()=>{le({matcher:he.endpoints.deleteImage.matchRejected,effect:e=>{fe("images").debug({imageDTO:e.meta.arg.originalArgs},"Unable to delete image")}})},tN=ue("dnd/dndDropped"),Yle=()=>{le({actionCreator:tN,effect:async(e,{dispatch:t})=>{const n=fe("images"),{activeData:r,overData:i}=e.payload;if(n.debug({activeData:r,overData:i},"Image or selection dropped"),i.actionType==="SET_CURRENT_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){t(Os(r.payload.imageDTO.image_name));return}if(i.actionType==="SET_INITIAL_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){t(C0(r.payload.imageDTO));return}if(i.actionType==="ADD_TO_BATCH"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){t(G_([r.payload.imageDTO.image_name]));return}if(i.actionType==="ADD_TO_BATCH"&&r.payloadType==="IMAGE_NAMES"){t(G_(r.payload.image_names));return}if(i.actionType==="SET_CONTROLNET_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){const{controlNetId:o}=i.context;t(Hx({controlImage:r.payload.imageDTO.image_name,controlNetId:o}));return}if(i.actionType==="SET_CANVAS_INITIAL_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){t($O(r.payload.imageDTO));return}if(i.actionType==="SET_NODES_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){const{fieldName:o,nodeId:s}=i.context;t(u2({nodeId:s,fieldName:o,value:r.payload.imageDTO}));return}if(i.actionType==="SET_MULTI_NODES_IMAGE"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){const{fieldName:o,nodeId:s}=i.context;t(u2({nodeId:s,fieldName:o,value:[r.payload.imageDTO]}));return}if(i.actionType==="MOVE_BOARD"&&r.payloadType==="IMAGE_DTO"&&r.payload.imageDTO){const{imageDTO:o}=r.payload,{boardId:s}=i.context;if(!s){t(he.endpoints.removeImageFromBoard.initiate({imageDTO:o}));return}t(he.endpoints.addImageToBoard.initiate({imageDTO:o,board_id:s}));return}}})},Qle=()=>{le({matcher:he.endpoints.removeImageFromBoard.matchFulfilled,effect:e=>{const t=fe("images"),n=e.meta.arg.originalArgs;t.debug({imageDTO:n},"Image removed from board")}})},Zle=()=>{le({matcher:he.endpoints.removeImageFromBoard.matchRejected,effect:e=>{const t=fe("images"),n=e.meta.arg.originalArgs;t.debug({imageDTO:n},"Problem removing image from board")}})},Jle=()=>{le({actionCreator:gJ,effect:async(e,{dispatch:t,getState:n})=>{const r=e.payload,i=n(),{shouldConfirmOnDelete:o}=i.system,s=xle(n());if(!s)return;const a=s.isCanvasImage||s.isInitialImage||s.isControlNetImage||s.isNodesImage;if(o||a){t(M7(!0));return}t(eN({imageDTO:r,imageUsage:s}))}})},ga={title:"Image Uploaded",status:"success"},eue=()=>{le({matcher:he.endpoints.uploadImage.matchFulfilled,effect:(e,{dispatch:t,getState:n})=>{const r=fe("images"),i=e.payload,o=n(),{autoAddBoardId:s}=o.gallery;r.debug({imageDTO:i},"Image uploaded");const{postUploadAction:a}=e.meta.arg.originalArgs;if(!(e.payload.is_intermediate&&!a)){if((a==null?void 0:a.type)==="TOAST"){const{toastOptions:l}=a;if(!s)t(Bt({...ga,...l}));else{t(he.endpoints.addImageToBoard.initiate({board_id:s,imageDTO:i}));const{data:u}=ec.endpoints.listAllBoards.select()(o),c=u==null?void 0:u.find(f=>f.board_id===s),d=c?`Added to board ${c.board_name}`:`Added to board ${s}`;t(Bt({...ga,description:d}))}return}if((a==null?void 0:a.type)==="SET_CANVAS_INITIAL_IMAGE"){t($O(i)),t(Bt({...ga,description:"Set as canvas initial image"}));return}if((a==null?void 0:a.type)==="SET_CONTROLNET_IMAGE"){const{controlNetId:l}=a;t(Hx({controlNetId:l,controlImage:i.image_name})),t(Bt({...ga,description:"Set as control image"}));return}if((a==null?void 0:a.type)==="SET_INITIAL_IMAGE"){t(C0(i)),t(Bt({...ga,description:"Set as initial image"}));return}if((a==null?void 0:a.type)==="SET_NODES_IMAGE"){const{nodeId:l,fieldName:u}=a;t(u2({nodeId:l,fieldName:u,value:i})),t(Bt({...ga,description:`Set as node field ${u}`}));return}if((a==null?void 0:a.type)==="ADD_TO_BATCH"){t(G_([i.image_name])),t(Bt({...ga,description:"Added to batch"}));return}}}})},tue=()=>{le({matcher:he.endpoints.uploadImage.matchRejected,effect:(e,{dispatch:t})=>{const n=fe("images"),r={arg:{..._0(e.meta.arg.originalArgs,["file","postUploadAction"]),file:""}};n.error({...r},"Image upload failed"),t(Bt({title:"Image Upload Failed",description:e.error.message,status:"error"}))}})},nue=ue("generation/initialImageSelected"),rue=ue("generation/modelSelected"),iue=()=>{le({actionCreator:nue,effect:(e,{dispatch:t})=>{if(!e.payload){t(Bt(Ga({title:kd("toast.imageNotLoadedDesc"),status:"error"})));return}t(C0(e.payload)),t(Bt(Ga(kd("toast.sentToImageToImage"))))}})},oue=()=>{le({actionCreator:rue,effect:(e,{getState:t,dispatch:n})=>{var l;const r=fe("models"),i=t(),o=xf.safeParse(e.payload);if(!o.success){r.error({error:o.error.format()},"Failed to parse main model");return}const s=o.data,{base_model:a}=s;if(((l=i.generation.model)==null?void 0:l.base_model)!==a){let u=0;Qa(i.lora.loras,(f,h)=>{f.base_model!==a&&(n(N7(h)),u+=1)});const{vae:c}=i.generation;c&&c.base_model!==a&&(n(PO(null)),u+=1);const{controlNets:d}=i.controlNet;Qa(d,(f,h)=>{var p;((p=f.model)==null?void 0:p.base_model)!==a&&(n(C7({controlNetId:h})),u+=1)}),u>0&&n(Bt(Ga({title:`Base model changed, cleared ${u} incompatible submodel${u===1?"":"s"}`,status:"warning"})))}n(ja(s))}})},jE=cl({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),VE=cl({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),zE=cl({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),UE=cl({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),GE=cl({sortComparer:(e,t)=>e.model_name.localeCompare(t.model_name)}),sue=({base_model:e,model_type:t,model_name:n})=>`${e}/${t}/${n}`,Yc=e=>{const t=[];return e.forEach(n=>{const r={...Ln(n),id:sue(n)};t.push(r)}),t},xo=Hs.injectEndpoints({endpoints:e=>({getMainModels:e.query({query:t=>{const n={model_type:"main",base_models:t};return`models/?${F_.stringify(n,{arrayFormat:"none"})}`},providesTags:(t,n,r)=>{const i=[{type:"MainModel",id:Le}];return t&&i.push(...t.ids.map(o=>({type:"MainModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=Yc(t.models);return jE.setAll(jE.getInitialState(),i)}}),updateMainModels:e.mutation({query:({base_model:t,model_name:n,body:r})=>({url:`models/${t}/main/${n}`,method:"PATCH",body:r}),invalidatesTags:[{type:"MainModel",id:Le},{type:"SDXLRefinerModel",id:Le}]}),importMainModels:e.mutation({query:({body:t})=>({url:"models/import",method:"POST",body:t}),invalidatesTags:[{type:"MainModel",id:Le},{type:"SDXLRefinerModel",id:Le}]}),addMainModels:e.mutation({query:({body:t})=>({url:"models/add",method:"POST",body:t}),invalidatesTags:[{type:"MainModel",id:Le},{type:"SDXLRefinerModel",id:Le}]}),deleteMainModels:e.mutation({query:({base_model:t,model_name:n})=>({url:`models/${t}/main/${n}`,method:"DELETE"}),invalidatesTags:[{type:"MainModel",id:Le},{type:"SDXLRefinerModel",id:Le}]}),convertMainModels:e.mutation({query:({base_model:t,model_name:n,params:r})=>({url:`models/convert/${t}/main/${n}`,method:"PUT",params:r}),invalidatesTags:[{type:"MainModel",id:Le},{type:"SDXLRefinerModel",id:Le}]}),mergeMainModels:e.mutation({query:({base_model:t,body:n})=>({url:`models/merge/${t}`,method:"PUT",body:n}),invalidatesTags:[{type:"MainModel",id:Le},{type:"SDXLRefinerModel",id:Le}]}),syncModels:e.mutation({query:()=>({url:"models/sync",method:"POST"}),invalidatesTags:[{type:"MainModel",id:Le},{type:"SDXLRefinerModel",id:Le}]}),getLoRAModels:e.query({query:()=>({url:"models/",params:{model_type:"lora"}}),providesTags:(t,n,r)=>{const i=[{type:"LoRAModel",id:Le}];return t&&i.push(...t.ids.map(o=>({type:"LoRAModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=Yc(t.models);return VE.setAll(VE.getInitialState(),i)}}),updateLoRAModels:e.mutation({query:({base_model:t,model_name:n,body:r})=>({url:`models/${t}/lora/${n}`,method:"PATCH",body:r}),invalidatesTags:[{type:"LoRAModel",id:Le}]}),deleteLoRAModels:e.mutation({query:({base_model:t,model_name:n})=>({url:`models/${t}/lora/${n}`,method:"DELETE"}),invalidatesTags:[{type:"LoRAModel",id:Le}]}),getControlNetModels:e.query({query:()=>({url:"models/",params:{model_type:"controlnet"}}),providesTags:(t,n,r)=>{const i=[{type:"ControlNetModel",id:Le}];return t&&i.push(...t.ids.map(o=>({type:"ControlNetModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=Yc(t.models);return zE.setAll(zE.getInitialState(),i)}}),getVaeModels:e.query({query:()=>({url:"models/",params:{model_type:"vae"}}),providesTags:(t,n,r)=>{const i=[{type:"VaeModel",id:Le}];return t&&i.push(...t.ids.map(o=>({type:"VaeModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=Yc(t.models);return GE.setAll(GE.getInitialState(),i)}}),getTextualInversionModels:e.query({query:()=>({url:"models/",params:{model_type:"embedding"}}),providesTags:(t,n,r)=>{const i=[{type:"TextualInversionModel",id:Le}];return t&&i.push(...t.ids.map(o=>({type:"TextualInversionModel",id:o}))),i},transformResponse:(t,n,r)=>{const i=Yc(t.models);return UE.setAll(UE.getInitialState(),i)}}),getModelsInFolder:e.query({query:t=>({url:`/models/search?${F_.stringify(t,{})}`}),providesTags:(t,n,r)=>{const i=[{type:"ScannedModels",id:Le}];return t&&i.push(...t.map(o=>({type:"ScannedModels",id:o}))),i}}),getCheckpointConfigs:e.query({query:()=>({url:"/models/ckpt_confs"})})})}),{useGetMainModelsQuery:q5e,useGetControlNetModelsQuery:W5e,useGetLoRAModelsQuery:K5e,useGetTextualInversionModelsQuery:X5e,useGetVaeModelsQuery:Y5e,useUpdateMainModelsMutation:Q5e,useDeleteMainModelsMutation:Z5e,useImportMainModelsMutation:J5e,useAddMainModelsMutation:e4e,useConvertMainModelsMutation:t4e,useMergeMainModelsMutation:n4e,useDeleteLoRAModelsMutation:r4e,useUpdateLoRAModelsMutation:i4e,useSyncModelsMutation:o4e,useGetModelsInFolderQuery:s4e,useGetCheckpointConfigsQuery:a4e}=xo,aue=()=>{le({predicate:(e,t)=>xo.endpoints.getMainModels.matchFulfilled(t)&&!t.meta.arg.originalArgs.includes("sdxl-refiner"),effect:async(e,{getState:t,dispatch:n})=>{const r=fe("models");r.info({models:e.payload.entities},`Main models loaded (${e.payload.ids.length})`);const i=t().generation.model;if(Ea(e.payload.entities,u=>(u==null?void 0:u.model_name)===(i==null?void 0:i.model_name)&&(u==null?void 0:u.base_model)===(i==null?void 0:i.base_model)))return;const s=e.payload.ids[0],a=e.payload.entities[s];if(!a){n(ja(null));return}const l=xf.safeParse(a);if(!l.success){r.error({error:l.error.format()},"Failed to parse main model");return}n(ja(l.data))}}),le({predicate:(e,t)=>xo.endpoints.getMainModels.matchFulfilled(t)&&t.meta.arg.originalArgs.includes("sdxl-refiner"),effect:async(e,{getState:t,dispatch:n})=>{const r=fe("models");r.info({models:e.payload.entities},`SDXL Refiner models loaded (${e.payload.ids.length})`);const i=t().sdxl.refinerModel;if(Ea(e.payload.entities,u=>(u==null?void 0:u.model_name)===(i==null?void 0:i.model_name)&&(u==null?void 0:u.base_model)===(i==null?void 0:i.base_model)))return;const s=e.payload.ids[0],a=e.payload.entities[s];if(!a){n(wE(null)),n(Jse(!1));return}const l=xf.safeParse(a);if(!l.success){r.error({error:l.error.format()},"Failed to parse SDXL Refiner Model");return}n(wE(l.data))}}),le({matcher:xo.endpoints.getVaeModels.matchFulfilled,effect:async(e,{getState:t,dispatch:n})=>{const r=fe("models");r.info({models:e.payload.entities},`VAEs loaded (${e.payload.ids.length})`);const i=t().generation.vae;if(i===null||Ea(e.payload.entities,u=>(u==null?void 0:u.model_name)===(i==null?void 0:i.model_name)&&(u==null?void 0:u.base_model)===(i==null?void 0:i.base_model)))return;const s=e.payload.ids[0],a=e.payload.entities[s];if(!a){n(ja(null));return}const l=mQ.safeParse(a);if(!l.success){r.error({error:l.error.format()},"Failed to parse VAE model");return}n(PO(l.data))}}),le({matcher:xo.endpoints.getLoRAModels.matchFulfilled,effect:async(e,{getState:t,dispatch:n})=>{fe("models").info({models:e.payload.entities},`LoRAs loaded (${e.payload.ids.length})`);const i=t().lora.loras;Qa(i,(o,s)=>{Ea(e.payload.entities,l=>(l==null?void 0:l.model_name)===(o==null?void 0:o.model_name)&&(l==null?void 0:l.base_model)===(o==null?void 0:o.base_model))||n(N7(s))})}}),le({matcher:xo.endpoints.getControlNetModels.matchFulfilled,effect:async(e,{getState:t,dispatch:n})=>{fe("models").info({models:e.payload.entities},`ControlNet models loaded (${e.payload.ids.length})`);const i=t().controlNet.controlNets;Qa(i,(o,s)=>{Ea(e.payload.entities,l=>{var u,c;return(l==null?void 0:l.model_name)===((u=o==null?void 0:o.model)==null?void 0:u.model_name)&&(l==null?void 0:l.base_model)===((c=o==null?void 0:o.model)==null?void 0:c.base_model)})||n(C7({controlNetId:s}))})}}),le({matcher:xo.endpoints.getTextualInversionModels.matchFulfilled,effect:async e=>{fe("models").info({models:e.payload.entities},`Embeddings loaded (${e.payload.ids.length})`)}})},ra=e=>JSON.parse(JSON.stringify(e)),h2=e=>!("$ref"in e),lue=e=>!("$ref"in e),l4e=500,uue={integer:"integer",float:"float",number:"float",string:"string",boolean:"boolean",enum:"enum",ImageField:"image",image_collection:"image_collection",LatentsField:"latents",ConditioningField:"conditioning",UNetField:"unet",ClipField:"clip",VaeField:"vae",model:"model",refiner_model:"refiner_model",vae_model:"vae_model",lora_model:"lora_model",controlnet_model:"controlnet_model",ControlNetModelField:"controlnet_model",array:"array",item:"item",ColorField:"color",ControlField:"control",control:"control",cfg_scale:"float",control_weight:"float"},cue=500,Lt=e=>`var(--invokeai-colors-${e}-${cue})`,u4e={integer:{color:"red",colorCssVar:Lt("red"),title:"Integer",description:"Integers are whole numbers, without a decimal point."},float:{color:"orange",colorCssVar:Lt("orange"),title:"Float",description:"Floats are numbers with a decimal point."},string:{color:"yellow",colorCssVar:Lt("yellow"),title:"String",description:"Strings are text."},boolean:{color:"green",colorCssVar:Lt("green"),title:"Boolean",description:"Booleans are true or false."},enum:{color:"blue",colorCssVar:Lt("blue"),title:"Enum",description:"Enums are values that may be one of a number of options."},image:{color:"purple",colorCssVar:Lt("purple"),title:"Image",description:"Images may be passed between nodes."},image_collection:{color:"purple",colorCssVar:Lt("purple"),title:"Image Collection",description:"A collection of images."},latents:{color:"pink",colorCssVar:Lt("pink"),title:"Latents",description:"Latents may be passed between nodes."},conditioning:{color:"cyan",colorCssVar:Lt("cyan"),title:"Conditioning",description:"Conditioning may be passed between nodes."},unet:{color:"red",colorCssVar:Lt("red"),title:"UNet",description:"UNet submodel."},clip:{color:"green",colorCssVar:Lt("green"),title:"Clip",description:"Tokenizer and text_encoder submodels."},vae:{color:"blue",colorCssVar:Lt("blue"),title:"Vae",description:"Vae submodel."},control:{color:"cyan",colorCssVar:Lt("cyan"),title:"Control",description:"Control info passed between nodes."},model:{color:"teal",colorCssVar:Lt("teal"),title:"Model",description:"Models are models."},refiner_model:{color:"teal",colorCssVar:Lt("teal"),title:"Refiner Model",description:"Models are models."},vae_model:{color:"teal",colorCssVar:Lt("teal"),title:"VAE",description:"Models are models."},lora_model:{color:"teal",colorCssVar:Lt("teal"),title:"LoRA",description:"Models are models."},controlnet_model:{color:"teal",colorCssVar:Lt("teal"),title:"ControlNet",description:"Models are models."},array:{color:"gray",colorCssVar:Lt("gray"),title:"Array",description:"TODO: Array type description."},item:{color:"gray",colorCssVar:Lt("gray"),title:"Collection Item",description:"TODO: Collection Item type description."},color:{color:"gray",colorCssVar:Lt("gray"),title:"Color",description:"A RGBA color."}},c4e=250,Vb=e=>e.$ref.split("/").slice(-1)[0],due=({schemaObject:e,baseField:t})=>{const n={...t,type:"integer",inputRequirement:"always",inputKind:"any",default:e.default??0};return e.multipleOf!==void 0&&(n.multipleOf=e.multipleOf),e.maximum!==void 0&&(n.maximum=e.maximum),e.exclusiveMaximum!==void 0&&(n.exclusiveMaximum=e.exclusiveMaximum),e.minimum!==void 0&&(n.minimum=e.minimum),e.exclusiveMinimum!==void 0&&(n.exclusiveMinimum=e.exclusiveMinimum),n},fue=({schemaObject:e,baseField:t})=>{const n={...t,type:"float",inputRequirement:"always",inputKind:"any",default:e.default??0};return e.multipleOf!==void 0&&(n.multipleOf=e.multipleOf),e.maximum!==void 0&&(n.maximum=e.maximum),e.exclusiveMaximum!==void 0&&(n.exclusiveMaximum=e.exclusiveMaximum),e.minimum!==void 0&&(n.minimum=e.minimum),e.exclusiveMinimum!==void 0&&(n.exclusiveMinimum=e.exclusiveMinimum),n},hue=({schemaObject:e,baseField:t})=>{const n={...t,type:"string",inputRequirement:"always",inputKind:"any",default:e.default??""};return e.minLength!==void 0&&(n.minLength=e.minLength),e.maxLength!==void 0&&(n.maxLength=e.maxLength),e.pattern!==void 0&&(n.pattern=e.pattern),n},pue=({schemaObject:e,baseField:t})=>({...t,type:"boolean",inputRequirement:"always",inputKind:"any",default:e.default??!1}),gue=({schemaObject:e,baseField:t})=>({...t,type:"model",inputRequirement:"always",inputKind:"direct",default:e.default??void 0}),mue=({schemaObject:e,baseField:t})=>({...t,type:"refiner_model",inputRequirement:"always",inputKind:"direct",default:e.default??void 0}),yue=({schemaObject:e,baseField:t})=>({...t,type:"vae_model",inputRequirement:"always",inputKind:"direct",default:e.default??void 0}),vue=({schemaObject:e,baseField:t})=>({...t,type:"lora_model",inputRequirement:"always",inputKind:"direct",default:e.default??void 0}),bue=({schemaObject:e,baseField:t})=>({...t,type:"controlnet_model",inputRequirement:"always",inputKind:"direct",default:e.default??void 0}),Sue=({schemaObject:e,baseField:t})=>({...t,type:"image",inputRequirement:"always",inputKind:"any",default:e.default??void 0}),_ue=({schemaObject:e,baseField:t})=>({...t,type:"image_collection",inputRequirement:"always",inputKind:"any",default:e.default??void 0}),wue=({schemaObject:e,baseField:t})=>({...t,type:"latents",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),xue=({schemaObject:e,baseField:t})=>({...t,type:"conditioning",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),Cue=({schemaObject:e,baseField:t})=>({...t,type:"unet",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),Tue=({schemaObject:e,baseField:t})=>({...t,type:"clip",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),Eue=({schemaObject:e,baseField:t})=>({...t,type:"vae",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),Pue=({schemaObject:e,baseField:t})=>({...t,type:"control",inputRequirement:"always",inputKind:"connection",default:e.default??void 0}),Aue=({schemaObject:e,baseField:t})=>{const n=e.enum??[];return{...t,type:"enum",enumType:e.type??"string",options:n,inputRequirement:"always",inputKind:"direct",default:e.default??n[0]}},HE=({baseField:e})=>({...e,type:"array",inputRequirement:"always",inputKind:"direct",default:[]}),qE=({baseField:e})=>({...e,type:"item",inputRequirement:"always",inputKind:"direct",default:void 0}),kue=({schemaObject:e,baseField:t})=>({...t,type:"color",inputRequirement:"always",inputKind:"direct",default:e.default??{r:127,g:127,b:127,a:255}}),nN=(e,t,n)=>{let r="";n&&t in n?r=n[t]:e.type?e.enum?r="enum":e.type&&(r=e.type):e.allOf?r=Vb(e.allOf[0]):e.anyOf?r=Vb(e.anyOf[0]):e.oneOf&&(r=Vb(e.oneOf[0]));const i=uue[r];if(!i)throw`Field type "${r}" is unknown!`;return i},Rue=(e,t,n)=>{const r=nN(e,t,n),i={name:t,title:e.title??"",description:e.description??""};if(["image"].includes(r))return Sue({schemaObject:e,baseField:i});if(["image_collection"].includes(r))return _ue({schemaObject:e,baseField:i});if(["latents"].includes(r))return wue({schemaObject:e,baseField:i});if(["conditioning"].includes(r))return xue({schemaObject:e,baseField:i});if(["unet"].includes(r))return Cue({schemaObject:e,baseField:i});if(["clip"].includes(r))return Tue({schemaObject:e,baseField:i});if(["vae"].includes(r))return Eue({schemaObject:e,baseField:i});if(["control"].includes(r))return Pue({schemaObject:e,baseField:i});if(["model"].includes(r))return gue({schemaObject:e,baseField:i});if(["refiner_model"].includes(r))return mue({schemaObject:e,baseField:i});if(["vae_model"].includes(r))return yue({schemaObject:e,baseField:i});if(["lora_model"].includes(r))return vue({schemaObject:e,baseField:i});if(["controlnet_model"].includes(r))return bue({schemaObject:e,baseField:i});if(["enum"].includes(r))return Aue({schemaObject:e,baseField:i});if(["integer"].includes(r))return due({schemaObject:e,baseField:i});if(["number","float"].includes(r))return fue({schemaObject:e,baseField:i});if(["string"].includes(r))return hue({schemaObject:e,baseField:i});if(["boolean"].includes(r))return pue({schemaObject:e,baseField:i});if(["array"].includes(r))return HE({schemaObject:e,baseField:i});if(["item"].includes(r))return qE({schemaObject:e,baseField:i});if(["color"].includes(r))return kue({schemaObject:e,baseField:i});if(["array"].includes(r))return HE({schemaObject:e,baseField:i});if(["item"].includes(r))return qE({schemaObject:e,baseField:i})},Oue=(e,t,n)=>{const r=e.$ref.split("/").slice(-1)[0],i=t.components.schemas[r];return h2(i)?Lx(i.properties,(s,a,l)=>{if(!["type","id"].includes(l)&&!["object"].includes(a.type)&&h2(a)){const u=nN(a,l,n);s[l]={name:l,title:a.title??"",description:a.description??"",type:u}}return s},{}):{}},Mue=e=>e==="l2i"?["id","type","metadata"]:["id","type","is_intermediate","metadata"],Iue=["Graph","InvocationMeta","MetadataAccumulatorInvocation"],Nue=e=>{var r;return oO((r=e.components)==null?void 0:r.schemas,(i,o)=>o.includes("Invocation")&&!o.includes("InvocationOutput")&&!Iue.some(s=>o.includes(s))).reduce((i,o)=>{var s,a,l,u,c;if(lue(o)){const d=o.properties.type.default,f=Mue(d),h=((s=o.ui)==null?void 0:s.title)??o.title.replace("Invocation",""),p=(a=o.ui)==null?void 0:a.type_hints,m={};if(d==="collect"){const g=o.properties.item;m.item={type:"item",name:"item",description:g.description??"",title:"Collection Item",inputKind:"connection",inputRequirement:"always",default:void 0}}else if(d==="iterate"){const g=o.properties.collection;m.collection={type:"array",name:"collection",title:g.title??"",default:[],description:g.description??"",inputRequirement:"always",inputKind:"connection"}}else Lx(o.properties,(g,b,_)=>{if(!f.includes(_)&&h2(b)){const w=Rue(b,_,p);w&&(g[_]=w)}return g},m);const S=o.output;let v;if(d==="iterate"){const g=(u=(l=e.components)==null?void 0:l.schemas)==null?void 0:u.IterateInvocationOutput;v={item:{name:"item",title:(g==null?void 0:g.title)??"",description:(g==null?void 0:g.description)??"",type:"array"}}}else v=Oue(S,e,p);const y={title:h,type:d,tags:((c=o.ui)==null?void 0:c.tags)??[],description:o.description??"",inputs:m,outputs:v};Object.assign(i,{[d]:y})}return i},{})},Due=()=>{le({actionCreator:Df.fulfilled,effect:(e,{dispatch:t})=>{const n=fe("system"),r=e.payload;n.debug({schemaJSON:r},"Dereferenced OpenAPI schema");const i=Nue(r);n.debug({nodeTemplates:ra(i)},`Built ${hO(i)} node templates`),t(dC(i))}}),le({actionCreator:Df.rejected,effect:()=>{fe("system").error("Problem dereferencing OpenAPI Schema")}})},Lue=[EvalError,RangeError,ReferenceError,SyntaxError,TypeError,URIError,globalThis.DOMException,globalThis.AssertionError,globalThis.SystemError].filter(Boolean).map(e=>[e.name,e]),$ue=new Map(Lue),Fue=[{property:"name",enumerable:!1},{property:"message",enumerable:!1},{property:"stack",enumerable:!1},{property:"code",enumerable:!0},{property:"cause",enumerable:!1}],p2=Symbol(".toJSON was called"),Bue=e=>{e[p2]=!0;const t=e.toJSON();return delete e[p2],t},jue=e=>$ue.get(e)??Error,rN=({from:e,seen:t,to:n,forceEnumerable:r,maxDepth:i,depth:o,useToJSON:s,serialize:a})=>{if(!n)if(Array.isArray(e))n=[];else if(!a&&WE(e)){const u=jue(e.name);n=new u}else n={};if(t.push(e),o>=i)return n;if(s&&typeof e.toJSON=="function"&&e[p2]!==!0)return Bue(e);const l=u=>rN({from:u,seen:[...t],forceEnumerable:r,maxDepth:i,depth:o,useToJSON:s,serialize:a});for(const[u,c]of Object.entries(e)){if(typeof Buffer=="function"&&Buffer.isBuffer(c)){n[u]="[object Buffer]";continue}if(c!==null&&typeof c=="object"&&typeof c.pipe=="function"){n[u]="[object Stream]";continue}if(typeof c!="function"){if(!c||typeof c!="object"){n[u]=c;continue}if(!t.includes(e[u])){o++,n[u]=l(e[u]);continue}n[u]="[Circular]"}}for(const{property:u,enumerable:c}of Fue)typeof e[u]<"u"&&e[u]!==null&&Object.defineProperty(n,u,{value:WE(e[u])?l(e[u]):e[u],enumerable:r?!0:c,configurable:!0,writable:!0});return n};function vC(e,t={}){const{maxDepth:n=Number.POSITIVE_INFINITY,useToJSON:r=!0}=t;return typeof e=="object"&&e!==null?rN({from:e,seen:[],forceEnumerable:!0,maxDepth:n,depth:0,useToJSON:r,serialize:!0}):typeof e=="function"?`[Function: ${e.name??"anonymous"}]`:e}function WE(e){return!!e&&typeof e=="object"&&"name"in e&&"message"in e&&"stack"in e}const Vue=()=>{le({actionCreator:hl.pending,effect:()=>{}})},zue=()=>{le({actionCreator:hl.fulfilled,effect:e=>{const t=fe("session"),{session_id:n}=e.meta.arg;t.debug({session_id:n},`Session canceled (${n})`)}})},Uue=()=>{le({actionCreator:hl.rejected,effect:e=>{const t=fe("session"),{session_id:n}=e.meta.arg;if(e.payload){const{error:r}=e.payload;t.error({session_id:n,error:vC(r)},"Problem canceling session")}}})},Gue=()=>{le({actionCreator:Rn.pending,effect:()=>{}})},Hue=()=>{le({actionCreator:Rn.fulfilled,effect:e=>{const t=fe("session"),n=e.payload;t.debug({session:ra(n)},`Session created (${n.id})`)}})},que=()=>{le({actionCreator:Rn.rejected,effect:e=>{const t=fe("session");if(e.payload){const{error:n,status:r}=e.payload,i=ra(e.meta.arg);t.error({graph:i,status:r,error:vC(n)},"Problem creating session")}}})},Wue=()=>{le({actionCreator:yh.pending,effect:()=>{}})},Kue=()=>{le({actionCreator:yh.fulfilled,effect:e=>{const t=fe("session"),{session_id:n}=e.meta.arg;t.debug({session_id:n},`Session invoked (${n})`)}})},Xue=()=>{le({actionCreator:yh.rejected,effect:e=>{const t=fe("session"),{session_id:n}=e.meta.arg;if(e.payload){const{error:r}=e.payload;t.error({session_id:n,error:vC(r)},"Problem invoking session")}}})},Yue=()=>{le({actionCreator:pl,effect:(e,{getState:t,dispatch:n})=>{const r=fe("session"),{sessionId:i}=t().system;i&&(r.debug({session_id:i},`Session ready to invoke (${i})})`),n(yh({session_id:i})))}})},Que=()=>{le({actionCreator:n7,effect:(e,{dispatch:t,getState:n})=>{fe("socketio").debug("Connected");const{nodes:i,config:o}=n(),{disabledTabs:s}=o;!i.schema&&!s.includes("nodes")&&t(Df()),t(r7(e.payload)),t(xo.util.invalidateTags([{type:"MainModel",id:Le},{type:"SDXLRefinerModel",id:Le},{type:"LoRAModel",id:Le},{type:"ControlNetModel",id:Le},{type:"VaeModel",id:Le},{type:"TextualInversionModel",id:Le},{type:"ScannedModels",id:Le}])),t(gC.util.invalidateTags(["AppConfig","AppVersion"]))}})},Zue=()=>{le({actionCreator:i7,effect:(e,{dispatch:t})=>{fe("socketio").debug("Disconnected"),t(o7(e.payload))}})},Jue=()=>{le({actionCreator:g7,effect:(e,{dispatch:t,getState:n})=>{const r=fe("socketio");if(n().system.canceledSession===e.payload.data.graph_execution_state_id){r.trace(e.payload,"Ignored generator progress for canceled session");return}r.trace(e.payload,`Generator progress (${e.payload.data.node.type})`),t(m7(e.payload))}})},ece=()=>{le({actionCreator:h7,effect:(e,{dispatch:t})=>{fe("socketio").debug(e.payload,"Session complete"),t(p7(e.payload))}})},tce=["dataURL_image"],nce=()=>{le({actionCreator:zx,effect:async(e,{dispatch:t,getState:n})=>{const r=fe("socketio"),{data:i}=e.payload;r.debug({data:ra(i)},`Invocation complete (${e.payload.data.node.type})`);const o=e.payload.data.graph_execution_state_id,{cancelType:s,isCancelScheduled:a}=n().system;s==="scheduled"&&a&&t(hl({session_id:o}));const{result:l,node:u,graph_execution_state_id:c}=i;if(JI(l)&&!tce.includes(u.type)){const{image_name:d}=l.image,{canvas:f,gallery:h}=n(),p=await t(he.endpoints.getImageDTO.initiate(d)).unwrap();if(c===f.layerState.stagingArea.sessionId&&t(VQ(p)),!p.is_intermediate){const{autoAddBoardId:m}=h;t(m?he.endpoints.addImageToBoard.initiate({board_id:m,imageDTO:p}):he.util.updateQueryData("listImages",{board_id:"none",categories:gi},y=>{const g=y.total,_=Kn.addOne(y,p).total-g;y.total=y.total+_})),t(he.util.invalidateTags([{type:"BoardImagesTotal",id:m??"none"},{type:"BoardAssetsTotal",id:m??"none"}]));const{selectedBoardId:S,shouldAutoSwitch:v}=h;v&&(m&&m!==S?(t(U_(m)),t(Am("images"))):m||t(Am("images")),t(Os(p.image_name)))}t(_ae(null))}t(d7(e.payload))}})},rce=()=>{le({actionCreator:f7,effect:(e,{dispatch:t})=>{fe("socketio").error(e.payload,`Invocation error (${e.payload.data.node.type})`),t(Ux(e.payload))}})},ice=()=>{le({actionCreator:_7,effect:(e,{dispatch:t})=>{fe("socketio").error(e.payload,`Invocation retrieval error (${e.payload.data.graph_execution_state_id})`),t(w7(e.payload))}})},oce=()=>{le({actionCreator:u7,effect:(e,{dispatch:t,getState:n})=>{const r=fe("socketio");if(n().system.canceledSession===e.payload.data.graph_execution_state_id){r.trace(e.payload,"Ignored invocation started for canceled session");return}r.debug(e.payload,`Invocation started (${e.payload.data.node.type})`),t(c7(e.payload))}})},sce=()=>{le({actionCreator:y7,effect:(e,{dispatch:t})=>{const n=fe("socketio"),{base_model:r,model_name:i,model_type:o,submodel:s}=e.payload.data;let a=`Model load started: ${r}/${o}/${i}`;s&&(a=a.concat(`/${s}`)),n.debug(e.payload,a),t(nJ(e.payload))}}),le({actionCreator:v7,effect:(e,{dispatch:t})=>{const n=fe("socketio"),{base_model:r,model_name:i,model_type:o,submodel:s}=e.payload.data;let a=`Model load complete: ${r}/${o}/${i}`;s&&(a=a.concat(`/${s}`)),n.debug(e.payload,a),t(rJ(e.payload))}})},ace=()=>{le({actionCreator:b7,effect:(e,{dispatch:t})=>{fe("socketio").error(e.payload,`Session retrieval error (${e.payload.data.graph_execution_state_id})`),t(S7(e.payload))}})},lce=()=>{le({actionCreator:Vx,effect:(e,{dispatch:t})=>{fe("socketio").debug(e.payload,"Subscribed"),t(s7(e.payload))}})},uce=()=>{le({actionCreator:a7,effect:(e,{dispatch:t})=>{fe("socketio").debug(e.payload,"Unsubscribed"),t(l7(e.payload))}})},cce=()=>{le({actionCreator:Rle,effect:async(e,{dispatch:t,getState:n})=>{const{imageDTO:r}=e.payload;try{const i=await t(he.endpoints.changeImageIsIntermediate.initiate({imageDTO:r,is_intermediate:!1})).unwrap(),{autoAddBoardId:o}=n().gallery;o&&await t(he.endpoints.addImageToBoard.initiate({imageDTO:i,board_id:o})),t(Bt({title:"Image Saved",status:"success"}))}catch(i){t(Bt({title:"Image Saving Failed",description:i==null?void 0:i.message,status:"error"}))}}})},d4e=["sd-1","sd-2","sdxl","sdxl-refiner"],dce=["sd-1","sd-2","sdxl"],f4e=["sdxl-refiner"],fce=()=>{le({actionCreator:OO,effect:(e,{getState:t,dispatch:n})=>{if(e.payload==="unifiedCanvas"){const{data:i}=xo.endpoints.getMainModels.select(dce)(t());if(!i){n(ja(null));return}const o=[];Qa(i.entities,u=>{u&&["sd-1","sd-2"].includes(u.base_model)&&o.push(u)});const s=o[0];if(!s){n(ja(null));return}const{base_model:a,model_name:l}=s;n(ja({base_model:a,model_name:l}))}}})},Be="positive_conditioning",qe="negative_conditioning",dn="text_to_latents",We="latents_to_image",fu="nsfw_checker",Qc="invisible_watermark",$e="noise",Fi="rand_int",Co="range_of_size",lr="iterate",pt="main_model_loader",Zc="vae_loader",hce="lora_loader",it="clip_skip",bt="image_to_latents",Kt="latents_to_latents",Qn="resize_image",Ii="inpaint",Op="control_net_collect",zb="dynamic_prompt",Ke="metadata_accumulator",KE="esrgan",en="sdxl_model_loader",is="t2l_sdxl",Ni="l2l_sdxl",zl="sdxl_refiner_model_loader",Mp="sdxl_refiner_positive_conditioning",Ip="sdxl_refiner_negative_conditioning",ma="l2l_sdxl_refiner",bC="text_to_image_graph",pce="sdxl_text_to_image_graph",gce="sxdl_image_to_image_graph",Xm="image_to_image_graph",iN="inpaint_graph",mce=({image_name:e,esrganModelName:t})=>{const n={id:KE,type:"esrgan",image:{image_name:e},model_name:t,is_intermediate:!1};return{id:"adhoc-esrgan-graph",nodes:{[KE]:n},edges:[]}},yce=ue("upscale/upscaleRequested"),vce=()=>{le({actionCreator:yce,effect:async(e,{dispatch:t,getState:n,take:r})=>{const{image_name:i}=e.payload,{esrganModelName:o}=n().postprocessing,s=mce({image_name:i,esrganModelName:o});t(Rn({graph:s})),await r(Rn.fulfilled.match),t(pl())}})},bce=e=>{const t=window.open("");t&&e.forEach(n=>{const r=new Image;r.src=n.base64,t.document.write(n.caption),t.document.write("
"),t.document.write(r.outerHTML),t.document.write("

")})},XE=e=>new Promise((t,n)=>{const r=new FileReader;r.onload=i=>t(r.result),r.onerror=i=>n(r.error),r.onabort=i=>n(new Error("Read aborted")),r.readAsDataURL(e)});var SC={exports:{}},nv={},oN={},Pe={};(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e._registerNode=e.Konva=e.glob=void 0;var t=Math.PI/180;function n(){return typeof window<"u"&&({}.toString.call(window)==="[object Window]"||{}.toString.call(window)==="[object global]")}e.glob=typeof Ee<"u"?Ee:typeof window<"u"?window:typeof WorkerGlobalScope<"u"?self:{},e.Konva={_global:e.glob,version:"9.2.0",isBrowser:n(),isUnminified:/param/.test((function(i){}).toString()),dblClickWindow:400,getAngle(i){return e.Konva.angleDeg?i*t:i},enableTrace:!1,pointerEventsEnabled:!0,autoDrawEnabled:!0,hitOnDragEnabled:!1,capturePointerEventsEnabled:!1,_mouseListenClick:!1,_touchListenClick:!1,_pointerListenClick:!1,_mouseInDblClickWindow:!1,_touchInDblClickWindow:!1,_pointerInDblClickWindow:!1,_mouseDblClickPointerId:null,_touchDblClickPointerId:null,_pointerDblClickPointerId:null,pixelRatio:typeof window<"u"&&window.devicePixelRatio||1,dragDistance:3,angleDeg:!0,showWarnings:!0,dragButtons:[0,1],isDragging(){return e.Konva.DD.isDragging},isDragReady(){return!!e.Konva.DD.node},releaseCanvasOnDestroy:!0,document:e.glob.document,_injectGlobal(i){e.glob.Konva=i}};const r=i=>{e.Konva[i.prototype.getClassName()]=i};e._registerNode=r,e.Konva._injectGlobal(e.Konva)})(Pe);var Mt={};(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.Util=e.Transform=void 0;const t=Pe;class n{constructor(b=[1,0,0,1,0,0]){this.dirty=!1,this.m=b&&b.slice()||[1,0,0,1,0,0]}reset(){this.m[0]=1,this.m[1]=0,this.m[2]=0,this.m[3]=1,this.m[4]=0,this.m[5]=0}copy(){return new n(this.m)}copyInto(b){b.m[0]=this.m[0],b.m[1]=this.m[1],b.m[2]=this.m[2],b.m[3]=this.m[3],b.m[4]=this.m[4],b.m[5]=this.m[5]}point(b){var _=this.m;return{x:_[0]*b.x+_[2]*b.y+_[4],y:_[1]*b.x+_[3]*b.y+_[5]}}translate(b,_){return this.m[4]+=this.m[0]*b+this.m[2]*_,this.m[5]+=this.m[1]*b+this.m[3]*_,this}scale(b,_){return this.m[0]*=b,this.m[1]*=b,this.m[2]*=_,this.m[3]*=_,this}rotate(b){var _=Math.cos(b),w=Math.sin(b),x=this.m[0]*_+this.m[2]*w,T=this.m[1]*_+this.m[3]*w,P=this.m[0]*-w+this.m[2]*_,E=this.m[1]*-w+this.m[3]*_;return this.m[0]=x,this.m[1]=T,this.m[2]=P,this.m[3]=E,this}getTranslation(){return{x:this.m[4],y:this.m[5]}}skew(b,_){var w=this.m[0]+this.m[2]*_,x=this.m[1]+this.m[3]*_,T=this.m[2]+this.m[0]*b,P=this.m[3]+this.m[1]*b;return this.m[0]=w,this.m[1]=x,this.m[2]=T,this.m[3]=P,this}multiply(b){var _=this.m[0]*b.m[0]+this.m[2]*b.m[1],w=this.m[1]*b.m[0]+this.m[3]*b.m[1],x=this.m[0]*b.m[2]+this.m[2]*b.m[3],T=this.m[1]*b.m[2]+this.m[3]*b.m[3],P=this.m[0]*b.m[4]+this.m[2]*b.m[5]+this.m[4],E=this.m[1]*b.m[4]+this.m[3]*b.m[5]+this.m[5];return this.m[0]=_,this.m[1]=w,this.m[2]=x,this.m[3]=T,this.m[4]=P,this.m[5]=E,this}invert(){var b=1/(this.m[0]*this.m[3]-this.m[1]*this.m[2]),_=this.m[3]*b,w=-this.m[1]*b,x=-this.m[2]*b,T=this.m[0]*b,P=b*(this.m[2]*this.m[5]-this.m[3]*this.m[4]),E=b*(this.m[1]*this.m[4]-this.m[0]*this.m[5]);return this.m[0]=_,this.m[1]=w,this.m[2]=x,this.m[3]=T,this.m[4]=P,this.m[5]=E,this}getMatrix(){return this.m}decompose(){var b=this.m[0],_=this.m[1],w=this.m[2],x=this.m[3],T=this.m[4],P=this.m[5],E=b*x-_*w;let A={x:T,y:P,rotation:0,scaleX:0,scaleY:0,skewX:0,skewY:0};if(b!=0||_!=0){var $=Math.sqrt(b*b+_*_);A.rotation=_>0?Math.acos(b/$):-Math.acos(b/$),A.scaleX=$,A.scaleY=E/$,A.skewX=(b*w+_*x)/E,A.skewY=0}else if(w!=0||x!=0){var I=Math.sqrt(w*w+x*x);A.rotation=Math.PI/2-(x>0?Math.acos(-w/I):-Math.acos(w/I)),A.scaleX=E/I,A.scaleY=I,A.skewX=0,A.skewY=(b*w+_*x)/E}return A.rotation=e.Util._getRotation(A.rotation),A}}e.Transform=n;var r="[object Array]",i="[object Number]",o="[object String]",s="[object Boolean]",a=Math.PI/180,l=180/Math.PI,u="#",c="",d="0",f="Konva warning: ",h="Konva error: ",p="rgb(",m={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,132,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,255,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,203],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[119,128,144],slategrey:[119,128,144],snow:[255,255,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],transparent:[255,255,255,0],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,5]},S=/rgb\((\d{1,3}),(\d{1,3}),(\d{1,3})\)/,v=[];const y=typeof requestAnimationFrame<"u"&&requestAnimationFrame||function(g){setTimeout(g,60)};e.Util={_isElement(g){return!!(g&&g.nodeType==1)},_isFunction(g){return!!(g&&g.constructor&&g.call&&g.apply)},_isPlainObject(g){return!!g&&g.constructor===Object},_isArray(g){return Object.prototype.toString.call(g)===r},_isNumber(g){return Object.prototype.toString.call(g)===i&&!isNaN(g)&&isFinite(g)},_isString(g){return Object.prototype.toString.call(g)===o},_isBoolean(g){return Object.prototype.toString.call(g)===s},isObject(g){return g instanceof Object},isValidSelector(g){if(typeof g!="string")return!1;var b=g[0];return b==="#"||b==="."||b===b.toUpperCase()},_sign(g){return g===0||g>0?1:-1},requestAnimFrame(g){v.push(g),v.length===1&&y(function(){const b=v;v=[],b.forEach(function(_){_()})})},createCanvasElement(){var g=document.createElement("canvas");try{g.style=g.style||{}}catch{}return g},createImageElement(){return document.createElement("img")},_isInDocument(g){for(;g=g.parentNode;)if(g==document)return!0;return!1},_urlToImage(g,b){var _=e.Util.createImageElement();_.onload=function(){b(_)},_.src=g},_rgbToHex(g,b,_){return((1<<24)+(g<<16)+(b<<8)+_).toString(16).slice(1)},_hexToRgb(g){g=g.replace(u,c);var b=parseInt(g,16);return{r:b>>16&255,g:b>>8&255,b:b&255}},getRandomColor(){for(var g=(Math.random()*16777215<<0).toString(16);g.length<6;)g=d+g;return u+g},getRGB(g){var b;return g in m?(b=m[g],{r:b[0],g:b[1],b:b[2]}):g[0]===u?this._hexToRgb(g.substring(1)):g.substr(0,4)===p?(b=S.exec(g.replace(/ /g,"")),{r:parseInt(b[1],10),g:parseInt(b[2],10),b:parseInt(b[3],10)}):{r:0,g:0,b:0}},colorToRGBA(g){return g=g||"black",e.Util._namedColorToRBA(g)||e.Util._hex3ColorToRGBA(g)||e.Util._hex4ColorToRGBA(g)||e.Util._hex6ColorToRGBA(g)||e.Util._hex8ColorToRGBA(g)||e.Util._rgbColorToRGBA(g)||e.Util._rgbaColorToRGBA(g)||e.Util._hslColorToRGBA(g)},_namedColorToRBA(g){var b=m[g.toLowerCase()];return b?{r:b[0],g:b[1],b:b[2],a:1}:null},_rgbColorToRGBA(g){if(g.indexOf("rgb(")===0){g=g.match(/rgb\(([^)]+)\)/)[1];var b=g.split(/ *, */).map(Number);return{r:b[0],g:b[1],b:b[2],a:1}}},_rgbaColorToRGBA(g){if(g.indexOf("rgba(")===0){g=g.match(/rgba\(([^)]+)\)/)[1];var b=g.split(/ *, */).map((_,w)=>_.slice(-1)==="%"?w===3?parseInt(_)/100:parseInt(_)/100*255:Number(_));return{r:b[0],g:b[1],b:b[2],a:b[3]}}},_hex8ColorToRGBA(g){if(g[0]==="#"&&g.length===9)return{r:parseInt(g.slice(1,3),16),g:parseInt(g.slice(3,5),16),b:parseInt(g.slice(5,7),16),a:parseInt(g.slice(7,9),16)/255}},_hex6ColorToRGBA(g){if(g[0]==="#"&&g.length===7)return{r:parseInt(g.slice(1,3),16),g:parseInt(g.slice(3,5),16),b:parseInt(g.slice(5,7),16),a:1}},_hex4ColorToRGBA(g){if(g[0]==="#"&&g.length===5)return{r:parseInt(g[1]+g[1],16),g:parseInt(g[2]+g[2],16),b:parseInt(g[3]+g[3],16),a:parseInt(g[4]+g[4],16)/255}},_hex3ColorToRGBA(g){if(g[0]==="#"&&g.length===4)return{r:parseInt(g[1]+g[1],16),g:parseInt(g[2]+g[2],16),b:parseInt(g[3]+g[3],16),a:1}},_hslColorToRGBA(g){if(/hsl\((\d+),\s*([\d.]+)%,\s*([\d.]+)%\)/g.test(g)){const[b,..._]=/hsl\((\d+),\s*([\d.]+)%,\s*([\d.]+)%\)/g.exec(g),w=Number(_[0])/360,x=Number(_[1])/100,T=Number(_[2])/100;let P,E,A;if(x===0)return A=T*255,{r:Math.round(A),g:Math.round(A),b:Math.round(A),a:1};T<.5?P=T*(1+x):P=T+x-T*x;const $=2*T-P,I=[0,0,0];for(let C=0;C<3;C++)E=w+1/3*-(C-1),E<0&&E++,E>1&&E--,6*E<1?A=$+(P-$)*6*E:2*E<1?A=P:3*E<2?A=$+(P-$)*(2/3-E)*6:A=$,I[C]=A*255;return{r:Math.round(I[0]),g:Math.round(I[1]),b:Math.round(I[2]),a:1}}},haveIntersection(g,b){return!(b.x>g.x+g.width||b.x+b.widthg.y+g.height||b.y+b.height1?(P=_,E=w,A=(_-x)*(_-x)+(w-T)*(w-T)):(P=g+I*(_-g),E=b+I*(w-b),A=(P-x)*(P-x)+(E-T)*(E-T))}return[P,E,A]},_getProjectionToLine(g,b,_){var w=e.Util.cloneObject(g),x=Number.MAX_VALUE;return b.forEach(function(T,P){if(!(!_&&P===b.length-1)){var E=b[(P+1)%b.length],A=e.Util._getProjectionToSegment(T.x,T.y,E.x,E.y,g.x,g.y),$=A[0],I=A[1],C=A[2];Cb.length){var P=b;b=g,g=P}for(w=0;w{b.width=0,b.height=0})},drawRoundedRectPath(g,b,_,w){let x=0,T=0,P=0,E=0;typeof w=="number"?x=T=P=E=Math.min(w,b/2,_/2):(x=Math.min(w[0]||0,b/2,_/2),T=Math.min(w[1]||0,b/2,_/2),E=Math.min(w[2]||0,b/2,_/2),P=Math.min(w[3]||0,b/2,_/2)),g.moveTo(x,0),g.lineTo(b-T,0),g.arc(b-T,T,T,Math.PI*3/2,0,!1),g.lineTo(b,_-E),g.arc(b-E,_-E,E,0,Math.PI/2,!1),g.lineTo(P,_),g.arc(P,_-P,P,Math.PI/2,Math.PI,!1),g.lineTo(0,x),g.arc(x,x,x,Math.PI,Math.PI*3/2,!1)}}})(Mt);var wt={},Te={},de={};Object.defineProperty(de,"__esModule",{value:!0});de.getComponentValidator=de.getBooleanValidator=de.getNumberArrayValidator=de.getFunctionValidator=de.getStringOrGradientValidator=de.getStringValidator=de.getNumberOrAutoValidator=de.getNumberOrArrayOfNumbersValidator=de.getNumberValidator=de.alphaComponent=de.RGBComponent=void 0;const Ko=Pe,Dt=Mt;function Xo(e){return Dt.Util._isString(e)?'"'+e+'"':Object.prototype.toString.call(e)==="[object Number]"||Dt.Util._isBoolean(e)?e:Object.prototype.toString.call(e)}function Sce(e){return e>255?255:e<0?0:Math.round(e)}de.RGBComponent=Sce;function _ce(e){return e>1?1:e<1e-4?1e-4:e}de.alphaComponent=_ce;function wce(){if(Ko.Konva.isUnminified)return function(e,t){return Dt.Util._isNumber(e)||Dt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a number.'),e}}de.getNumberValidator=wce;function xce(e){if(Ko.Konva.isUnminified)return function(t,n){let r=Dt.Util._isNumber(t),i=Dt.Util._isArray(t)&&t.length==e;return!r&&!i&&Dt.Util.warn(Xo(t)+' is a not valid value for "'+n+'" attribute. The value should be a number or Array('+e+")"),t}}de.getNumberOrArrayOfNumbersValidator=xce;function Cce(){if(Ko.Konva.isUnminified)return function(e,t){var n=Dt.Util._isNumber(e),r=e==="auto";return n||r||Dt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a number or "auto".'),e}}de.getNumberOrAutoValidator=Cce;function Tce(){if(Ko.Konva.isUnminified)return function(e,t){return Dt.Util._isString(e)||Dt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a string.'),e}}de.getStringValidator=Tce;function Ece(){if(Ko.Konva.isUnminified)return function(e,t){const n=Dt.Util._isString(e),r=Object.prototype.toString.call(e)==="[object CanvasGradient]"||e&&e.addColorStop;return n||r||Dt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a string or a native gradient.'),e}}de.getStringOrGradientValidator=Ece;function Pce(){if(Ko.Konva.isUnminified)return function(e,t){return Dt.Util._isFunction(e)||Dt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a function.'),e}}de.getFunctionValidator=Pce;function Ace(){if(Ko.Konva.isUnminified)return function(e,t){const n=Int8Array?Object.getPrototypeOf(Int8Array):null;return n&&e instanceof n||(Dt.Util._isArray(e)?e.forEach(function(r){Dt.Util._isNumber(r)||Dt.Util.warn('"'+t+'" attribute has non numeric element '+r+". Make sure that all elements are numbers.")}):Dt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a array of numbers.')),e}}de.getNumberArrayValidator=Ace;function kce(){if(Ko.Konva.isUnminified)return function(e,t){var n=e===!0||e===!1;return n||Dt.Util.warn(Xo(e)+' is a not valid value for "'+t+'" attribute. The value should be a boolean.'),e}}de.getBooleanValidator=kce;function Rce(e){if(Ko.Konva.isUnminified)return function(t,n){return t==null||Dt.Util.isObject(t)||Dt.Util.warn(Xo(t)+' is a not valid value for "'+n+'" attribute. The value should be an object with properties '+e),t}}de.getComponentValidator=Rce;(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.Factory=void 0;const t=Mt,n=de;var r="get",i="set";e.Factory={addGetterSetter(o,s,a,l,u){e.Factory.addGetter(o,s,a),e.Factory.addSetter(o,s,l,u),e.Factory.addOverloadedGetterSetter(o,s)},addGetter(o,s,a){var l=r+t.Util._capitalize(s);o.prototype[l]=o.prototype[l]||function(){var u=this.attrs[s];return u===void 0?a:u}},addSetter(o,s,a,l){var u=i+t.Util._capitalize(s);o.prototype[u]||e.Factory.overWriteSetter(o,s,a,l)},overWriteSetter(o,s,a,l){var u=i+t.Util._capitalize(s);o.prototype[u]=function(c){return a&&c!==void 0&&c!==null&&(c=a.call(this,c,s)),this._setAttr(s,c),l&&l.call(this),this}},addComponentsGetterSetter(o,s,a,l,u){var c=a.length,d=t.Util._capitalize,f=r+d(s),h=i+d(s),p,m;o.prototype[f]=function(){var v={};for(p=0;p{this._setAttr(s+d(b),void 0)}),this._fireChangeEvent(s,y,v),u&&u.call(this),this},e.Factory.addOverloadedGetterSetter(o,s)},addOverloadedGetterSetter(o,s){var a=t.Util._capitalize(s),l=i+a,u=r+a;o.prototype[s]=function(){return arguments.length?(this[l](arguments[0]),this):this[u]()}},addDeprecatedGetterSetter(o,s,a,l){t.Util.error("Adding deprecated "+s);var u=r+t.Util._capitalize(s),c=s+" property is deprecated and will be removed soon. Look at Konva change log for more information.";o.prototype[u]=function(){t.Util.error(c);var d=this.attrs[s];return d===void 0?a:d},e.Factory.addSetter(o,s,l,function(){t.Util.error(c)}),e.Factory.addOverloadedGetterSetter(o,s)},backCompat(o,s){t.Util.each(s,function(a,l){var u=o.prototype[l],c=r+t.Util._capitalize(a),d=i+t.Util._capitalize(a);function f(){u.apply(this,arguments),t.Util.error('"'+a+'" method is deprecated and will be removed soon. Use ""'+l+'" instead.')}o.prototype[a]=f,o.prototype[c]=f,o.prototype[d]=f})},afterSetFilter(){this._filterUpToDate=!1}}})(Te);var _i={},Oo={};Object.defineProperty(Oo,"__esModule",{value:!0});Oo.HitContext=Oo.SceneContext=Oo.Context=void 0;const sN=Mt,Oce=Pe;function Mce(e){var t=[],n=e.length,r=sN.Util,i,o;for(i=0;itypeof c=="number"?Math.floor(c):c)),o+=Ice+u.join(YE)+Nce)):(o+=a.property,t||(o+=Bce+a.val)),o+=$ce;return o}clearTrace(){this.traceArr=[]}_trace(t){var n=this.traceArr,r;n.push(t),r=n.length,r>=Vce&&n.shift()}reset(){var t=this.getCanvas().getPixelRatio();this.setTransform(1*t,0,0,1*t,0,0)}getCanvas(){return this.canvas}clear(t){var n=this.getCanvas();t?this.clearRect(t.x||0,t.y||0,t.width||0,t.height||0):this.clearRect(0,0,n.getWidth()/n.pixelRatio,n.getHeight()/n.pixelRatio)}_applyLineCap(t){const n=t.attrs.lineCap;n&&this.setAttr("lineCap",n)}_applyOpacity(t){var n=t.getAbsoluteOpacity();n!==1&&this.setAttr("globalAlpha",n)}_applyLineJoin(t){const n=t.attrs.lineJoin;n&&this.setAttr("lineJoin",n)}setAttr(t,n){this._context[t]=n}arc(t,n,r,i,o,s){this._context.arc(t,n,r,i,o,s)}arcTo(t,n,r,i,o){this._context.arcTo(t,n,r,i,o)}beginPath(){this._context.beginPath()}bezierCurveTo(t,n,r,i,o,s){this._context.bezierCurveTo(t,n,r,i,o,s)}clearRect(t,n,r,i){this._context.clearRect(t,n,r,i)}clip(...t){this._context.clip.apply(this._context,t)}closePath(){this._context.closePath()}createImageData(t,n){var r=arguments;if(r.length===2)return this._context.createImageData(t,n);if(r.length===1)return this._context.createImageData(t)}createLinearGradient(t,n,r,i){return this._context.createLinearGradient(t,n,r,i)}createPattern(t,n){return this._context.createPattern(t,n)}createRadialGradient(t,n,r,i,o,s){return this._context.createRadialGradient(t,n,r,i,o,s)}drawImage(t,n,r,i,o,s,a,l,u){var c=arguments,d=this._context;c.length===3?d.drawImage(t,n,r):c.length===5?d.drawImage(t,n,r,i,o):c.length===9&&d.drawImage(t,n,r,i,o,s,a,l,u)}ellipse(t,n,r,i,o,s,a,l){this._context.ellipse(t,n,r,i,o,s,a,l)}isPointInPath(t,n,r,i){return r?this._context.isPointInPath(r,t,n,i):this._context.isPointInPath(t,n,i)}fill(...t){this._context.fill.apply(this._context,t)}fillRect(t,n,r,i){this._context.fillRect(t,n,r,i)}strokeRect(t,n,r,i){this._context.strokeRect(t,n,r,i)}fillText(t,n,r,i){i?this._context.fillText(t,n,r,i):this._context.fillText(t,n,r)}measureText(t){return this._context.measureText(t)}getImageData(t,n,r,i){return this._context.getImageData(t,n,r,i)}lineTo(t,n){this._context.lineTo(t,n)}moveTo(t,n){this._context.moveTo(t,n)}rect(t,n,r,i){this._context.rect(t,n,r,i)}putImageData(t,n,r){this._context.putImageData(t,n,r)}quadraticCurveTo(t,n,r,i){this._context.quadraticCurveTo(t,n,r,i)}restore(){this._context.restore()}rotate(t){this._context.rotate(t)}save(){this._context.save()}scale(t,n){this._context.scale(t,n)}setLineDash(t){this._context.setLineDash?this._context.setLineDash(t):"mozDash"in this._context?this._context.mozDash=t:"webkitLineDash"in this._context&&(this._context.webkitLineDash=t)}getLineDash(){return this._context.getLineDash()}setTransform(t,n,r,i,o,s){this._context.setTransform(t,n,r,i,o,s)}stroke(t){t?this._context.stroke(t):this._context.stroke()}strokeText(t,n,r,i){this._context.strokeText(t,n,r,i)}transform(t,n,r,i,o,s){this._context.transform(t,n,r,i,o,s)}translate(t,n){this._context.translate(t,n)}_enableTrace(){var t=this,n=QE.length,r=this.setAttr,i,o,s=function(a){var l=t[a],u;t[a]=function(){return o=Mce(Array.prototype.slice.call(arguments,0)),u=l.apply(t,arguments),t._trace({method:a,args:o}),u}};for(i=0;i{i.dragStatus==="dragging"&&(r=!0)}),r},justDragged:!1,get node(){var r;return e.DD._dragElements.forEach(i=>{r=i.node}),r},_dragElements:new Map,_drag(r){const i=[];e.DD._dragElements.forEach((o,s)=>{const{node:a}=o,l=a.getStage();l.setPointersPositions(r),o.pointerId===void 0&&(o.pointerId=n.Util._getFirstPointerId(r));const u=l._changedPointerPositions.find(f=>f.id===o.pointerId);if(u){if(o.dragStatus!=="dragging"){var c=a.dragDistance(),d=Math.max(Math.abs(u.x-o.startPointerPos.x),Math.abs(u.y-o.startPointerPos.y));if(d{o.fire("dragmove",{type:"dragmove",target:o,evt:r},!0)})},_endDragBefore(r){const i=[];e.DD._dragElements.forEach(o=>{const{node:s}=o,a=s.getStage();if(r&&a.setPointersPositions(r),!a._changedPointerPositions.find(c=>c.id===o.pointerId))return;(o.dragStatus==="dragging"||o.dragStatus==="stopped")&&(e.DD.justDragged=!0,t.Konva._mouseListenClick=!1,t.Konva._touchListenClick=!1,t.Konva._pointerListenClick=!1,o.dragStatus="stopped");const u=o.node.getLayer()||o.node instanceof t.Konva.Stage&&o.node;u&&i.indexOf(u)===-1&&i.push(u)}),i.forEach(o=>{o.draw()})},_endDragAfter(r){e.DD._dragElements.forEach((i,o)=>{i.dragStatus==="stopped"&&i.node.fire("dragend",{type:"dragend",target:i.node,evt:r},!0),i.dragStatus!=="dragging"&&e.DD._dragElements.delete(o)})}},t.Konva.isBrowser&&(window.addEventListener("mouseup",e.DD._endDragBefore,!0),window.addEventListener("touchend",e.DD._endDragBefore,!0),window.addEventListener("mousemove",e.DD._drag),window.addEventListener("touchmove",e.DD._drag),window.addEventListener("mouseup",e.DD._endDragAfter,!1),window.addEventListener("touchend",e.DD._endDragAfter,!1))})(ov);Object.defineProperty(wt,"__esModule",{value:!0});wt.Node=void 0;const ke=Mt,Ah=Te,Dp=_i,ya=Pe,Br=ov,zt=de;var bg="absoluteOpacity",Lp="allEventListeners",bo="absoluteTransform",ZE="absoluteScale",va="canvas",Xce="Change",Yce="children",Qce="konva",g2="listening",JE="mouseenter",e6="mouseleave",t6="set",n6="Shape",Sg=" ",r6="stage",ss="transform",Zce="Stage",m2="visible",Jce=["xChange.konva","yChange.konva","scaleXChange.konva","scaleYChange.konva","skewXChange.konva","skewYChange.konva","rotationChange.konva","offsetXChange.konva","offsetYChange.konva","transformsEnabledChange.konva"].join(Sg);let ede=1,Se=class y2{constructor(t){this._id=ede++,this.eventListeners={},this.attrs={},this.index=0,this._allEventListeners=null,this.parent=null,this._cache=new Map,this._attachedDepsListeners=new Map,this._lastPos=null,this._batchingTransformChange=!1,this._needClearTransformCache=!1,this._filterUpToDate=!1,this._isUnderCache=!1,this._dragEventId=null,this._shouldFireChangeEvents=!1,this.setAttrs(t),this._shouldFireChangeEvents=!0}hasChildren(){return!1}_clearCache(t){(t===ss||t===bo)&&this._cache.get(t)?this._cache.get(t).dirty=!0:t?this._cache.delete(t):this._cache.clear()}_getCache(t,n){var r=this._cache.get(t),i=t===ss||t===bo,o=r===void 0||i&&r.dirty===!0;return o&&(r=n.call(this),this._cache.set(t,r)),r}_calculate(t,n,r){if(!this._attachedDepsListeners.get(t)){const i=n.map(o=>o+"Change.konva").join(Sg);this.on(i,()=>{this._clearCache(t)}),this._attachedDepsListeners.set(t,!0)}return this._getCache(t,r)}_getCanvasCache(){return this._cache.get(va)}_clearSelfAndDescendantCache(t){this._clearCache(t),t===bo&&this.fire("absoluteTransformChange")}clearCache(){if(this._cache.has(va)){const{scene:t,filter:n,hit:r}=this._cache.get(va);ke.Util.releaseCanvas(t,n,r),this._cache.delete(va)}return this._clearSelfAndDescendantCache(),this._requestDraw(),this}cache(t){var n=t||{},r={};(n.x===void 0||n.y===void 0||n.width===void 0||n.height===void 0)&&(r=this.getClientRect({skipTransform:!0,relativeTo:this.getParent()}));var i=Math.ceil(n.width||r.width),o=Math.ceil(n.height||r.height),s=n.pixelRatio,a=n.x===void 0?Math.floor(r.x):n.x,l=n.y===void 0?Math.floor(r.y):n.y,u=n.offset||0,c=n.drawBorder||!1,d=n.hitCanvasPixelRatio||1;if(!i||!o){ke.Util.error("Can not cache the node. Width or height of the node equals 0. Caching is skipped.");return}i+=u*2+1,o+=u*2+1,a-=u,l-=u;var f=new Dp.SceneCanvas({pixelRatio:s,width:i,height:o}),h=new Dp.SceneCanvas({pixelRatio:s,width:0,height:0,willReadFrequently:!0}),p=new Dp.HitCanvas({pixelRatio:d,width:i,height:o}),m=f.getContext(),S=p.getContext();return p.isCache=!0,f.isCache=!0,this._cache.delete(va),this._filterUpToDate=!1,n.imageSmoothingEnabled===!1&&(f.getContext()._context.imageSmoothingEnabled=!1,h.getContext()._context.imageSmoothingEnabled=!1),m.save(),S.save(),m.translate(-a,-l),S.translate(-a,-l),this._isUnderCache=!0,this._clearSelfAndDescendantCache(bg),this._clearSelfAndDescendantCache(ZE),this.drawScene(f,this),this.drawHit(p,this),this._isUnderCache=!1,m.restore(),S.restore(),c&&(m.save(),m.beginPath(),m.rect(0,0,i,o),m.closePath(),m.setAttr("strokeStyle","red"),m.setAttr("lineWidth",5),m.stroke(),m.restore()),this._cache.set(va,{scene:f,filter:h,hit:p,x:a,y:l}),this._requestDraw(),this}isCached(){return this._cache.has(va)}getClientRect(t){throw new Error('abstract "getClientRect" method call')}_transformedRect(t,n){var r=[{x:t.x,y:t.y},{x:t.x+t.width,y:t.y},{x:t.x+t.width,y:t.y+t.height},{x:t.x,y:t.y+t.height}],i,o,s,a,l=this.getAbsoluteTransform(n);return r.forEach(function(u){var c=l.point(u);i===void 0&&(i=s=c.x,o=a=c.y),i=Math.min(i,c.x),o=Math.min(o,c.y),s=Math.max(s,c.x),a=Math.max(a,c.y)}),{x:i,y:o,width:s-i,height:a-o}}_drawCachedSceneCanvas(t){t.save(),t._applyOpacity(this),t._applyGlobalCompositeOperation(this);const n=this._getCanvasCache();t.translate(n.x,n.y);var r=this._getCachedSceneCanvas(),i=r.pixelRatio;t.drawImage(r._canvas,0,0,r.width/i,r.height/i),t.restore()}_drawCachedHitCanvas(t){var n=this._getCanvasCache(),r=n.hit;t.save(),t.translate(n.x,n.y),t.drawImage(r._canvas,0,0,r.width/r.pixelRatio,r.height/r.pixelRatio),t.restore()}_getCachedSceneCanvas(){var t=this.filters(),n=this._getCanvasCache(),r=n.scene,i=n.filter,o=i.getContext(),s,a,l,u;if(t){if(!this._filterUpToDate){var c=r.pixelRatio;i.setSize(r.width/r.pixelRatio,r.height/r.pixelRatio);try{for(s=t.length,o.clear(),o.drawImage(r._canvas,0,0,r.getWidth()/c,r.getHeight()/c),a=o.getImageData(0,0,i.getWidth(),i.getHeight()),l=0;l{var n,r;if(!t)return this;for(n in t)n!==Yce&&(r=t6+ke.Util._capitalize(n),ke.Util._isFunction(this[r])?this[r](t[n]):this._setAttr(n,t[n]))}),this}isListening(){return this._getCache(g2,this._isListening)}_isListening(t){if(!this.listening())return!1;const r=this.getParent();return r&&r!==t&&this!==t?r._isListening(t):!0}isVisible(){return this._getCache(m2,this._isVisible)}_isVisible(t){if(!this.visible())return!1;const r=this.getParent();return r&&r!==t&&this!==t?r._isVisible(t):!0}shouldDrawHit(t,n=!1){if(t)return this._isVisible(t)&&this._isListening(t);var r=this.getLayer(),i=!1;Br.DD._dragElements.forEach(s=>{s.dragStatus==="dragging"&&(s.node.nodeType==="Stage"||s.node.getLayer()===r)&&(i=!0)});var o=!n&&!ya.Konva.hitOnDragEnabled&&i;return this.isListening()&&this.isVisible()&&!o}show(){return this.visible(!0),this}hide(){return this.visible(!1),this}getZIndex(){return this.index||0}getAbsoluteZIndex(){var t=this.getDepth(),n=this,r=0,i,o,s,a;function l(u){for(i=[],o=u.length,s=0;s0&&i[0].getDepth()<=t&&l(i)}return n.nodeType!==Zce&&l(n.getStage().getChildren()),r}getDepth(){for(var t=0,n=this.parent;n;)t++,n=n.parent;return t}_batchTransformChanges(t){this._batchingTransformChange=!0,t(),this._batchingTransformChange=!1,this._needClearTransformCache&&(this._clearCache(ss),this._clearSelfAndDescendantCache(bo)),this._needClearTransformCache=!1}setPosition(t){return this._batchTransformChanges(()=>{this.x(t.x),this.y(t.y)}),this}getPosition(){return{x:this.x(),y:this.y()}}getRelativePointerPosition(){if(!this.getStage())return null;var t=this.getStage().getPointerPosition();if(!t)return null;var n=this.getAbsoluteTransform().copy();return n.invert(),n.point(t)}getAbsolutePosition(t){let n=!1,r=this.parent;for(;r;){if(r.isCached()){n=!0;break}r=r.parent}n&&!t&&(t=!0);var i=this.getAbsoluteTransform(t).getMatrix(),o=new ke.Transform,s=this.offset();return o.m=i.slice(),o.translate(s.x,s.y),o.getTranslation()}setAbsolutePosition(t){var n=this._clearTransform();this.attrs.x=n.x,this.attrs.y=n.y,delete n.x,delete n.y,this._clearCache(ss);var r=this._getAbsoluteTransform().copy();return r.invert(),r.translate(t.x,t.y),t={x:this.attrs.x+r.getTranslation().x,y:this.attrs.y+r.getTranslation().y},this._setTransform(n),this.setPosition({x:t.x,y:t.y}),this._clearCache(ss),this._clearSelfAndDescendantCache(bo),this}_setTransform(t){var n;for(n in t)this.attrs[n]=t[n]}_clearTransform(){var t={x:this.x(),y:this.y(),rotation:this.rotation(),scaleX:this.scaleX(),scaleY:this.scaleY(),offsetX:this.offsetX(),offsetY:this.offsetY(),skewX:this.skewX(),skewY:this.skewY()};return this.attrs.x=0,this.attrs.y=0,this.attrs.rotation=0,this.attrs.scaleX=1,this.attrs.scaleY=1,this.attrs.offsetX=0,this.attrs.offsetY=0,this.attrs.skewX=0,this.attrs.skewY=0,t}move(t){var n=t.x,r=t.y,i=this.x(),o=this.y();return n!==void 0&&(i+=n),r!==void 0&&(o+=r),this.setPosition({x:i,y:o}),this}_eachAncestorReverse(t,n){var r=[],i=this.getParent(),o,s;if(!(n&&n._id===this._id)){for(r.unshift(this);i&&(!n||i._id!==n._id);)r.unshift(i),i=i.parent;for(o=r.length,s=0;s0?(this.parent.children.splice(t,1),this.parent.children.splice(t-1,0,this),this.parent._setChildrenIndices(),!0):!1}moveToBottom(){if(!this.parent)return ke.Util.warn("Node has no parent. moveToBottom function is ignored."),!1;var t=this.index;return t>0?(this.parent.children.splice(t,1),this.parent.children.unshift(this),this.parent._setChildrenIndices(),!0):!1}setZIndex(t){if(!this.parent)return ke.Util.warn("Node has no parent. zIndex parameter is ignored."),this;(t<0||t>=this.parent.children.length)&&ke.Util.warn("Unexpected value "+t+" for zIndex property. zIndex is just index of a node in children of its parent. Expected value is from 0 to "+(this.parent.children.length-1)+".");var n=this.index;return this.parent.children.splice(n,1),this.parent.children.splice(t,0,this),this.parent._setChildrenIndices(),this}getAbsoluteOpacity(){return this._getCache(bg,this._getAbsoluteOpacity)}_getAbsoluteOpacity(){var t=this.opacity(),n=this.getParent();return n&&!n._isUnderCache&&(t*=n.getAbsoluteOpacity()),t}moveTo(t){return this.getParent()!==t&&(this._remove(),t.add(this)),this}toObject(){var t={},n=this.getAttrs(),r,i,o,s,a;t.attrs={};for(r in n)i=n[r],a=ke.Util.isObject(i)&&!ke.Util._isPlainObject(i)&&!ke.Util._isArray(i),!a&&(o=typeof this[r]=="function"&&this[r],delete n[r],s=o?o.call(this):null,n[r]=i,s!==i&&(t.attrs[r]=i));return t.className=this.getClassName(),ke.Util._prepareToStringify(t)}toJSON(){return JSON.stringify(this.toObject())}getParent(){return this.parent}findAncestors(t,n,r){var i=[];n&&this._isMatch(t)&&i.push(this);for(var o=this.parent;o;){if(o===r)return i;o._isMatch(t)&&i.push(o),o=o.parent}return i}isAncestorOf(t){return!1}findAncestor(t,n,r){return this.findAncestors(t,n,r)[0]}_isMatch(t){if(!t)return!1;if(typeof t=="function")return t(this);var n=t.replace(/ /g,"").split(","),r=n.length,i,o;for(i=0;i{try{const i=t==null?void 0:t.callback;i&&delete t.callback,ke.Util._urlToImage(this.toDataURL(t),function(o){n(o),i==null||i(o)})}catch(i){r(i)}})}toBlob(t){return new Promise((n,r)=>{try{const i=t==null?void 0:t.callback;i&&delete t.callback,this.toCanvas(t).toBlob(o=>{n(o),i==null||i(o)})}catch(i){r(i)}})}setSize(t){return this.width(t.width),this.height(t.height),this}getSize(){return{width:this.width(),height:this.height()}}getClassName(){return this.className||this.nodeType}getType(){return this.nodeType}getDragDistance(){return this.attrs.dragDistance!==void 0?this.attrs.dragDistance:this.parent?this.parent.getDragDistance():ya.Konva.dragDistance}_off(t,n,r){var i=this.eventListeners[t],o,s,a;for(o=0;o=0;if(r&&!this.isDragging()){var i=!1;Br.DD._dragElements.forEach(o=>{this.isAncestorOf(o.node)&&(i=!0)}),i||this._createDragElement(t)}})}_dragChange(){if(this.attrs.draggable)this._listenDrag();else{this._dragCleanup();var t=this.getStage();if(!t)return;const n=Br.DD._dragElements.get(this._id),r=n&&n.dragStatus==="dragging",i=n&&n.dragStatus==="ready";r?this.stopDrag():i&&Br.DD._dragElements.delete(this._id)}}_dragCleanup(){this.off("mousedown.konva"),this.off("touchstart.konva")}isClientRectOnScreen(t={x:0,y:0}){const n=this.getStage();if(!n)return!1;const r={x:-t.x,y:-t.y,width:n.width()+2*t.x,height:n.height()+2*t.y};return ke.Util.haveIntersection(r,this.getClientRect())}static create(t,n){return ke.Util._isString(t)&&(t=JSON.parse(t)),this._createNode(t,n)}static _createNode(t,n){var r=y2.prototype.getClassName.call(t),i=t.children,o,s,a;n&&(t.attrs.container=n),ya.Konva[r]||(ke.Util.warn('Can not find a node with class name "'+r+'". Fallback to "Shape".'),r="Shape");const l=ya.Konva[r];if(o=new l(t.attrs),i)for(s=i.length,a=0;a0}removeChildren(){return this.getChildren().forEach(t=>{t.parent=null,t.index=0,t.remove()}),this.children=[],this._requestDraw(),this}destroyChildren(){return this.getChildren().forEach(t=>{t.parent=null,t.index=0,t.destroy()}),this.children=[],this._requestDraw(),this}add(...t){if(t.length===0)return this;if(t.length>1){for(var n=0;n0?n[0]:void 0}_generalFind(t,n){var r=[];return this._descendants(i=>{const o=i._isMatch(t);return o&&r.push(i),!!(o&&n)}),r}_descendants(t){let n=!1;const r=this.getChildren();for(const i of r){if(n=t(i),n)return!0;if(i.hasChildren()&&(n=i._descendants(t),n))return!0}return!1}toObject(){var t=Ub.Node.prototype.toObject.call(this);return t.children=[],this.getChildren().forEach(n=>{t.children.push(n.toObject())}),t}isAncestorOf(t){for(var n=t.getParent();n;){if(n._id===this._id)return!0;n=n.getParent()}return!1}clone(t){var n=Ub.Node.prototype.clone.call(this,t);return this.getChildren().forEach(function(r){n.add(r.clone())}),n}getAllIntersections(t){var n=[];return this.find("Shape").forEach(function(r){r.isVisible()&&r.intersects(t)&&n.push(r)}),n}_clearSelfAndDescendantCache(t){var n;super._clearSelfAndDescendantCache(t),!this.isCached()&&((n=this.children)===null||n===void 0||n.forEach(function(r){r._clearSelfAndDescendantCache(t)}))}_setChildrenIndices(){var t;(t=this.children)===null||t===void 0||t.forEach(function(n,r){n.index=r}),this._requestDraw()}drawScene(t,n){var r=this.getLayer(),i=t||r&&r.getCanvas(),o=i&&i.getContext(),s=this._getCanvasCache(),a=s&&s.scene,l=i&&i.isCache;if(!this.isVisible()&&!l)return this;if(a){o.save();var u=this.getAbsoluteTransform(n).getMatrix();o.transform(u[0],u[1],u[2],u[3],u[4],u[5]),this._drawCachedSceneCanvas(o),o.restore()}else this._drawChildren("drawScene",i,n);return this}drawHit(t,n){if(!this.shouldDrawHit(n))return this;var r=this.getLayer(),i=t||r&&r.hitCanvas,o=i&&i.getContext(),s=this._getCanvasCache(),a=s&&s.hit;if(a){o.save();var l=this.getAbsoluteTransform(n).getMatrix();o.transform(l[0],l[1],l[2],l[3],l[4],l[5]),this._drawCachedHitCanvas(o),o.restore()}else this._drawChildren("drawHit",i,n);return this}_drawChildren(t,n,r){var i,o=n&&n.getContext(),s=this.clipWidth(),a=this.clipHeight(),l=this.clipFunc(),u=s&&a||l;const c=r===this;if(u){o.save();var d=this.getAbsoluteTransform(r),f=d.getMatrix();o.transform(f[0],f[1],f[2],f[3],f[4],f[5]),o.beginPath();let S;if(l)S=l.call(this,o,this);else{var h=this.clipX(),p=this.clipY();o.rect(h,p,s,a)}o.clip.apply(o,S),f=d.copy().invert().getMatrix(),o.transform(f[0],f[1],f[2],f[3],f[4],f[5])}var m=!c&&this.globalCompositeOperation()!=="source-over"&&t==="drawScene";m&&(o.save(),o._applyGlobalCompositeOperation(this)),(i=this.children)===null||i===void 0||i.forEach(function(S){S[t](n,r)}),m&&o.restore(),u&&o.restore()}getClientRect(t){var n;t=t||{};var r=t.skipTransform,i=t.relativeTo,o,s,a,l,u={x:1/0,y:1/0,width:0,height:0},c=this;(n=this.children)===null||n===void 0||n.forEach(function(m){if(m.visible()){var S=m.getClientRect({relativeTo:c,skipShadow:t.skipShadow,skipStroke:t.skipStroke});S.width===0&&S.height===0||(o===void 0?(o=S.x,s=S.y,a=S.x+S.width,l=S.y+S.height):(o=Math.min(o,S.x),s=Math.min(s,S.y),a=Math.max(a,S.x+S.width),l=Math.max(l,S.y+S.height)))}});for(var d=this.find("Shape"),f=!1,h=0;hY.indexOf("pointer")>=0?"pointer":Y.indexOf("touch")>=0?"touch":"mouse",U=Y=>{const B=j(Y);if(B==="pointer")return i.Konva.pointerEventsEnabled&&L.pointer;if(B==="touch")return L.touch;if(B==="mouse")return L.mouse};function G(Y={}){return(Y.clipFunc||Y.clipWidth||Y.clipHeight)&&t.Util.warn("Stage does not support clipping. Please use clip for Layers or Groups."),Y}const W="Pointer position is missing and not registered by the stage. Looks like it is outside of the stage container. You can set it manually from event: stage.setPointersPositions(event);";e.stages=[];class X extends r.Container{constructor(B){super(G(B)),this._pointerPositions=[],this._changedPointerPositions=[],this._buildDOM(),this._bindContentEvents(),e.stages.push(this),this.on("widthChange.konva heightChange.konva",this._resizeDOM),this.on("visibleChange.konva",this._checkVisibility),this.on("clipWidthChange.konva clipHeightChange.konva clipFuncChange.konva",()=>{G(this.attrs)}),this._checkVisibility()}_validateAdd(B){const H=B.getType()==="Layer",Q=B.getType()==="FastLayer";H||Q||t.Util.throw("You may only add layers to the stage.")}_checkVisibility(){if(!this.content)return;const B=this.visible()?"":"none";this.content.style.display=B}setContainer(B){if(typeof B===c){if(B.charAt(0)==="."){var H=B.slice(1);B=document.getElementsByClassName(H)[0]}else{var Q;B.charAt(0)!=="#"?Q=B:Q=B.slice(1),B=document.getElementById(Q)}if(!B)throw"Can not find container in document with id "+Q}return this._setAttr("container",B),this.content&&(this.content.parentElement&&this.content.parentElement.removeChild(this.content),B.appendChild(this.content)),this}shouldDrawHit(){return!0}clear(){var B=this.children,H=B.length,Q;for(Q=0;Q-1&&e.stages.splice(H,1),t.Util.releaseCanvas(this.bufferCanvas._canvas,this.bufferHitCanvas._canvas),this}getPointerPosition(){const B=this._pointerPositions[0]||this._changedPointerPositions[0];return B?{x:B.x,y:B.y}:(t.Util.warn(W),null)}_getPointerById(B){return this._pointerPositions.find(H=>H.id===B)}getPointersPositions(){return this._pointerPositions}getStage(){return this}getContent(){return this.content}_toKonvaCanvas(B){B=B||{},B.x=B.x||0,B.y=B.y||0,B.width=B.width||this.width(),B.height=B.height||this.height();var H=new o.SceneCanvas({width:B.width,height:B.height,pixelRatio:B.pixelRatio||1}),Q=H.getContext()._context,J=this.children;return(B.x||B.y)&&Q.translate(-1*B.x,-1*B.y),J.forEach(function(ne){if(ne.isVisible()){var te=ne._toKonvaCanvas(B);Q.drawImage(te._canvas,B.x,B.y,te.getWidth()/te.getPixelRatio(),te.getHeight()/te.getPixelRatio())}}),H}getIntersection(B){if(!B)return null;var H=this.children,Q=H.length,J=Q-1,ne;for(ne=J;ne>=0;ne--){const te=H[ne].getIntersection(B);if(te)return te}return null}_resizeDOM(){var B=this.width(),H=this.height();this.content&&(this.content.style.width=B+d,this.content.style.height=H+d),this.bufferCanvas.setSize(B,H),this.bufferHitCanvas.setSize(B,H),this.children.forEach(Q=>{Q.setSize({width:B,height:H}),Q.draw()})}add(B,...H){if(arguments.length>1){for(var Q=0;QO&&t.Util.warn("The stage has "+J+" layers. Recommended maximum number of layers is 3-5. Adding more layers into the stage may drop the performance. Rethink your tree structure, you can use Konva.Group."),B.setSize({width:this.width(),height:this.height()}),B.draw(),i.Konva.isBrowser&&this.content.appendChild(B.canvas._canvas),this}getParent(){return null}getLayer(){return null}hasPointerCapture(B){return l.hasPointerCapture(B,this)}setPointerCapture(B){l.setPointerCapture(B,this)}releaseCapture(B){l.releaseCapture(B,this)}getLayers(){return this.children}_bindContentEvents(){i.Konva.isBrowser&&D.forEach(([B,H])=>{this.content.addEventListener(B,Q=>{this[H](Q)},{passive:!1})})}_pointerenter(B){this.setPointersPositions(B);const H=U(B.type);this._fire(H.pointerenter,{evt:B,target:this,currentTarget:this})}_pointerover(B){this.setPointersPositions(B);const H=U(B.type);this._fire(H.pointerover,{evt:B,target:this,currentTarget:this})}_getTargetShape(B){let H=this[B+"targetShape"];return H&&!H.getStage()&&(H=null),H}_pointerleave(B){const H=U(B.type),Q=j(B.type);if(H){this.setPointersPositions(B);var J=this._getTargetShape(Q),ne=!s.DD.isDragging||i.Konva.hitOnDragEnabled;J&&ne?(J._fireAndBubble(H.pointerout,{evt:B}),J._fireAndBubble(H.pointerleave,{evt:B}),this._fire(H.pointerleave,{evt:B,target:this,currentTarget:this}),this[Q+"targetShape"]=null):ne&&(this._fire(H.pointerleave,{evt:B,target:this,currentTarget:this}),this._fire(H.pointerout,{evt:B,target:this,currentTarget:this})),this.pointerPos=void 0,this._pointerPositions=[]}}_pointerdown(B){const H=U(B.type),Q=j(B.type);if(H){this.setPointersPositions(B);var J=!1;this._changedPointerPositions.forEach(ne=>{var te=this.getIntersection(ne);if(s.DD.justDragged=!1,i.Konva["_"+Q+"ListenClick"]=!0,!(te&&te.isListening()))return;i.Konva.capturePointerEventsEnabled&&te.setPointerCapture(ne.id),this[Q+"ClickStartShape"]=te,te._fireAndBubble(H.pointerdown,{evt:B,pointerId:ne.id}),J=!0;const ve=B.type.indexOf("touch")>=0;te.preventDefault()&&B.cancelable&&ve&&B.preventDefault()}),J||this._fire(H.pointerdown,{evt:B,target:this,currentTarget:this,pointerId:this._pointerPositions[0].id})}}_pointermove(B){const H=U(B.type),Q=j(B.type);if(!H)return;s.DD.isDragging&&s.DD.node.preventDefault()&&B.cancelable&&B.preventDefault(),this.setPointersPositions(B);var J=!s.DD.isDragging||i.Konva.hitOnDragEnabled;if(!J)return;var ne={};let te=!1;var xe=this._getTargetShape(Q);this._changedPointerPositions.forEach(ve=>{const ce=l.getCapturedShape(ve.id)||this.getIntersection(ve),Ne=ve.id,se={evt:B,pointerId:Ne};var gt=xe!==ce;if(gt&&xe&&(xe._fireAndBubble(H.pointerout,Object.assign({},se),ce),xe._fireAndBubble(H.pointerleave,Object.assign({},se),ce)),ce){if(ne[ce._id])return;ne[ce._id]=!0}ce&&ce.isListening()?(te=!0,gt&&(ce._fireAndBubble(H.pointerover,Object.assign({},se),xe),ce._fireAndBubble(H.pointerenter,Object.assign({},se),xe),this[Q+"targetShape"]=ce),ce._fireAndBubble(H.pointermove,Object.assign({},se))):xe&&(this._fire(H.pointerover,{evt:B,target:this,currentTarget:this,pointerId:Ne}),this[Q+"targetShape"]=null)}),te||this._fire(H.pointermove,{evt:B,target:this,currentTarget:this,pointerId:this._changedPointerPositions[0].id})}_pointerup(B){const H=U(B.type),Q=j(B.type);if(!H)return;this.setPointersPositions(B);const J=this[Q+"ClickStartShape"],ne=this[Q+"ClickEndShape"];var te={};let xe=!1;this._changedPointerPositions.forEach(ve=>{const ce=l.getCapturedShape(ve.id)||this.getIntersection(ve);if(ce){if(ce.releaseCapture(ve.id),te[ce._id])return;te[ce._id]=!0}const Ne=ve.id,se={evt:B,pointerId:Ne};let gt=!1;i.Konva["_"+Q+"InDblClickWindow"]?(gt=!0,clearTimeout(this[Q+"DblTimeout"])):s.DD.justDragged||(i.Konva["_"+Q+"InDblClickWindow"]=!0,clearTimeout(this[Q+"DblTimeout"])),this[Q+"DblTimeout"]=setTimeout(function(){i.Konva["_"+Q+"InDblClickWindow"]=!1},i.Konva.dblClickWindow),ce&&ce.isListening()?(xe=!0,this[Q+"ClickEndShape"]=ce,ce._fireAndBubble(H.pointerup,Object.assign({},se)),i.Konva["_"+Q+"ListenClick"]&&J&&J===ce&&(ce._fireAndBubble(H.pointerclick,Object.assign({},se)),gt&&ne&&ne===ce&&ce._fireAndBubble(H.pointerdblclick,Object.assign({},se)))):(this[Q+"ClickEndShape"]=null,i.Konva["_"+Q+"ListenClick"]&&this._fire(H.pointerclick,{evt:B,target:this,currentTarget:this,pointerId:Ne}),gt&&this._fire(H.pointerdblclick,{evt:B,target:this,currentTarget:this,pointerId:Ne}))}),xe||this._fire(H.pointerup,{evt:B,target:this,currentTarget:this,pointerId:this._changedPointerPositions[0].id}),i.Konva["_"+Q+"ListenClick"]=!1,B.cancelable&&Q!=="touch"&&B.preventDefault()}_contextmenu(B){this.setPointersPositions(B);var H=this.getIntersection(this.getPointerPosition());H&&H.isListening()?H._fireAndBubble($,{evt:B}):this._fire($,{evt:B,target:this,currentTarget:this})}_wheel(B){this.setPointersPositions(B);var H=this.getIntersection(this.getPointerPosition());H&&H.isListening()?H._fireAndBubble(N,{evt:B}):this._fire(N,{evt:B,target:this,currentTarget:this})}_pointercancel(B){this.setPointersPositions(B);const H=l.getCapturedShape(B.pointerId)||this.getIntersection(this.getPointerPosition());H&&H._fireAndBubble(_,l.createEvent(B)),l.releaseCapture(B.pointerId)}_lostpointercapture(B){l.releaseCapture(B.pointerId)}setPointersPositions(B){var H=this._getContentPosition(),Q=null,J=null;B=B||window.event,B.touches!==void 0?(this._pointerPositions=[],this._changedPointerPositions=[],Array.prototype.forEach.call(B.touches,ne=>{this._pointerPositions.push({id:ne.identifier,x:(ne.clientX-H.left)/H.scaleX,y:(ne.clientY-H.top)/H.scaleY})}),Array.prototype.forEach.call(B.changedTouches||B.touches,ne=>{this._changedPointerPositions.push({id:ne.identifier,x:(ne.clientX-H.left)/H.scaleX,y:(ne.clientY-H.top)/H.scaleY})})):(Q=(B.clientX-H.left)/H.scaleX,J=(B.clientY-H.top)/H.scaleY,this.pointerPos={x:Q,y:J},this._pointerPositions=[{x:Q,y:J,id:t.Util._getFirstPointerId(B)}],this._changedPointerPositions=[{x:Q,y:J,id:t.Util._getFirstPointerId(B)}])}_setPointerPosition(B){t.Util.warn('Method _setPointerPosition is deprecated. Use "stage.setPointersPositions(event)" instead.'),this.setPointersPositions(B)}_getContentPosition(){if(!this.content||!this.content.getBoundingClientRect)return{top:0,left:0,scaleX:1,scaleY:1};var B=this.content.getBoundingClientRect();return{top:B.top,left:B.left,scaleX:B.width/this.content.clientWidth||1,scaleY:B.height/this.content.clientHeight||1}}_buildDOM(){if(this.bufferCanvas=new o.SceneCanvas({width:this.width(),height:this.height()}),this.bufferHitCanvas=new o.HitCanvas({pixelRatio:1,width:this.width(),height:this.height()}),!!i.Konva.isBrowser){var B=this.container();if(!B)throw"Stage has no container. A container is required.";B.innerHTML="",this.content=document.createElement("div"),this.content.style.position="relative",this.content.style.userSelect="none",this.content.className="konvajs-content",this.content.setAttribute("role","presentation"),B.appendChild(this.content),this._resizeDOM()}}cache(){return t.Util.warn("Cache function is not allowed for stage. You may use cache only for layers, groups and shapes."),this}clearCache(){return this}batchDraw(){return this.getChildren().forEach(function(B){B.batchDraw()}),this}}e.Stage=X,X.prototype.nodeType=u,(0,a._registerNode)(X),n.Factory.addGetterSetter(X,"container")})(uN);var kh={},sn={};(function(e){Object.defineProperty(e,"__esModule",{value:!0}),e.Shape=e.shapes=void 0;const t=Pe,n=Mt,r=Te,i=wt,o=de,s=Pe,a=Tr;var l="hasShadow",u="shadowRGBA",c="patternImage",d="linearGradient",f="radialGradient";let h;function p(){return h||(h=n.Util.createCanvasElement().getContext("2d"),h)}e.shapes={};function m(P){const E=this.attrs.fillRule;E?P.fill(E):P.fill()}function S(P){P.stroke()}function v(P){P.fill()}function y(P){P.stroke()}function g(){this._clearCache(l)}function b(){this._clearCache(u)}function _(){this._clearCache(c)}function w(){this._clearCache(d)}function x(){this._clearCache(f)}class T extends i.Node{constructor(E){super(E);let A;for(;A=n.Util.getRandomColor(),!(A&&!(A in e.shapes)););this.colorKey=A,e.shapes[A]=this}getContext(){return n.Util.warn("shape.getContext() method is deprecated. Please do not use it."),this.getLayer().getContext()}getCanvas(){return n.Util.warn("shape.getCanvas() method is deprecated. Please do not use it."),this.getLayer().getCanvas()}getSceneFunc(){return this.attrs.sceneFunc||this._sceneFunc}getHitFunc(){return this.attrs.hitFunc||this._hitFunc}hasShadow(){return this._getCache(l,this._hasShadow)}_hasShadow(){return this.shadowEnabled()&&this.shadowOpacity()!==0&&!!(this.shadowColor()||this.shadowBlur()||this.shadowOffsetX()||this.shadowOffsetY())}_getFillPattern(){return this._getCache(c,this.__getFillPattern)}__getFillPattern(){if(this.fillPatternImage()){var E=p();const A=E.createPattern(this.fillPatternImage(),this.fillPatternRepeat()||"repeat");if(A&&A.setTransform){const $=new n.Transform;$.translate(this.fillPatternX(),this.fillPatternY()),$.rotate(t.Konva.getAngle(this.fillPatternRotation())),$.scale(this.fillPatternScaleX(),this.fillPatternScaleY()),$.translate(-1*this.fillPatternOffsetX(),-1*this.fillPatternOffsetY());const I=$.getMatrix(),C=typeof DOMMatrix>"u"?{a:I[0],b:I[1],c:I[2],d:I[3],e:I[4],f:I[5]}:new DOMMatrix(I);A.setTransform(C)}return A}}_getLinearGradient(){return this._getCache(d,this.__getLinearGradient)}__getLinearGradient(){var E=this.fillLinearGradientColorStops();if(E){for(var A=p(),$=this.fillLinearGradientStartPoint(),I=this.fillLinearGradientEndPoint(),C=A.createLinearGradient($.x,$.y,I.x,I.y),R=0;Rthis.fillEnabled()&&!!(this.fill()||this.fillPatternImage()||this.fillLinearGradientColorStops()||this.fillRadialGradientColorStops()))}hasStroke(){return this._calculate("hasStroke",["strokeEnabled","strokeWidth","stroke","strokeLinearGradientColorStops"],()=>this.strokeEnabled()&&this.strokeWidth()&&!!(this.stroke()||this.strokeLinearGradientColorStops()))}hasHitStroke(){const E=this.hitStrokeWidth();return E==="auto"?this.hasStroke():this.strokeEnabled()&&!!E}intersects(E){var A=this.getStage(),$=A.bufferHitCanvas,I;return $.getContext().clear(),this.drawHit($,null,!0),I=$.context.getImageData(Math.round(E.x),Math.round(E.y),1,1).data,I[3]>0}destroy(){return i.Node.prototype.destroy.call(this),delete e.shapes[this.colorKey],delete this.colorKey,this}_useBufferCanvas(E){var A;if(!this.getStage()||!((A=this.attrs.perfectDrawEnabled)!==null&&A!==void 0?A:!0))return!1;const I=E||this.hasFill(),C=this.hasStroke(),R=this.getAbsoluteOpacity()!==1;if(I&&C&&R)return!0;const M=this.hasShadow(),N=this.shadowForStrokeEnabled();return!!(I&&C&&M&&N)}setStrokeHitEnabled(E){n.Util.warn("strokeHitEnabled property is deprecated. Please use hitStrokeWidth instead."),E?this.hitStrokeWidth("auto"):this.hitStrokeWidth(0)}getStrokeHitEnabled(){return this.hitStrokeWidth()!==0}getSelfRect(){var E=this.size();return{x:this._centroid?-E.width/2:0,y:this._centroid?-E.height/2:0,width:E.width,height:E.height}}getClientRect(E={}){const A=E.skipTransform,$=E.relativeTo,I=this.getSelfRect(),R=!E.skipStroke&&this.hasStroke()&&this.strokeWidth()||0,M=I.width+R,N=I.height+R,O=!E.skipShadow&&this.hasShadow(),D=O?this.shadowOffsetX():0,L=O?this.shadowOffsetY():0,j=M+Math.abs(D),U=N+Math.abs(L),G=O&&this.shadowBlur()||0,W=j+G*2,X=U+G*2,Y={width:W,height:X,x:-(R/2+G)+Math.min(D,0)+I.x,y:-(R/2+G)+Math.min(L,0)+I.y};return A?Y:this._transformedRect(Y,$)}drawScene(E,A){var $=this.getLayer(),I=E||$.getCanvas(),C=I.getContext(),R=this._getCanvasCache(),M=this.getSceneFunc(),N=this.hasShadow(),O,D,L,j=I.isCache,U=A===this;if(!this.isVisible()&&!U)return this;if(R){C.save();var G=this.getAbsoluteTransform(A).getMatrix();return C.transform(G[0],G[1],G[2],G[3],G[4],G[5]),this._drawCachedSceneCanvas(C),C.restore(),this}if(!M)return this;if(C.save(),this._useBufferCanvas()&&!j){O=this.getStage(),D=O.bufferCanvas,L=D.getContext(),L.clear(),L.save(),L._applyLineJoin(this);var W=this.getAbsoluteTransform(A).getMatrix();L.transform(W[0],W[1],W[2],W[3],W[4],W[5]),M.call(this,L,this),L.restore();var X=D.pixelRatio;N&&C._applyShadow(this),C._applyOpacity(this),C._applyGlobalCompositeOperation(this),C.drawImage(D._canvas,0,0,D.width/X,D.height/X)}else{if(C._applyLineJoin(this),!U){var W=this.getAbsoluteTransform(A).getMatrix();C.transform(W[0],W[1],W[2],W[3],W[4],W[5]),C._applyOpacity(this),C._applyGlobalCompositeOperation(this)}N&&C._applyShadow(this),M.call(this,C,this)}return C.restore(),this}drawHit(E,A,$=!1){if(!this.shouldDrawHit(A,$))return this;var I=this.getLayer(),C=E||I.hitCanvas,R=C&&C.getContext(),M=this.hitFunc()||this.sceneFunc(),N=this._getCanvasCache(),O=N&&N.hit;if(this.colorKey||n.Util.warn("Looks like your canvas has a destroyed shape in it. Do not reuse shape after you destroyed it. If you want to reuse shape you should call remove() instead of destroy()"),O){R.save();var D=this.getAbsoluteTransform(A).getMatrix();return R.transform(D[0],D[1],D[2],D[3],D[4],D[5]),this._drawCachedHitCanvas(R),R.restore(),this}if(!M)return this;if(R.save(),R._applyLineJoin(this),!(this===A)){var j=this.getAbsoluteTransform(A).getMatrix();R.transform(j[0],j[1],j[2],j[3],j[4],j[5])}return M.call(this,R,this),R.restore(),this}drawHitFromCache(E=0){var A=this._getCanvasCache(),$=this._getCachedSceneCanvas(),I=A.hit,C=I.getContext(),R=I.getWidth(),M=I.getHeight(),N,O,D,L,j,U;C.clear(),C.drawImage($._canvas,0,0,R,M);try{for(N=C.getImageData(0,0,R,M),O=N.data,D=O.length,L=n.Util._hexToRgb(this.colorKey),j=0;jE?(O[j]=L.r,O[j+1]=L.g,O[j+2]=L.b,O[j+3]=255):O[j+3]=0;C.putImageData(N,0,0)}catch(G){n.Util.error("Unable to draw hit graph from cached scene canvas. "+G.message)}return this}hasPointerCapture(E){return a.hasPointerCapture(E,this)}setPointerCapture(E){a.setPointerCapture(E,this)}releaseCapture(E){a.releaseCapture(E,this)}}e.Shape=T,T.prototype._fillFunc=m,T.prototype._strokeFunc=S,T.prototype._fillFuncHit=v,T.prototype._strokeFuncHit=y,T.prototype._centroid=!1,T.prototype.nodeType="Shape",(0,s._registerNode)(T),T.prototype.eventListeners={},T.prototype.on.call(T.prototype,"shadowColorChange.konva shadowBlurChange.konva shadowOffsetChange.konva shadowOpacityChange.konva shadowEnabledChange.konva",g),T.prototype.on.call(T.prototype,"shadowColorChange.konva shadowOpacityChange.konva shadowEnabledChange.konva",b),T.prototype.on.call(T.prototype,"fillPriorityChange.konva fillPatternImageChange.konva fillPatternRepeatChange.konva fillPatternScaleXChange.konva fillPatternScaleYChange.konva fillPatternOffsetXChange.konva fillPatternOffsetYChange.konva fillPatternXChange.konva fillPatternYChange.konva fillPatternRotationChange.konva",_),T.prototype.on.call(T.prototype,"fillPriorityChange.konva fillLinearGradientColorStopsChange.konva fillLinearGradientStartPointXChange.konva fillLinearGradientStartPointYChange.konva fillLinearGradientEndPointXChange.konva fillLinearGradientEndPointYChange.konva",w),T.prototype.on.call(T.prototype,"fillPriorityChange.konva fillRadialGradientColorStopsChange.konva fillRadialGradientStartPointXChange.konva fillRadialGradientStartPointYChange.konva fillRadialGradientEndPointXChange.konva fillRadialGradientEndPointYChange.konva fillRadialGradientStartRadiusChange.konva fillRadialGradientEndRadiusChange.konva",x),r.Factory.addGetterSetter(T,"stroke",void 0,(0,o.getStringOrGradientValidator)()),r.Factory.addGetterSetter(T,"strokeWidth",2,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillAfterStrokeEnabled",!1),r.Factory.addGetterSetter(T,"hitStrokeWidth","auto",(0,o.getNumberOrAutoValidator)()),r.Factory.addGetterSetter(T,"strokeHitEnabled",!0,(0,o.getBooleanValidator)()),r.Factory.addGetterSetter(T,"perfectDrawEnabled",!0,(0,o.getBooleanValidator)()),r.Factory.addGetterSetter(T,"shadowForStrokeEnabled",!0,(0,o.getBooleanValidator)()),r.Factory.addGetterSetter(T,"lineJoin"),r.Factory.addGetterSetter(T,"lineCap"),r.Factory.addGetterSetter(T,"sceneFunc"),r.Factory.addGetterSetter(T,"hitFunc"),r.Factory.addGetterSetter(T,"dash"),r.Factory.addGetterSetter(T,"dashOffset",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"shadowColor",void 0,(0,o.getStringValidator)()),r.Factory.addGetterSetter(T,"shadowBlur",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"shadowOpacity",1,(0,o.getNumberValidator)()),r.Factory.addComponentsGetterSetter(T,"shadowOffset",["x","y"]),r.Factory.addGetterSetter(T,"shadowOffsetX",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"shadowOffsetY",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillPatternImage"),r.Factory.addGetterSetter(T,"fill",void 0,(0,o.getStringOrGradientValidator)()),r.Factory.addGetterSetter(T,"fillPatternX",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillPatternY",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillLinearGradientColorStops"),r.Factory.addGetterSetter(T,"strokeLinearGradientColorStops"),r.Factory.addGetterSetter(T,"fillRadialGradientStartRadius",0),r.Factory.addGetterSetter(T,"fillRadialGradientEndRadius",0),r.Factory.addGetterSetter(T,"fillRadialGradientColorStops"),r.Factory.addGetterSetter(T,"fillPatternRepeat","repeat"),r.Factory.addGetterSetter(T,"fillEnabled",!0),r.Factory.addGetterSetter(T,"strokeEnabled",!0),r.Factory.addGetterSetter(T,"shadowEnabled",!0),r.Factory.addGetterSetter(T,"dashEnabled",!0),r.Factory.addGetterSetter(T,"strokeScaleEnabled",!0),r.Factory.addGetterSetter(T,"fillPriority","color"),r.Factory.addComponentsGetterSetter(T,"fillPatternOffset",["x","y"]),r.Factory.addGetterSetter(T,"fillPatternOffsetX",0,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillPatternOffsetY",0,(0,o.getNumberValidator)()),r.Factory.addComponentsGetterSetter(T,"fillPatternScale",["x","y"]),r.Factory.addGetterSetter(T,"fillPatternScaleX",1,(0,o.getNumberValidator)()),r.Factory.addGetterSetter(T,"fillPatternScaleY",1,(0,o.getNumberValidator)()),r.Factory.addComponentsGetterSetter(T,"fillLinearGradientStartPoint",["x","y"]),r.Factory.addComponentsGetterSetter(T,"strokeLinearGradientStartPoint",["x","y"]),r.Factory.addGetterSetter(T,"fillLinearGradientStartPointX",0),r.Factory.addGetterSetter(T,"strokeLinearGradientStartPointX",0),r.Factory.addGetterSetter(T,"fillLinearGradientStartPointY",0),r.Factory.addGetterSetter(T,"strokeLinearGradientStartPointY",0),r.Factory.addComponentsGetterSetter(T,"fillLinearGradientEndPoint",["x","y"]),r.Factory.addComponentsGetterSetter(T,"strokeLinearGradientEndPoint",["x","y"]),r.Factory.addGetterSetter(T,"fillLinearGradientEndPointX",0),r.Factory.addGetterSetter(T,"strokeLinearGradientEndPointX",0),r.Factory.addGetterSetter(T,"fillLinearGradientEndPointY",0),r.Factory.addGetterSetter(T,"strokeLinearGradientEndPointY",0),r.Factory.addComponentsGetterSetter(T,"fillRadialGradientStartPoint",["x","y"]),r.Factory.addGetterSetter(T,"fillRadialGradientStartPointX",0),r.Factory.addGetterSetter(T,"fillRadialGradientStartPointY",0),r.Factory.addComponentsGetterSetter(T,"fillRadialGradientEndPoint",["x","y"]),r.Factory.addGetterSetter(T,"fillRadialGradientEndPointX",0),r.Factory.addGetterSetter(T,"fillRadialGradientEndPointY",0),r.Factory.addGetterSetter(T,"fillPatternRotation",0),r.Factory.addGetterSetter(T,"fillRule",void 0,(0,o.getStringValidator)()),r.Factory.backCompat(T,{dashArray:"dash",getDashArray:"getDash",setDashArray:"getDash",drawFunc:"sceneFunc",getDrawFunc:"getSceneFunc",setDrawFunc:"setSceneFunc",drawHitFunc:"hitFunc",getDrawHitFunc:"getHitFunc",setDrawHitFunc:"setHitFunc"})})(sn);Object.defineProperty(kh,"__esModule",{value:!0});kh.Layer=void 0;const go=Mt,Gb=gl,Ul=wt,wC=Te,i6=_i,ode=de,sde=sn,ade=Pe;var lde="#",ude="beforeDraw",cde="draw",fN=[{x:0,y:0},{x:-1,y:-1},{x:1,y:-1},{x:1,y:1},{x:-1,y:1}],dde=fN.length;class vc extends Gb.Container{constructor(t){super(t),this.canvas=new i6.SceneCanvas,this.hitCanvas=new i6.HitCanvas({pixelRatio:1}),this._waitingForDraw=!1,this.on("visibleChange.konva",this._checkVisibility),this._checkVisibility(),this.on("imageSmoothingEnabledChange.konva",this._setSmoothEnabled),this._setSmoothEnabled()}createPNGStream(){return this.canvas._canvas.createPNGStream()}getCanvas(){return this.canvas}getNativeCanvasElement(){return this.canvas._canvas}getHitCanvas(){return this.hitCanvas}getContext(){return this.getCanvas().getContext()}clear(t){return this.getContext().clear(t),this.getHitCanvas().getContext().clear(t),this}setZIndex(t){super.setZIndex(t);var n=this.getStage();return n&&n.content&&(n.content.removeChild(this.getNativeCanvasElement()),t{this.draw(),this._waitingForDraw=!1})),this}getIntersection(t){if(!this.isListening()||!this.isVisible())return null;for(var n=1,r=!1;;){for(let i=0;i0)return{antialiased:!0};return{}}drawScene(t,n){var r=this.getLayer(),i=t||r&&r.getCanvas();return this._fire(ude,{node:this}),this.clearBeforeDraw()&&i.getContext().clear(),Gb.Container.prototype.drawScene.call(this,i,n),this._fire(cde,{node:this}),this}drawHit(t,n){var r=this.getLayer(),i=t||r&&r.hitCanvas;return r&&r.clearBeforeDraw()&&r.getHitCanvas().getContext().clear(),Gb.Container.prototype.drawHit.call(this,i,n),this}enableHitGraph(){return this.hitGraphEnabled(!0),this}disableHitGraph(){return this.hitGraphEnabled(!1),this}setHitGraphEnabled(t){go.Util.warn("hitGraphEnabled method is deprecated. Please use layer.listening() instead."),this.listening(t)}getHitGraphEnabled(t){return go.Util.warn("hitGraphEnabled method is deprecated. Please use layer.listening() instead."),this.listening()}toggleHitCanvas(){if(!(!this.parent||!this.parent.content)){var t=this.parent,n=!!this.hitCanvas._canvas.parentNode;n?t.content.removeChild(this.hitCanvas._canvas):t.content.appendChild(this.hitCanvas._canvas)}}destroy(){return go.Util.releaseCanvas(this.getNativeCanvasElement(),this.getHitCanvas()._canvas),super.destroy()}}kh.Layer=vc;vc.prototype.nodeType="Layer";(0,ade._registerNode)(vc);wC.Factory.addGetterSetter(vc,"imageSmoothingEnabled",!0);wC.Factory.addGetterSetter(vc,"clearBeforeDraw",!0);wC.Factory.addGetterSetter(vc,"hitGraphEnabled",!0,(0,ode.getBooleanValidator)());var av={};Object.defineProperty(av,"__esModule",{value:!0});av.FastLayer=void 0;const fde=Mt,hde=kh,pde=Pe;class xC extends hde.Layer{constructor(t){super(t),this.listening(!1),fde.Util.warn('Konva.Fast layer is deprecated. Please use "new Konva.Layer({ listening: false })" instead.')}}av.FastLayer=xC;xC.prototype.nodeType="FastLayer";(0,pde._registerNode)(xC);var bc={};Object.defineProperty(bc,"__esModule",{value:!0});bc.Group=void 0;const gde=Mt,mde=gl,yde=Pe;class CC extends mde.Container{_validateAdd(t){var n=t.getType();n!=="Group"&&n!=="Shape"&&gde.Util.throw("You may only add groups and shapes to groups.")}}bc.Group=CC;CC.prototype.nodeType="Group";(0,yde._registerNode)(CC);var Sc={};Object.defineProperty(Sc,"__esModule",{value:!0});Sc.Animation=void 0;const Hb=Pe,o6=Mt;var qb=function(){return Hb.glob.performance&&Hb.glob.performance.now?function(){return Hb.glob.performance.now()}:function(){return new Date().getTime()}}();class Gi{constructor(t,n){this.id=Gi.animIdCounter++,this.frame={time:0,timeDiff:0,lastTime:qb(),frameRate:0},this.func=t,this.setLayers(n)}setLayers(t){var n=[];return t?t.length>0?n=t:n=[t]:n=[],this.layers=n,this}getLayers(){return this.layers}addLayer(t){var n=this.layers,r=n.length,i;for(i=0;ithis.duration?this.yoyo?(this._time=this.duration,this.reverse()):this.finish():p<0?this.yoyo?(this._time=0,this.play()):this.reset():(this._time=p,this.update())}getTime(){return this._time}setPosition(p){this.prevPos=this._pos,this.propFunc(p),this._pos=p}getPosition(p){return p===void 0&&(p=this._time),this.func(p,this.begin,this._change,this.duration)}play(){this.state=a,this._startTime=this.getTimer()-this._time,this.onEnterFrame(),this.fire("onPlay")}reverse(){this.state=l,this._time=this.duration-this._time,this._startTime=this.getTimer()-this._time,this.onEnterFrame(),this.fire("onReverse")}seek(p){this.pause(),this._time=p,this.update(),this.fire("onSeek")}reset(){this.pause(),this._time=0,this.update(),this.fire("onReset")}finish(){this.pause(),this._time=this.duration,this.update(),this.fire("onFinish")}update(){this.setPosition(this.getPosition(this._time)),this.fire("onUpdate")}onEnterFrame(){var p=this.getTimer()-this._startTime;this.state===a?this.setTime(p):this.state===l&&this.setTime(this.duration-p)}pause(){this.state=s,this.fire("onPause")}getTimer(){return new Date().getTime()}}class f{constructor(p){var m=this,S=p.node,v=S._id,y,g=p.easing||e.Easings.Linear,b=!!p.yoyo,_;typeof p.duration>"u"?y=.3:p.duration===0?y=.001:y=p.duration,this.node=S,this._id=u++;var w=S.getLayer()||(S instanceof i.Konva.Stage?S.getLayers():null);w||t.Util.error("Tween constructor have `node` that is not in a layer. Please add node into layer first."),this.anim=new n.Animation(function(){m.tween.onEnterFrame()},w),this.tween=new d(_,function(x){m._tweenFunc(x)},g,0,1,y*1e3,b),this._addListeners(),f.attrs[v]||(f.attrs[v]={}),f.attrs[v][this._id]||(f.attrs[v][this._id]={}),f.tweens[v]||(f.tweens[v]={});for(_ in p)o[_]===void 0&&this._addAttr(_,p[_]);this.reset(),this.onFinish=p.onFinish,this.onReset=p.onReset,this.onUpdate=p.onUpdate}_addAttr(p,m){var S=this.node,v=S._id,y,g,b,_,w,x,T,P;if(b=f.tweens[v][p],b&&delete f.attrs[v][b][p],y=S.getAttr(p),t.Util._isArray(m))if(g=[],w=Math.max(m.length,y.length),p==="points"&&m.length!==y.length&&(m.length>y.length?(T=y,y=t.Util._prepareArrayForTween(y,m,S.closed())):(x=m,m=t.Util._prepareArrayForTween(m,y,S.closed()))),p.indexOf("fill")===0)for(_=0;_{this.anim.start()},this.tween.onReverse=()=>{this.anim.start()},this.tween.onPause=()=>{this.anim.stop()},this.tween.onFinish=()=>{var p=this.node,m=f.attrs[p._id][this._id];m.points&&m.points.trueEnd&&p.setAttr("points",m.points.trueEnd),this.onFinish&&this.onFinish.call(this)},this.tween.onReset=()=>{var p=this.node,m=f.attrs[p._id][this._id];m.points&&m.points.trueStart&&p.points(m.points.trueStart),this.onReset&&this.onReset()},this.tween.onUpdate=()=>{this.onUpdate&&this.onUpdate.call(this)}}play(){return this.tween.play(),this}reverse(){return this.tween.reverse(),this}reset(){return this.tween.reset(),this}seek(p){return this.tween.seek(p*1e3),this}pause(){return this.tween.pause(),this}finish(){return this.tween.finish(),this}destroy(){var p=this.node._id,m=this._id,S=f.tweens[p],v;this.pause();for(v in S)delete f.tweens[p][v];delete f.attrs[p][m]}}e.Tween=f,f.attrs={},f.tweens={},r.Node.prototype.to=function(h){var p=h.onFinish;h.node=this,h.onFinish=function(){this.destroy(),p&&p()};var m=new f(h);m.play()},e.Easings={BackEaseIn(h,p,m,S){var v=1.70158;return m*(h/=S)*h*((v+1)*h-v)+p},BackEaseOut(h,p,m,S){var v=1.70158;return m*((h=h/S-1)*h*((v+1)*h+v)+1)+p},BackEaseInOut(h,p,m,S){var v=1.70158;return(h/=S/2)<1?m/2*(h*h*(((v*=1.525)+1)*h-v))+p:m/2*((h-=2)*h*(((v*=1.525)+1)*h+v)+2)+p},ElasticEaseIn(h,p,m,S,v,y){var g=0;return h===0?p:(h/=S)===1?p+m:(y||(y=S*.3),!v||v0?t:n),c=s*n,d=a*(a>0?t:n),f=l*(l>0?n:t);return{x:u,y:r?-1*f:d,width:c-u,height:f-d}}}lv.Arc=Yo;Yo.prototype._centroid=!0;Yo.prototype.className="Arc";Yo.prototype._attrsAffectingSize=["innerRadius","outerRadius"];(0,bde._registerNode)(Yo);uv.Factory.addGetterSetter(Yo,"innerRadius",0,(0,cv.getNumberValidator)());uv.Factory.addGetterSetter(Yo,"outerRadius",0,(0,cv.getNumberValidator)());uv.Factory.addGetterSetter(Yo,"angle",0,(0,cv.getNumberValidator)());uv.Factory.addGetterSetter(Yo,"clockwise",!1,(0,cv.getBooleanValidator)());var dv={},Rh={};Object.defineProperty(Rh,"__esModule",{value:!0});Rh.Line=void 0;const fv=Te,Sde=sn,pN=de,_de=Pe;function v2(e,t,n,r,i,o,s){var a=Math.sqrt(Math.pow(n-e,2)+Math.pow(r-t,2)),l=Math.sqrt(Math.pow(i-n,2)+Math.pow(o-r,2)),u=s*a/(a+l),c=s*l/(a+l),d=n-u*(i-e),f=r-u*(o-t),h=n+c*(i-e),p=r+c*(o-t);return[d,f,h,p]}function a6(e,t){var n=e.length,r=[],i,o;for(i=2;i4){for(a=this.getTensionPoints(),l=a.length,u=o?0:4,o||t.quadraticCurveTo(a[0],a[1],a[2],a[3]);u{let u,c,d;u=l/2,c=0;for(let h=0;h<20;h++)d=u*e.tValues[20][h]+u,c+=e.cValues[20][h]*r(s,a,d);return u*c};e.getCubicArcLength=t;const n=(s,a,l)=>{l===void 0&&(l=1);const u=s[0]-2*s[1]+s[2],c=a[0]-2*a[1]+a[2],d=2*s[1]-2*s[0],f=2*a[1]-2*a[0],h=4*(u*u+c*c),p=4*(u*d+c*f),m=d*d+f*f;if(h===0)return l*Math.sqrt(Math.pow(s[2]-s[0],2)+Math.pow(a[2]-a[0],2));const S=p/(2*h),v=m/h,y=l+S,g=v-S*S,b=y*y+g>0?Math.sqrt(y*y+g):0,_=S*S+g>0?Math.sqrt(S*S+g):0,w=S+Math.sqrt(S*S+g)!==0?g*Math.log(Math.abs((y+b)/(S+_))):0;return Math.sqrt(h)/2*(y*b-S*_+w)};e.getQuadraticArcLength=n;function r(s,a,l){const u=i(1,l,s),c=i(1,l,a),d=u*u+c*c;return Math.sqrt(d)}const i=(s,a,l)=>{const u=l.length-1;let c,d;if(u===0)return 0;if(s===0){d=0;for(let f=0;f<=u;f++)d+=e.binomialCoefficients[u][f]*Math.pow(1-a,u-f)*Math.pow(a,f)*l[f];return d}else{c=new Array(u);for(let f=0;f{let u=1,c=s/a,d=(s-l(c))/a,f=0;for(;u>.001;){const h=l(c+d),p=Math.abs(s-h)/a;if(p500)break}return c};e.t2length=o})(gN);Object.defineProperty(_c,"__esModule",{value:!0});_c.Path=void 0;const wde=Te,xde=sn,Cde=Pe,Gl=gN;class Jt extends xde.Shape{constructor(t){super(t),this.dataArray=[],this.pathLength=0,this._readDataAttribute(),this.on("dataChange.konva",function(){this._readDataAttribute()})}_readDataAttribute(){this.dataArray=Jt.parsePathData(this.data()),this.pathLength=Jt.getPathLength(this.dataArray)}_sceneFunc(t){var n=this.dataArray;t.beginPath();for(var r=!1,i=0;ic?u:c,S=u>c?1:u/c,v=u>c?c/u:1;t.translate(a,l),t.rotate(h),t.scale(S,v),t.arc(0,0,m,d,d+f,1-p),t.scale(1/S,1/v),t.rotate(-h),t.translate(-a,-l);break;case"z":r=!0,t.closePath();break}}!r&&!this.hasFill()?t.strokeShape(this):t.fillStrokeShape(this)}getSelfRect(){var t=[];this.dataArray.forEach(function(u){if(u.command==="A"){var c=u.points[4],d=u.points[5],f=u.points[4]+d,h=Math.PI/180;if(Math.abs(c-f)f;p-=h){const m=Jt.getPointOnEllipticalArc(u.points[0],u.points[1],u.points[2],u.points[3],p,0);t.push(m.x,m.y)}else for(let p=c+h;pn[i].pathLength;)t-=n[i].pathLength,++i;if(i===o)return r=n[i-1].points.slice(-2),{x:r[0],y:r[1]};if(t<.01)return r=n[i].points.slice(0,2),{x:r[0],y:r[1]};var s=n[i],a=s.points;switch(s.command){case"L":return Jt.getPointOnLine(t,s.start.x,s.start.y,a[0],a[1]);case"C":return Jt.getPointOnCubicBezier((0,Gl.t2length)(t,Jt.getPathLength(n),m=>(0,Gl.getCubicArcLength)([s.start.x,a[0],a[2],a[4]],[s.start.y,a[1],a[3],a[5]],m)),s.start.x,s.start.y,a[0],a[1],a[2],a[3],a[4],a[5]);case"Q":return Jt.getPointOnQuadraticBezier((0,Gl.t2length)(t,Jt.getPathLength(n),m=>(0,Gl.getQuadraticArcLength)([s.start.x,a[0],a[2]],[s.start.y,a[1],a[3]],m)),s.start.x,s.start.y,a[0],a[1],a[2],a[3]);case"A":var l=a[0],u=a[1],c=a[2],d=a[3],f=a[4],h=a[5],p=a[6];return f+=h*t/s.pathLength,Jt.getPointOnEllipticalArc(l,u,c,d,f,p)}return null}static getPointOnLine(t,n,r,i,o,s,a){s===void 0&&(s=n),a===void 0&&(a=r);var l=(o-r)/(i-n+1e-8),u=Math.sqrt(t*t/(1+l*l));i0&&!isNaN(p[0]);){var y=null,g=[],b=l,_=u,w,x,T,P,E,A,$,I,C,R;switch(h){case"l":l+=p.shift(),u+=p.shift(),y="L",g.push(l,u);break;case"L":l=p.shift(),u=p.shift(),g.push(l,u);break;case"m":var M=p.shift(),N=p.shift();if(l+=M,u+=N,y="M",s.length>2&&s[s.length-1].command==="z"){for(var O=s.length-2;O>=0;O--)if(s[O].command==="M"){l=s[O].points[0]+M,u=s[O].points[1]+N;break}}g.push(l,u),h="l";break;case"M":l=p.shift(),u=p.shift(),y="M",g.push(l,u),h="L";break;case"h":l+=p.shift(),y="L",g.push(l,u);break;case"H":l=p.shift(),y="L",g.push(l,u);break;case"v":u+=p.shift(),y="L",g.push(l,u);break;case"V":u=p.shift(),y="L",g.push(l,u);break;case"C":g.push(p.shift(),p.shift(),p.shift(),p.shift()),l=p.shift(),u=p.shift(),g.push(l,u);break;case"c":g.push(l+p.shift(),u+p.shift(),l+p.shift(),u+p.shift()),l+=p.shift(),u+=p.shift(),y="C",g.push(l,u);break;case"S":x=l,T=u,w=s[s.length-1],w.command==="C"&&(x=l+(l-w.points[2]),T=u+(u-w.points[3])),g.push(x,T,p.shift(),p.shift()),l=p.shift(),u=p.shift(),y="C",g.push(l,u);break;case"s":x=l,T=u,w=s[s.length-1],w.command==="C"&&(x=l+(l-w.points[2]),T=u+(u-w.points[3])),g.push(x,T,l+p.shift(),u+p.shift()),l+=p.shift(),u+=p.shift(),y="C",g.push(l,u);break;case"Q":g.push(p.shift(),p.shift()),l=p.shift(),u=p.shift(),g.push(l,u);break;case"q":g.push(l+p.shift(),u+p.shift()),l+=p.shift(),u+=p.shift(),y="Q",g.push(l,u);break;case"T":x=l,T=u,w=s[s.length-1],w.command==="Q"&&(x=l+(l-w.points[0]),T=u+(u-w.points[1])),l=p.shift(),u=p.shift(),y="Q",g.push(x,T,l,u);break;case"t":x=l,T=u,w=s[s.length-1],w.command==="Q"&&(x=l+(l-w.points[0]),T=u+(u-w.points[1])),l+=p.shift(),u+=p.shift(),y="Q",g.push(x,T,l,u);break;case"A":P=p.shift(),E=p.shift(),A=p.shift(),$=p.shift(),I=p.shift(),C=l,R=u,l=p.shift(),u=p.shift(),y="A",g=this.convertEndpointToCenterParameterization(C,R,l,u,$,I,P,E,A);break;case"a":P=p.shift(),E=p.shift(),A=p.shift(),$=p.shift(),I=p.shift(),C=l,R=u,l+=p.shift(),u+=p.shift(),y="A",g=this.convertEndpointToCenterParameterization(C,R,l,u,$,I,P,E,A);break}s.push({command:y||h,points:g,start:{x:b,y:_},pathLength:this.calcLength(b,_,y||h,g)})}(h==="z"||h==="Z")&&s.push({command:"z",points:[],start:void 0,pathLength:0})}return s}static calcLength(t,n,r,i){var o,s,a,l,u=Jt;switch(r){case"L":return u.getLineLength(t,n,i[0],i[1]);case"C":return(0,Gl.getCubicArcLength)([t,i[0],i[2],i[4]],[n,i[1],i[3],i[5]],1);case"Q":return(0,Gl.getQuadraticArcLength)([t,i[0],i[2]],[n,i[1],i[3]],1);case"A":o=0;var c=i[4],d=i[5],f=i[4]+d,h=Math.PI/180;if(Math.abs(c-f)f;l-=h)a=u.getPointOnEllipticalArc(i[0],i[1],i[2],i[3],l,0),o+=u.getLineLength(s.x,s.y,a.x,a.y),s=a;else for(l=c+h;l1&&(a*=Math.sqrt(h),l*=Math.sqrt(h));var p=Math.sqrt((a*a*(l*l)-a*a*(f*f)-l*l*(d*d))/(a*a*(f*f)+l*l*(d*d)));o===s&&(p*=-1),isNaN(p)&&(p=0);var m=p*a*f/l,S=p*-l*d/a,v=(t+r)/2+Math.cos(c)*m-Math.sin(c)*S,y=(n+i)/2+Math.sin(c)*m+Math.cos(c)*S,g=function(E){return Math.sqrt(E[0]*E[0]+E[1]*E[1])},b=function(E,A){return(E[0]*A[0]+E[1]*A[1])/(g(E)*g(A))},_=function(E,A){return(E[0]*A[1]=1&&(P=0),s===0&&P>0&&(P=P-2*Math.PI),s===1&&P<0&&(P=P+2*Math.PI),[v,y,a,l,w,P,c,s]}}_c.Path=Jt;Jt.prototype.className="Path";Jt.prototype._attrsAffectingSize=["data"];(0,Cde._registerNode)(Jt);wde.Factory.addGetterSetter(Jt,"data");Object.defineProperty(dv,"__esModule",{value:!0});dv.Arrow=void 0;const hv=Te,Tde=Rh,mN=de,Ede=Pe,l6=_c;class yl extends Tde.Line{_sceneFunc(t){super._sceneFunc(t);var n=Math.PI*2,r=this.points(),i=r,o=this.tension()!==0&&r.length>4;o&&(i=this.getTensionPoints());var s=this.pointerLength(),a=r.length,l,u;if(o){const f=[i[i.length-4],i[i.length-3],i[i.length-2],i[i.length-1],r[a-2],r[a-1]],h=l6.Path.calcLength(i[i.length-4],i[i.length-3],"C",f),p=l6.Path.getPointOnQuadraticBezier(Math.min(1,1-s/h),f[0],f[1],f[2],f[3],f[4],f[5]);l=r[a-2]-p.x,u=r[a-1]-p.y}else l=r[a-2]-r[a-4],u=r[a-1]-r[a-3];var c=(Math.atan2(u,l)+n)%n,d=this.pointerWidth();this.pointerAtEnding()&&(t.save(),t.beginPath(),t.translate(r[a-2],r[a-1]),t.rotate(c),t.moveTo(0,0),t.lineTo(-s,d/2),t.lineTo(-s,-d/2),t.closePath(),t.restore(),this.__fillStroke(t)),this.pointerAtBeginning()&&(t.save(),t.beginPath(),t.translate(r[0],r[1]),o?(l=(i[0]+i[2])/2-r[0],u=(i[1]+i[3])/2-r[1]):(l=r[2]-r[0],u=r[3]-r[1]),t.rotate((Math.atan2(-u,-l)+n)%n),t.moveTo(0,0),t.lineTo(-s,d/2),t.lineTo(-s,-d/2),t.closePath(),t.restore(),this.__fillStroke(t))}__fillStroke(t){var n=this.dashEnabled();n&&(this.attrs.dashEnabled=!1,t.setLineDash([])),t.fillStrokeShape(this),n&&(this.attrs.dashEnabled=!0)}getSelfRect(){const t=super.getSelfRect(),n=this.pointerWidth()/2;return{x:t.x-n,y:t.y-n,width:t.width+n*2,height:t.height+n*2}}}dv.Arrow=yl;yl.prototype.className="Arrow";(0,Ede._registerNode)(yl);hv.Factory.addGetterSetter(yl,"pointerLength",10,(0,mN.getNumberValidator)());hv.Factory.addGetterSetter(yl,"pointerWidth",10,(0,mN.getNumberValidator)());hv.Factory.addGetterSetter(yl,"pointerAtBeginning",!1);hv.Factory.addGetterSetter(yl,"pointerAtEnding",!0);var pv={};Object.defineProperty(pv,"__esModule",{value:!0});pv.Circle=void 0;const Pde=Te,Ade=sn,kde=de,Rde=Pe;let wc=class extends Ade.Shape{_sceneFunc(t){t.beginPath(),t.arc(0,0,this.attrs.radius||0,0,Math.PI*2,!1),t.closePath(),t.fillStrokeShape(this)}getWidth(){return this.radius()*2}getHeight(){return this.radius()*2}setWidth(t){this.radius()!==t/2&&this.radius(t/2)}setHeight(t){this.radius()!==t/2&&this.radius(t/2)}};pv.Circle=wc;wc.prototype._centroid=!0;wc.prototype.className="Circle";wc.prototype._attrsAffectingSize=["radius"];(0,Rde._registerNode)(wc);Pde.Factory.addGetterSetter(wc,"radius",0,(0,kde.getNumberValidator)());var gv={};Object.defineProperty(gv,"__esModule",{value:!0});gv.Ellipse=void 0;const TC=Te,Ode=sn,yN=de,Mde=Pe;class oa extends Ode.Shape{_sceneFunc(t){var n=this.radiusX(),r=this.radiusY();t.beginPath(),t.save(),n!==r&&t.scale(1,r/n),t.arc(0,0,n,0,Math.PI*2,!1),t.restore(),t.closePath(),t.fillStrokeShape(this)}getWidth(){return this.radiusX()*2}getHeight(){return this.radiusY()*2}setWidth(t){this.radiusX(t/2)}setHeight(t){this.radiusY(t/2)}}gv.Ellipse=oa;oa.prototype.className="Ellipse";oa.prototype._centroid=!0;oa.prototype._attrsAffectingSize=["radiusX","radiusY"];(0,Mde._registerNode)(oa);TC.Factory.addComponentsGetterSetter(oa,"radius",["x","y"]);TC.Factory.addGetterSetter(oa,"radiusX",0,(0,yN.getNumberValidator)());TC.Factory.addGetterSetter(oa,"radiusY",0,(0,yN.getNumberValidator)());var mv={};Object.defineProperty(mv,"__esModule",{value:!0});mv.Image=void 0;const Wb=Mt,vl=Te,Ide=sn,Nde=Pe,Oh=de;let ao=class vN extends Ide.Shape{constructor(t){super(t),this.on("imageChange.konva",()=>{this._setImageLoad()}),this._setImageLoad()}_setImageLoad(){const t=this.image();t&&t.complete||t&&t.readyState===4||t&&t.addEventListener&&t.addEventListener("load",()=>{this._requestDraw()})}_useBufferCanvas(){return super._useBufferCanvas(!0)}_sceneFunc(t){const n=this.getWidth(),r=this.getHeight(),i=this.cornerRadius(),o=this.attrs.image;let s;if(o){const a=this.attrs.cropWidth,l=this.attrs.cropHeight;a&&l?s=[o,this.cropX(),this.cropY(),a,l,0,0,n,r]:s=[o,0,0,n,r]}(this.hasFill()||this.hasStroke()||i)&&(t.beginPath(),i?Wb.Util.drawRoundedRectPath(t,n,r,i):t.rect(0,0,n,r),t.closePath(),t.fillStrokeShape(this)),o&&(i&&t.clip(),t.drawImage.apply(t,s))}_hitFunc(t){var n=this.width(),r=this.height(),i=this.cornerRadius();t.beginPath(),i?Wb.Util.drawRoundedRectPath(t,n,r,i):t.rect(0,0,n,r),t.closePath(),t.fillStrokeShape(this)}getWidth(){var t,n;return(t=this.attrs.width)!==null&&t!==void 0?t:(n=this.image())===null||n===void 0?void 0:n.width}getHeight(){var t,n;return(t=this.attrs.height)!==null&&t!==void 0?t:(n=this.image())===null||n===void 0?void 0:n.height}static fromURL(t,n,r=null){var i=Wb.Util.createImageElement();i.onload=function(){var o=new vN({image:i});n(o)},i.onerror=r,i.crossOrigin="Anonymous",i.src=t}};mv.Image=ao;ao.prototype.className="Image";(0,Nde._registerNode)(ao);vl.Factory.addGetterSetter(ao,"cornerRadius",0,(0,Oh.getNumberOrArrayOfNumbersValidator)(4));vl.Factory.addGetterSetter(ao,"image");vl.Factory.addComponentsGetterSetter(ao,"crop",["x","y","width","height"]);vl.Factory.addGetterSetter(ao,"cropX",0,(0,Oh.getNumberValidator)());vl.Factory.addGetterSetter(ao,"cropY",0,(0,Oh.getNumberValidator)());vl.Factory.addGetterSetter(ao,"cropWidth",0,(0,Oh.getNumberValidator)());vl.Factory.addGetterSetter(ao,"cropHeight",0,(0,Oh.getNumberValidator)());var oc={};Object.defineProperty(oc,"__esModule",{value:!0});oc.Tag=oc.Label=void 0;const yv=Te,Dde=sn,Lde=bc,EC=de,bN=Pe;var SN=["fontFamily","fontSize","fontStyle","padding","lineHeight","text","width","height","pointerDirection","pointerWidth","pointerHeight"],$de="Change.konva",Fde="none",b2="up",S2="right",_2="down",w2="left",Bde=SN.length;class PC extends Lde.Group{constructor(t){super(t),this.on("add.konva",function(n){this._addListeners(n.child),this._sync()})}getText(){return this.find("Text")[0]}getTag(){return this.find("Tag")[0]}_addListeners(t){var n=this,r,i=function(){n._sync()};for(r=0;r{n=Math.min(n,s.x),r=Math.max(r,s.x),i=Math.min(i,s.y),o=Math.max(o,s.y)}),{x:n,y:i,width:r-n,height:o-i}}getWidth(){return this.radius()*2}getHeight(){return this.radius()*2}setWidth(t){this.radius(t/2)}setHeight(t){this.radius(t/2)}}bv.RegularPolygon=Sl;Sl.prototype.className="RegularPolygon";Sl.prototype._centroid=!0;Sl.prototype._attrsAffectingSize=["radius"];(0,qde._registerNode)(Sl);_N.Factory.addGetterSetter(Sl,"radius",0,(0,wN.getNumberValidator)());_N.Factory.addGetterSetter(Sl,"sides",0,(0,wN.getNumberValidator)());var Sv={};Object.defineProperty(Sv,"__esModule",{value:!0});Sv.Ring=void 0;const xN=Te,Wde=sn,CN=de,Kde=Pe;var u6=Math.PI*2;class _l extends Wde.Shape{_sceneFunc(t){t.beginPath(),t.arc(0,0,this.innerRadius(),0,u6,!1),t.moveTo(this.outerRadius(),0),t.arc(0,0,this.outerRadius(),u6,0,!0),t.closePath(),t.fillStrokeShape(this)}getWidth(){return this.outerRadius()*2}getHeight(){return this.outerRadius()*2}setWidth(t){this.outerRadius(t/2)}setHeight(t){this.outerRadius(t/2)}}Sv.Ring=_l;_l.prototype.className="Ring";_l.prototype._centroid=!0;_l.prototype._attrsAffectingSize=["innerRadius","outerRadius"];(0,Kde._registerNode)(_l);xN.Factory.addGetterSetter(_l,"innerRadius",0,(0,CN.getNumberValidator)());xN.Factory.addGetterSetter(_l,"outerRadius",0,(0,CN.getNumberValidator)());var _v={};Object.defineProperty(_v,"__esModule",{value:!0});_v.Sprite=void 0;const wl=Te,Xde=sn,Yde=Sc,TN=de,Qde=Pe;class lo extends Xde.Shape{constructor(t){super(t),this._updated=!0,this.anim=new Yde.Animation(()=>{var n=this._updated;return this._updated=!1,n}),this.on("animationChange.konva",function(){this.frameIndex(0)}),this.on("frameIndexChange.konva",function(){this._updated=!0}),this.on("frameRateChange.konva",function(){this.anim.isRunning()&&(clearInterval(this.interval),this._setInterval())})}_sceneFunc(t){var n=this.animation(),r=this.frameIndex(),i=r*4,o=this.animations()[n],s=this.frameOffsets(),a=o[i+0],l=o[i+1],u=o[i+2],c=o[i+3],d=this.image();if((this.hasFill()||this.hasStroke())&&(t.beginPath(),t.rect(0,0,u,c),t.closePath(),t.fillStrokeShape(this)),d)if(s){var f=s[n],h=r*2;t.drawImage(d,a,l,u,c,f[h+0],f[h+1],u,c)}else t.drawImage(d,a,l,u,c,0,0,u,c)}_hitFunc(t){var n=this.animation(),r=this.frameIndex(),i=r*4,o=this.animations()[n],s=this.frameOffsets(),a=o[i+2],l=o[i+3];if(t.beginPath(),s){var u=s[n],c=r*2;t.rect(u[c+0],u[c+1],a,l)}else t.rect(0,0,a,l);t.closePath(),t.fillShape(this)}_useBufferCanvas(){return super._useBufferCanvas(!0)}_setInterval(){var t=this;this.interval=setInterval(function(){t._updateIndex()},1e3/this.frameRate())}start(){if(!this.isRunning()){var t=this.getLayer();this.anim.setLayers(t),this._setInterval(),this.anim.start()}}stop(){this.anim.stop(),clearInterval(this.interval)}isRunning(){return this.anim.isRunning()}_updateIndex(){var t=this.frameIndex(),n=this.animation(),r=this.animations(),i=r[n],o=i.length/4;t{t=t.trim();const n=t.indexOf(" ")>=0,r=t.indexOf('"')>=0||t.indexOf("'")>=0;return n&&!r&&(t=`"${t}"`),t}).join(", ")}var Fp;function Xb(){return Fp||(Fp=x2.Util.createCanvasElement().getContext(ife),Fp)}function gfe(e){e.fillText(this._partialText,this._partialTextX,this._partialTextY)}function mfe(e){e.setAttr("miterLimit",2),e.strokeText(this._partialText,this._partialTextX,this._partialTextY)}function yfe(e){return e=e||{},!e.fillLinearGradientColorStops&&!e.fillRadialGradientColorStops&&!e.fillPatternImage&&(e.fill=e.fill||"black"),e}class Ut extends efe.Shape{constructor(t){super(yfe(t)),this._partialTextX=0,this._partialTextY=0;for(var n=0;n1&&(v+=s)}}}_hitFunc(t){var n=this.getWidth(),r=this.getHeight();t.beginPath(),t.rect(0,0,n,r),t.closePath(),t.fillStrokeShape(this)}setText(t){var n=x2.Util._isString(t)?t:t==null?"":t+"";return this._setAttr(ofe,n),this}getWidth(){var t=this.attrs.width===Hl||this.attrs.width===void 0;return t?this.getTextWidth()+this.padding()*2:this.attrs.width}getHeight(){var t=this.attrs.height===Hl||this.attrs.height===void 0;return t?this.fontSize()*this.textArr.length*this.lineHeight()+this.padding()*2:this.attrs.height}getTextWidth(){return this.textWidth}getTextHeight(){return x2.Util.warn("text.getTextHeight() method is deprecated. Use text.height() - for full height and text.fontSize() - for one line height."),this.textHeight}measureSize(t){var n=Xb(),r=this.fontSize(),i;return n.save(),n.font=this._getContextFont(),i=n.measureText(t),n.restore(),{width:i.width,height:r}}_getContextFont(){return this.fontStyle()+$p+this.fontVariant()+$p+(this.fontSize()+ufe)+pfe(this.fontFamily())}_addTextLine(t){this.align()===Jc&&(t=t.trim());var r=this._getTextWidth(t);return this.textArr.push({text:t,width:r,lastInParagraph:!1})}_getTextWidth(t){var n=this.letterSpacing(),r=t.length;return Xb().measureText(t).width+(r?n*(r-1):0)}_setTextData(){var t=this.text().split(` -`),n=+this.fontSize(),r=0,i=this.lineHeight()*n,o=this.attrs.width,s=this.attrs.height,a=o!==Hl&&o!==void 0,l=s!==Hl&&s!==void 0,u=this.padding(),c=o-u*2,d=s-u*2,f=0,h=this.wrap(),p=h!==f6,m=h!==ffe&&p,S=this.ellipsis();this.textArr=[],Xb().font=this._getContextFont();for(var v=S?this._getTextWidth(Kb):0,y=0,g=t.length;yc)for(;b.length>0;){for(var w=0,x=b.length,T="",P=0;w>>1,A=b.slice(0,E+1),$=this._getTextWidth(A)+v;$<=c?(w=E+1,T=A,P=$):x=E}if(T){if(m){var I,C=b[T.length],R=C===$p||C===c6;R&&P<=c?I=T.length:I=Math.max(T.lastIndexOf($p),T.lastIndexOf(c6))+1,I>0&&(w=I,T=T.slice(0,w),P=this._getTextWidth(T))}T=T.trimRight(),this._addTextLine(T),r=Math.max(r,P),f+=i;var M=this._shouldHandleEllipsis(f);if(M){this._tryToAddEllipsisToLastLine();break}if(b=b.slice(w),b=b.trimLeft(),b.length>0&&(_=this._getTextWidth(b),_<=c)){this._addTextLine(b),f+=i,r=Math.max(r,_);break}}else break}else this._addTextLine(b),f+=i,r=Math.max(r,_),this._shouldHandleEllipsis(f)&&yd)break}this.textHeight=n,this.textWidth=r}_shouldHandleEllipsis(t){var n=+this.fontSize(),r=this.lineHeight()*n,i=this.attrs.height,o=i!==Hl&&i!==void 0,s=this.padding(),a=i-s*2,l=this.wrap(),u=l!==f6;return!u||o&&t+r>a}_tryToAddEllipsisToLastLine(){var t=this.attrs.width,n=t!==Hl&&t!==void 0,r=this.padding(),i=t-r*2,o=this.ellipsis(),s=this.textArr[this.textArr.length-1];if(!(!s||!o)){if(n){var a=this._getTextWidth(s.text+Kb)n?null:ed.Path.getPointAtLengthOfDataArray(t,this.dataArray)}_readDataAttribute(){this.dataArray=ed.Path.parsePathData(this.attrs.data),this.pathLength=this._getTextPathLength()}_sceneFunc(t){t.setAttr("font",this._getContextFont()),t.setAttr("textBaseline",this.textBaseline()),t.setAttr("textAlign","left"),t.save();var n=this.textDecoration(),r=this.fill(),i=this.fontSize(),o=this.glyphInfo;n==="underline"&&t.beginPath();for(var s=0;s=1){var r=n[0].p0;t.moveTo(r.x,r.y)}for(var i=0;ie+`.${NN}`).join(" "),g6="nodesRect",Tfe=["widthChange","heightChange","scaleXChange","scaleYChange","skewXChange","skewYChange","rotationChange","offsetXChange","offsetYChange","transformsEnabledChange","strokeWidthChange"],Efe={"top-left":-45,"top-center":0,"top-right":45,"middle-right":-90,"middle-left":90,"bottom-left":-135,"bottom-center":180,"bottom-right":135};const Pfe="ontouchstart"in si.Konva._global;function Afe(e,t){if(e==="rotater")return"crosshair";t+=Je.Util.degToRad(Efe[e]||0);var n=(Je.Util.radToDeg(t)%360+360)%360;return Je.Util._inRange(n,315+22.5,360)||Je.Util._inRange(n,0,22.5)?"ns-resize":Je.Util._inRange(n,45-22.5,45+22.5)?"nesw-resize":Je.Util._inRange(n,90-22.5,90+22.5)?"ew-resize":Je.Util._inRange(n,135-22.5,135+22.5)?"nwse-resize":Je.Util._inRange(n,180-22.5,180+22.5)?"ns-resize":Je.Util._inRange(n,225-22.5,225+22.5)?"nesw-resize":Je.Util._inRange(n,270-22.5,270+22.5)?"ew-resize":Je.Util._inRange(n,315-22.5,315+22.5)?"nwse-resize":(Je.Util.error("Transformer has unknown angle for cursor detection: "+n),"pointer")}var Qm=["top-left","top-center","top-right","middle-right","middle-left","bottom-left","bottom-center","bottom-right"],m6=1e8;function kfe(e){return{x:e.x+e.width/2*Math.cos(e.rotation)+e.height/2*Math.sin(-e.rotation),y:e.y+e.height/2*Math.cos(e.rotation)+e.width/2*Math.sin(e.rotation)}}function DN(e,t,n){const r=n.x+(e.x-n.x)*Math.cos(t)-(e.y-n.y)*Math.sin(t),i=n.y+(e.x-n.x)*Math.sin(t)+(e.y-n.y)*Math.cos(t);return Object.assign(Object.assign({},e),{rotation:e.rotation+t,x:r,y:i})}function Rfe(e,t){const n=kfe(e);return DN(e,t,n)}function Ofe(e,t,n){let r=t;for(let i=0;ii.isAncestorOf(this)?(Je.Util.error("Konva.Transformer cannot be an a child of the node you are trying to attach"),!1):!0);this._nodes=t=n,t.length===1&&this.useSingleNodeRotation()?this.rotation(t[0].getAbsoluteRotation()):this.rotation(0),this._nodes.forEach(i=>{const o=()=>{this.nodes().length===1&&this.useSingleNodeRotation()&&this.rotation(this.nodes()[0].getAbsoluteRotation()),this._resetTransformCache(),!this._transforming&&!this.isDragging()&&this.update()},s=i._attrsAffectingSize.map(a=>a+"Change."+this._getEventNamespace()).join(" ");i.on(s,o),i.on(Tfe.map(a=>a+`.${this._getEventNamespace()}`).join(" "),o),i.on(`absoluteTransformChange.${this._getEventNamespace()}`,o),this._proxyDrag(i)}),this._resetTransformCache();var r=!!this.findOne(".top-left");return r&&this.update(),this}_proxyDrag(t){let n;t.on(`dragstart.${this._getEventNamespace()}`,r=>{n=t.getAbsolutePosition(),!this.isDragging()&&t!==this.findOne(".back")&&this.startDrag(r,!1)}),t.on(`dragmove.${this._getEventNamespace()}`,r=>{if(!n)return;const i=t.getAbsolutePosition(),o=i.x-n.x,s=i.y-n.y;this.nodes().forEach(a=>{if(a===t||a.isDragging())return;const l=a.getAbsolutePosition();a.setAbsolutePosition({x:l.x+o,y:l.y+s}),a.startDrag(r)}),n=null})}getNodes(){return this._nodes||[]}getActiveAnchor(){return this._movingAnchorName}detach(){this._nodes&&this._nodes.forEach(t=>{t.off("."+this._getEventNamespace())}),this._nodes=[],this._resetTransformCache()}_resetTransformCache(){this._clearCache(g6),this._clearCache("transform"),this._clearSelfAndDescendantCache("absoluteTransform")}_getNodeRect(){return this._getCache(g6,this.__getNodeRect)}__getNodeShape(t,n=this.rotation(),r){var i=t.getClientRect({skipTransform:!0,skipShadow:!0,skipStroke:this.ignoreStroke()}),o=t.getAbsoluteScale(r),s=t.getAbsolutePosition(r),a=i.x*o.x-t.offsetX()*o.x,l=i.y*o.y-t.offsetY()*o.y;const u=(si.Konva.getAngle(t.getAbsoluteRotation())+Math.PI*2)%(Math.PI*2),c={x:s.x+a*Math.cos(u)+l*Math.sin(-u),y:s.y+l*Math.cos(u)+a*Math.sin(u),width:i.width*o.x,height:i.height*o.y,rotation:u};return DN(c,-si.Konva.getAngle(n),{x:0,y:0})}__getNodeRect(){var t=this.getNode();if(!t)return{x:-m6,y:-m6,width:0,height:0,rotation:0};const n=[];this.nodes().map(u=>{const c=u.getClientRect({skipTransform:!0,skipShadow:!0,skipStroke:this.ignoreStroke()});var d=[{x:c.x,y:c.y},{x:c.x+c.width,y:c.y},{x:c.x+c.width,y:c.y+c.height},{x:c.x,y:c.y+c.height}],f=u.getAbsoluteTransform();d.forEach(function(h){var p=f.point(h);n.push(p)})});const r=new Je.Transform;r.rotate(-si.Konva.getAngle(this.rotation()));var i,o,s,a;n.forEach(function(u){var c=r.point(u);i===void 0&&(i=s=c.x,o=a=c.y),i=Math.min(i,c.x),o=Math.min(o,c.y),s=Math.max(s,c.x),a=Math.max(a,c.y)}),r.invert();const l=r.point({x:i,y:o});return{x:l.x,y:l.y,width:s-i,height:a-o,rotation:si.Konva.getAngle(this.rotation())}}getX(){return this._getNodeRect().x}getY(){return this._getNodeRect().y}getWidth(){return this._getNodeRect().width}getHeight(){return this._getNodeRect().height}_createElements(){this._createBack(),Qm.forEach((function(t){this._createAnchor(t)}).bind(this)),this._createAnchor("rotater")}_createAnchor(t){var n=new wfe.Rect({stroke:"rgb(0, 161, 255)",fill:"white",strokeWidth:1,name:t+" _anchor",dragDistance:0,draggable:!0,hitStrokeWidth:Pfe?10:"auto"}),r=this;n.on("mousedown touchstart",function(i){r._handleMouseDown(i)}),n.on("dragstart",i=>{n.stopDrag(),i.cancelBubble=!0}),n.on("dragend",i=>{i.cancelBubble=!0}),n.on("mouseenter",()=>{var i=si.Konva.getAngle(this.rotation()),o=Afe(t,i);n.getStage().content&&(n.getStage().content.style.cursor=o),this._cursorChange=!0}),n.on("mouseout",()=>{n.getStage().content&&(n.getStage().content.style.cursor=""),this._cursorChange=!1}),this.add(n)}_createBack(){var t=new _fe.Shape({name:"back",width:0,height:0,draggable:!0,sceneFunc(n){var r=this.getParent(),i=r.padding();n.beginPath(),n.rect(-i,-i,this.width()+i*2,this.height()+i*2),n.moveTo(this.width()/2,-i),r.rotateEnabled()&&n.lineTo(this.width()/2,-r.rotateAnchorOffset()*Je.Util._sign(this.height())-i),n.fillStrokeShape(this)},hitFunc:(n,r)=>{if(this.shouldOverdrawWholeArea()){var i=this.padding();n.beginPath(),n.rect(-i,-i,r.width()+i*2,r.height()+i*2),n.fillStrokeShape(r)}}});this.add(t),this._proxyDrag(t),t.on("dragstart",n=>{n.cancelBubble=!0}),t.on("dragmove",n=>{n.cancelBubble=!0}),t.on("dragend",n=>{n.cancelBubble=!0}),this.on("dragmove",n=>{this.update()})}_handleMouseDown(t){this._movingAnchorName=t.target.name().split(" ")[0];var n=this._getNodeRect(),r=n.width,i=n.height,o=Math.sqrt(Math.pow(r,2)+Math.pow(i,2));this.sin=Math.abs(i/o),this.cos=Math.abs(r/o),typeof window<"u"&&(window.addEventListener("mousemove",this._handleMouseMove),window.addEventListener("touchmove",this._handleMouseMove),window.addEventListener("mouseup",this._handleMouseUp,!0),window.addEventListener("touchend",this._handleMouseUp,!0)),this._transforming=!0;var s=t.target.getAbsolutePosition(),a=t.target.getStage().getPointerPosition();this._anchorDragOffset={x:a.x-s.x,y:a.y-s.y},this._fire("transformstart",{evt:t.evt,target:this.getNode()}),this._nodes.forEach(l=>{l._fire("transformstart",{evt:t.evt,target:l})})}_handleMouseMove(t){var n,r,i,o=this.findOne("."+this._movingAnchorName),s=o.getStage();s.setPointersPositions(t);const a=s.getPointerPosition();let l={x:a.x-this._anchorDragOffset.x,y:a.y-this._anchorDragOffset.y};const u=o.getAbsolutePosition();this.anchorDragBoundFunc()&&(l=this.anchorDragBoundFunc()(u,l,t)),o.setAbsolutePosition(l);const c=o.getAbsolutePosition();if(!(u.x===c.x&&u.y===c.y)){if(this._movingAnchorName==="rotater"){var d=this._getNodeRect();n=o.x()-d.width/2,r=-o.y()+d.height/2;let I=Math.atan2(-r,n)+Math.PI/2;d.height<0&&(I-=Math.PI);var f=si.Konva.getAngle(this.rotation());const C=f+I,R=si.Konva.getAngle(this.rotationSnapTolerance()),N=Ofe(this.rotationSnaps(),C,R)-d.rotation,O=Rfe(d,N);this._fitNodesInto(O,t);return}var h=this.shiftBehavior(),p;h==="inverted"?p=this.keepRatio()&&!t.shiftKey:h==="none"?p=this.keepRatio():p=this.keepRatio()||t.shiftKey;var g=this.centeredScaling()||t.altKey;if(this._movingAnchorName==="top-left"){if(p){var m=g?{x:this.width()/2,y:this.height()/2}:{x:this.findOne(".bottom-right").x(),y:this.findOne(".bottom-right").y()};i=Math.sqrt(Math.pow(m.x-o.x(),2)+Math.pow(m.y-o.y(),2));var S=this.findOne(".top-left").x()>m.x?-1:1,v=this.findOne(".top-left").y()>m.y?-1:1;n=i*this.cos*S,r=i*this.sin*v,this.findOne(".top-left").x(m.x-n),this.findOne(".top-left").y(m.y-r)}}else if(this._movingAnchorName==="top-center")this.findOne(".top-left").y(o.y());else if(this._movingAnchorName==="top-right"){if(p){var m=g?{x:this.width()/2,y:this.height()/2}:{x:this.findOne(".bottom-left").x(),y:this.findOne(".bottom-left").y()};i=Math.sqrt(Math.pow(o.x()-m.x,2)+Math.pow(m.y-o.y(),2));var S=this.findOne(".top-right").x()m.y?-1:1;n=i*this.cos*S,r=i*this.sin*v,this.findOne(".top-right").x(m.x+n),this.findOne(".top-right").y(m.y-r)}var y=o.position();this.findOne(".top-left").y(y.y),this.findOne(".bottom-right").x(y.x)}else if(this._movingAnchorName==="middle-left")this.findOne(".top-left").x(o.x());else if(this._movingAnchorName==="middle-right")this.findOne(".bottom-right").x(o.x());else if(this._movingAnchorName==="bottom-left"){if(p){var m=g?{x:this.width()/2,y:this.height()/2}:{x:this.findOne(".top-right").x(),y:this.findOne(".top-right").y()};i=Math.sqrt(Math.pow(m.x-o.x(),2)+Math.pow(o.y()-m.y,2));var S=m.x{r._fire("transformend",{evt:t,target:r})}),this._movingAnchorName=null}}_fitNodesInto(t,n){var r=this._getNodeRect();const i=1;if(Je.Util._inRange(t.width,-this.padding()*2-i,i)){this.update();return}if(Je.Util._inRange(t.height,-this.padding()*2-i,i)){this.update();return}const o=this.flipEnabled();var s=new Je.Transform;if(s.rotate(si.Konva.getAngle(this.rotation())),this._movingAnchorName&&t.width<0&&this._movingAnchorName.indexOf("left")>=0){const d=s.point({x:-this.padding()*2,y:0});if(t.x+=d.x,t.y+=d.y,t.width+=this.padding()*2,this._movingAnchorName=this._movingAnchorName.replace("left","right"),this._anchorDragOffset.x-=d.x,this._anchorDragOffset.y-=d.y,!o){this.update();return}}else if(this._movingAnchorName&&t.width<0&&this._movingAnchorName.indexOf("right")>=0){const d=s.point({x:this.padding()*2,y:0});if(this._movingAnchorName=this._movingAnchorName.replace("right","left"),this._anchorDragOffset.x-=d.x,this._anchorDragOffset.y-=d.y,t.width+=this.padding()*2,!o){this.update();return}}if(this._movingAnchorName&&t.height<0&&this._movingAnchorName.indexOf("top")>=0){const d=s.point({x:0,y:-this.padding()*2});if(t.x+=d.x,t.y+=d.y,this._movingAnchorName=this._movingAnchorName.replace("top","bottom"),this._anchorDragOffset.x-=d.x,this._anchorDragOffset.y-=d.y,t.height+=this.padding()*2,!o){this.update();return}}else if(this._movingAnchorName&&t.height<0&&this._movingAnchorName.indexOf("bottom")>=0){const d=s.point({x:0,y:this.padding()*2});if(this._movingAnchorName=this._movingAnchorName.replace("bottom","top"),this._anchorDragOffset.x-=d.x,this._anchorDragOffset.y-=d.y,t.height+=this.padding()*2,!o){this.update();return}}if(this.boundBoxFunc()){const d=this.boundBoxFunc()(r,t);d?t=d:Je.Util.warn("boundBoxFunc returned falsy. You should return new bound rect from it!")}const a=1e7,l=new Je.Transform;l.translate(r.x,r.y),l.rotate(r.rotation),l.scale(r.width/a,r.height/a);const u=new Je.Transform;u.translate(t.x,t.y),u.rotate(t.rotation),u.scale(t.width/a,t.height/a);const c=u.multiply(l.invert());this._nodes.forEach(d=>{var f;const h=d.getParent().getAbsoluteTransform(),p=d.getTransform().copy();p.translate(d.offsetX(),d.offsetY());const m=new Je.Transform;m.multiply(h.copy().invert()).multiply(c).multiply(h).multiply(p);const S=m.decompose();d.setAttrs(S),this._fire("transform",{evt:n,target:d}),d._fire("transform",{evt:n,target:d}),(f=d.getLayer())===null||f===void 0||f.batchDraw()}),this.rotation(Je.Util._getRotation(t.rotation)),this._resetTransformCache(),this.update(),this.getLayer().batchDraw()}forceUpdate(){this._resetTransformCache(),this.update()}_batchChangeChild(t,n){this.findOne(t).setAttrs(n)}update(){var t,n=this._getNodeRect();this.rotation(Je.Util._getRotation(n.rotation));var r=n.width,i=n.height,o=this.enabledAnchors(),s=this.resizeEnabled(),a=this.padding(),l=this.anchorSize();const u=this.find("._anchor");u.forEach(d=>{d.setAttrs({width:l,height:l,offsetX:l/2,offsetY:l/2,stroke:this.anchorStroke(),strokeWidth:this.anchorStrokeWidth(),fill:this.anchorFill(),cornerRadius:this.anchorCornerRadius()})}),this._batchChangeChild(".top-left",{x:0,y:0,offsetX:l/2+a,offsetY:l/2+a,visible:s&&o.indexOf("top-left")>=0}),this._batchChangeChild(".top-center",{x:r/2,y:0,offsetY:l/2+a,visible:s&&o.indexOf("top-center")>=0}),this._batchChangeChild(".top-right",{x:r,y:0,offsetX:l/2-a,offsetY:l/2+a,visible:s&&o.indexOf("top-right")>=0}),this._batchChangeChild(".middle-left",{x:0,y:i/2,offsetX:l/2+a,visible:s&&o.indexOf("middle-left")>=0}),this._batchChangeChild(".middle-right",{x:r,y:i/2,offsetX:l/2-a,visible:s&&o.indexOf("middle-right")>=0}),this._batchChangeChild(".bottom-left",{x:0,y:i,offsetX:l/2+a,offsetY:l/2-a,visible:s&&o.indexOf("bottom-left")>=0}),this._batchChangeChild(".bottom-center",{x:r/2,y:i,offsetY:l/2-a,visible:s&&o.indexOf("bottom-center")>=0}),this._batchChangeChild(".bottom-right",{x:r,y:i,offsetX:l/2-a,offsetY:l/2-a,visible:s&&o.indexOf("bottom-right")>=0}),this._batchChangeChild(".rotater",{x:r/2,y:-this.rotateAnchorOffset()*Je.Util._sign(i)-a,visible:this.rotateEnabled()}),this._batchChangeChild(".back",{width:r,height:i,visible:this.borderEnabled(),stroke:this.borderStroke(),strokeWidth:this.borderStrokeWidth(),dash:this.borderDash(),x:0,y:0});const c=this.anchorStyleFunc();c&&u.forEach(d=>{c(d)}),(t=this.getLayer())===null||t===void 0||t.batchDraw()}isTransforming(){return this._transforming}stopTransform(){if(this._transforming){this._removeEvents();var t=this.findOne("."+this._movingAnchorName);t&&t.stopDrag()}}destroy(){return this.getStage()&&this._cursorChange&&this.getStage().content&&(this.getStage().content.style.cursor=""),p6.Group.prototype.destroy.call(this),this.detach(),this._removeEvents(),this}toObject(){return h6.Node.prototype.toObject.call(this)}clone(t){var n=h6.Node.prototype.clone.call(this,t);return n}getClientRect(){return this.nodes().length>0?super.getClientRect():{x:0,y:0,width:0,height:0}}}Cv.Transformer=ze;function Mfe(e){return e instanceof Array||Je.Util.warn("enabledAnchors value should be an array"),e instanceof Array&&e.forEach(function(t){Qm.indexOf(t)===-1&&Je.Util.warn("Unknown anchor name: "+t+". Available names are: "+Qm.join(", "))}),e||[]}ze.prototype.className="Transformer";(0,xfe._registerNode)(ze);Ze.Factory.addGetterSetter(ze,"enabledAnchors",Qm,Mfe);Ze.Factory.addGetterSetter(ze,"flipEnabled",!0,(0,la.getBooleanValidator)());Ze.Factory.addGetterSetter(ze,"resizeEnabled",!0);Ze.Factory.addGetterSetter(ze,"anchorSize",10,(0,la.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"rotateEnabled",!0);Ze.Factory.addGetterSetter(ze,"rotationSnaps",[]);Ze.Factory.addGetterSetter(ze,"rotateAnchorOffset",50,(0,la.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"rotationSnapTolerance",5,(0,la.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"borderEnabled",!0);Ze.Factory.addGetterSetter(ze,"anchorStroke","rgb(0, 161, 255)");Ze.Factory.addGetterSetter(ze,"anchorStrokeWidth",1,(0,la.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"anchorFill","white");Ze.Factory.addGetterSetter(ze,"anchorCornerRadius",0,(0,la.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"borderStroke","rgb(0, 161, 255)");Ze.Factory.addGetterSetter(ze,"borderStrokeWidth",1,(0,la.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"borderDash");Ze.Factory.addGetterSetter(ze,"keepRatio",!0);Ze.Factory.addGetterSetter(ze,"shiftBehavior","default");Ze.Factory.addGetterSetter(ze,"centeredScaling",!1);Ze.Factory.addGetterSetter(ze,"ignoreStroke",!1);Ze.Factory.addGetterSetter(ze,"padding",0,(0,la.getNumberValidator)());Ze.Factory.addGetterSetter(ze,"node");Ze.Factory.addGetterSetter(ze,"nodes");Ze.Factory.addGetterSetter(ze,"boundBoxFunc");Ze.Factory.addGetterSetter(ze,"anchorDragBoundFunc");Ze.Factory.addGetterSetter(ze,"anchorStyleFunc");Ze.Factory.addGetterSetter(ze,"shouldOverdrawWholeArea",!1);Ze.Factory.addGetterSetter(ze,"useSingleNodeRotation",!0);Ze.Factory.backCompat(ze,{lineEnabled:"borderEnabled",rotateHandlerOffset:"rotateAnchorOffset",enabledHandlers:"enabledAnchors"});var Tv={};Object.defineProperty(Tv,"__esModule",{value:!0});Tv.Wedge=void 0;const Ev=Te,Ife=sn,Nfe=Pe,LN=de,Dfe=Pe;class Qo extends Ife.Shape{_sceneFunc(t){t.beginPath(),t.arc(0,0,this.radius(),0,Nfe.Konva.getAngle(this.angle()),this.clockwise()),t.lineTo(0,0),t.closePath(),t.fillStrokeShape(this)}getWidth(){return this.radius()*2}getHeight(){return this.radius()*2}setWidth(t){this.radius(t/2)}setHeight(t){this.radius(t/2)}}Tv.Wedge=Qo;Qo.prototype.className="Wedge";Qo.prototype._centroid=!0;Qo.prototype._attrsAffectingSize=["radius"];(0,Dfe._registerNode)(Qo);Ev.Factory.addGetterSetter(Qo,"radius",0,(0,LN.getNumberValidator)());Ev.Factory.addGetterSetter(Qo,"angle",0,(0,LN.getNumberValidator)());Ev.Factory.addGetterSetter(Qo,"clockwise",!1);Ev.Factory.backCompat(Qo,{angleDeg:"angle",getAngleDeg:"getAngle",setAngleDeg:"setAngle"});var Pv={};Object.defineProperty(Pv,"__esModule",{value:!0});Pv.Blur=void 0;const y6=Te,Lfe=wt,$fe=de;function v6(){this.r=0,this.g=0,this.b=0,this.a=0,this.next=null}var Ffe=[512,512,456,512,328,456,335,512,405,328,271,456,388,335,292,512,454,405,364,328,298,271,496,456,420,388,360,335,312,292,273,512,482,454,428,405,383,364,345,328,312,298,284,271,259,496,475,456,437,420,404,388,374,360,347,335,323,312,302,292,282,273,265,512,497,482,468,454,441,428,417,405,394,383,373,364,354,345,337,328,320,312,305,298,291,284,278,271,265,259,507,496,485,475,465,456,446,437,428,420,412,404,396,388,381,374,367,360,354,347,341,335,329,323,318,312,307,302,297,292,287,282,278,273,269,265,261,512,505,497,489,482,475,468,461,454,447,441,435,428,422,417,411,405,399,394,389,383,378,373,368,364,359,354,350,345,341,337,332,328,324,320,316,312,309,305,301,298,294,291,287,284,281,278,274,271,268,265,262,259,257,507,501,496,491,485,480,475,470,465,460,456,451,446,442,437,433,428,424,420,416,412,408,404,400,396,392,388,385,381,377,374,370,367,363,360,357,354,350,347,344,341,338,335,332,329,326,323,320,318,315,312,310,307,304,302,299,297,294,292,289,287,285,282,280,278,275,273,271,269,267,265,263,261,259],Bfe=[9,11,12,13,13,14,14,15,15,15,15,16,16,16,16,17,17,17,17,17,17,17,18,18,18,18,18,18,18,18,18,19,19,19,19,19,19,19,19,19,19,19,19,19,19,20,20,20,20,20,20,20,20,20,20,20,20,20,20,20,20,20,20,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,21,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,22,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,23,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24,24];function jfe(e,t){var n=e.data,r=e.width,i=e.height,o,s,a,l,u,c,d,f,h,p,m,S,v,y,g,b,_,w,x,T,P,E,A,$,I=t+t+1,C=r-1,R=i-1,M=t+1,N=M*(M+1)/2,O=new v6,D=null,L=O,j=null,U=null,G=Ffe[t],W=Bfe[t];for(a=1;a>W,A!==0?(A=255/A,n[c]=(f*G>>W)*A,n[c+1]=(h*G>>W)*A,n[c+2]=(p*G>>W)*A):n[c]=n[c+1]=n[c+2]=0,f-=S,h-=v,p-=y,m-=g,S-=j.r,v-=j.g,y-=j.b,g-=j.a,l=d+((l=o+t+1)>W,A>0?(A=255/A,n[l]=(f*G>>W)*A,n[l+1]=(h*G>>W)*A,n[l+2]=(p*G>>W)*A):n[l]=n[l+1]=n[l+2]=0,f-=S,h-=v,p-=y,m-=g,S-=j.r,v-=j.g,y-=j.b,g-=j.a,l=o+((l=s+M)0&&jfe(t,n)};Pv.Blur=Vfe;y6.Factory.addGetterSetter(Lfe.Node,"blurRadius",0,(0,$fe.getNumberValidator)(),y6.Factory.afterSetFilter);var Av={};Object.defineProperty(Av,"__esModule",{value:!0});Av.Brighten=void 0;const b6=Te,zfe=wt,Ufe=de,Gfe=function(e){var t=this.brightness()*255,n=e.data,r=n.length,i;for(i=0;i255?255:i,o=o<0?0:o>255?255:o,s=s<0?0:s>255?255:s,n[a]=i,n[a+1]=o,n[a+2]=s};kv.Contrast=Wfe;S6.Factory.addGetterSetter(Hfe.Node,"contrast",0,(0,qfe.getNumberValidator)(),S6.Factory.afterSetFilter);var Rv={};Object.defineProperty(Rv,"__esModule",{value:!0});Rv.Emboss=void 0;const Ws=Te,Ov=wt,Kfe=Mt,$N=de,Xfe=function(e){var t=this.embossStrength()*10,n=this.embossWhiteLevel()*255,r=this.embossDirection(),i=this.embossBlend(),o=0,s=0,a=e.data,l=e.width,u=e.height,c=l*4,d=u;switch(r){case"top-left":o=-1,s=-1;break;case"top":o=-1,s=0;break;case"top-right":o=-1,s=1;break;case"right":o=0,s=1;break;case"bottom-right":o=1,s=1;break;case"bottom":o=1,s=0;break;case"bottom-left":o=1,s=-1;break;case"left":o=0,s=-1;break;default:Kfe.Util.error("Unknown emboss direction: "+r)}do{var f=(d-1)*c,h=o;d+h<1&&(h=0),d+h>u&&(h=0);var p=(d-1+h)*l*4,m=l;do{var S=f+(m-1)*4,v=s;m+v<1&&(v=0),m+v>l&&(v=0);var y=p+(m-1+v)*4,g=a[S]-a[y],b=a[S+1]-a[y+1],_=a[S+2]-a[y+2],w=g,x=w>0?w:-w,T=b>0?b:-b,P=_>0?_:-_;if(T>x&&(w=b),P>x&&(w=_),w*=t,i){var E=a[S]+w,A=a[S+1]+w,$=a[S+2]+w;a[S]=E>255?255:E<0?0:E,a[S+1]=A>255?255:A<0?0:A,a[S+2]=$>255?255:$<0?0:$}else{var I=n-w;I<0?I=0:I>255&&(I=255),a[S]=a[S+1]=a[S+2]=I}}while(--m)}while(--d)};Rv.Emboss=Xfe;Ws.Factory.addGetterSetter(Ov.Node,"embossStrength",.5,(0,$N.getNumberValidator)(),Ws.Factory.afterSetFilter);Ws.Factory.addGetterSetter(Ov.Node,"embossWhiteLevel",.5,(0,$N.getNumberValidator)(),Ws.Factory.afterSetFilter);Ws.Factory.addGetterSetter(Ov.Node,"embossDirection","top-left",null,Ws.Factory.afterSetFilter);Ws.Factory.addGetterSetter(Ov.Node,"embossBlend",!1,null,Ws.Factory.afterSetFilter);var Mv={};Object.defineProperty(Mv,"__esModule",{value:!0});Mv.Enhance=void 0;const _6=Te,Yfe=wt,Qfe=de;function Zb(e,t,n,r,i){var o=n-t,s=i-r,a;return o===0?r+s/2:s===0?r:(a=(e-t)/o,a=s*a+r,a)}const Zfe=function(e){var t=e.data,n=t.length,r=t[0],i=r,o,s=t[1],a=s,l,u=t[2],c=u,d,f,h=this.enhance();if(h!==0){for(f=0;fi&&(i=o),l=t[f+1],la&&(a=l),d=t[f+2],dc&&(c=d);i===r&&(i=255,r=0),a===s&&(a=255,s=0),c===u&&(c=255,u=0);var p,m,S,v,y,g,b,_,w;for(h>0?(m=i+h*(255-i),S=r-h*(r-0),y=a+h*(255-a),g=s-h*(s-0),_=c+h*(255-c),w=u-h*(u-0)):(p=(i+r)*.5,m=i+h*(i-p),S=r+h*(r-p),v=(a+s)*.5,y=a+h*(a-v),g=s+h*(s-v),b=(c+u)*.5,_=c+h*(c-b),w=u+h*(u-b)),f=0;fv?S:v;var y=s,g=o,b,_,w=360/g*Math.PI/180,x,T;for(_=0;_g?y:g;var b=s,_=o,w,x,T=n.polarRotation||0,P,E;for(c=0;ct&&(b=g,_=0,w=-1),i=0;i=0&&h=0&&p=0&&h=0&&p=255*4?255:0}return s}function hhe(e,t,n){for(var r=[.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111,.1111111111111111],i=Math.round(Math.sqrt(r.length)),o=Math.floor(i/2),s=[],a=0;a=0&&h=0&&p=n))for(o=m;o=r||(s=(n*o+i)*4,a+=b[s+0],l+=b[s+1],u+=b[s+2],c+=b[s+3],g+=1);for(a=a/g,l=l/g,u=u/g,c=c/g,i=h;i=n))for(o=m;o=r||(s=(n*o+i)*4,b[s+0]=a,b[s+1]=l,b[s+2]=u,b[s+3]=c)}};jv.Pixelate=_he;T6.Factory.addGetterSetter(bhe.Node,"pixelSize",8,(0,She.getNumberValidator)(),T6.Factory.afterSetFilter);var Vv={};Object.defineProperty(Vv,"__esModule",{value:!0});Vv.Posterize=void 0;const E6=Te,whe=wt,xhe=de,Che=function(e){var t=Math.round(this.levels()*254)+1,n=e.data,r=n.length,i=255/t,o;for(o=0;o255?255:e<0?0:Math.round(e)});Jm.Factory.addGetterSetter(NC.Node,"green",0,function(e){return this._filterUpToDate=!1,e>255?255:e<0?0:Math.round(e)});Jm.Factory.addGetterSetter(NC.Node,"blue",0,The.RGBComponent,Jm.Factory.afterSetFilter);var Uv={};Object.defineProperty(Uv,"__esModule",{value:!0});Uv.RGBA=void 0;const Bf=Te,Gv=wt,Phe=de,Ahe=function(e){var t=e.data,n=t.length,r=this.red(),i=this.green(),o=this.blue(),s=this.alpha(),a,l;for(a=0;a255?255:e<0?0:Math.round(e)});Bf.Factory.addGetterSetter(Gv.Node,"green",0,function(e){return this._filterUpToDate=!1,e>255?255:e<0?0:Math.round(e)});Bf.Factory.addGetterSetter(Gv.Node,"blue",0,Phe.RGBComponent,Bf.Factory.afterSetFilter);Bf.Factory.addGetterSetter(Gv.Node,"alpha",1,function(e){return this._filterUpToDate=!1,e>1?1:e<0?0:e});var Hv={};Object.defineProperty(Hv,"__esModule",{value:!0});Hv.Sepia=void 0;const khe=function(e){var t=e.data,n=t.length,r,i,o,s;for(r=0;r127&&(u=255-u),c>127&&(c=255-c),d>127&&(d=255-d),t[l]=u,t[l+1]=c,t[l+2]=d}while(--a)}while(--o)};qv.Solarize=Rhe;var Wv={};Object.defineProperty(Wv,"__esModule",{value:!0});Wv.Threshold=void 0;const P6=Te,Ohe=wt,Mhe=de,Ihe=function(e){var t=this.threshold()*255,n=e.data,r=n.length,i;for(i=0;i{const{width:r,height:i}=t,o=document.createElement("div"),s=new nd.Stage({container:o,width:r,height:i}),a=new nd.Layer,l=new nd.Layer;return a.add(new nd.Rect({...t,fill:n?"black":"white"})),e.forEach(u=>l.add(new nd.Line({points:u.points,stroke:n?"white":"black",strokeWidth:u.strokeWidth*2,tension:0,lineCap:"round",lineJoin:"round",shadowForStrokeEnabled:!1,globalCompositeOperation:u.tool==="brush"?"source-over":"destination-out"}))),s.add(a),s.add(l),o.remove(),s},bpe=async(e,t,n)=>new Promise((r,i)=>{const o=document.createElement("canvas");o.width=t,o.height=n;const s=o.getContext("2d"),a=new Image;if(!s){o.remove(),i("Unable to get context");return}a.onload=function(){s.drawImage(a,0,0),o.remove(),r(s.getImageData(0,0,t,n))},a.src=e}),R6=async(e,t)=>{const n=e.toDataURL(t);return await bpe(n,t.width,t.height)},Spe=async(e,t,n,r,i)=>{const o=fe("canvas"),s=tv(),a=Ole();if(!s||!a){o.error("Unable to find canvas / stage");return}const l={...t,...n},u=s.clone();u.scale({x:1,y:1});const c=u.getAbsolutePosition(),d={x:l.x+c.x,y:l.y+c.y,width:l.width,height:l.height},f=await Km(u,d),h=await R6(u,d),p=await vpe(r?e.objects.filter(IO):[],l,i),m=await Km(p,l),S=await R6(p,l);return{baseBlob:f,baseImageData:h,maskBlob:m,maskImageData:S}},_pe=e=>{let t=!0,n=!1;const r=e.length;let i=3;for(i;i{const t=e.length;let n=0;for(n;n{const{isPartiallyTransparent:n,isFullyTransparent:r}=_pe(e.data),i=wpe(t.data);return n?r?"txt2img":"outpaint":i?"inpaint":"img2img"},Cpe=e=>oO(e,n=>n.isEnabled&&(!!n.processedControlImage||n.processorType==="none"&&!!n.controlImage)),Kv=(e,t,n)=>{const{isEnabled:r,controlNets:i}=e.controlNet,o=Cpe(i),s=t.nodes[Ke];if(r&&o.length&&o.length){const a={id:Op,type:"collect",is_intermediate:!0};t.nodes[Op]=a,t.edges.push({source:{node_id:Op,field:"collection"},destination:{node_id:n,field:"control"}}),o.forEach(l=>{const{controlNetId:u,controlImage:c,processedControlImage:d,beginStepPct:f,endStepPct:h,controlMode:p,resizeMode:m,model:S,processorType:v,weight:y}=l,g={id:`control_net_${u}`,type:"controlnet",is_intermediate:!0,begin_step_percent:f,end_step_percent:h,control_mode:p,resize_mode:m,control_model:S,control_weight:y};if(d&&v!=="none")g.image={image_name:d};else if(c)g.image={image_name:c};else return;if(t.nodes[g.id]=g,s){const b=_0(g,["id","type"]);s.controlnets.push(b)}t.edges.push({source:{node_id:g.id,field:"control"},destination:{node_id:Op,field:"item"}})})}},xc=(e,t)=>{const{positivePrompt:n,iterations:r,seed:i,shouldRandomizeSeed:o}=e.generation,{combinatorial:s,isEnabled:a,maxPrompts:l}=e.dynamicPrompts,u=t.nodes[Ke];if(a){rY(t.nodes[Be],"prompt");const c={id:zb,type:"dynamic_prompt",is_intermediate:!0,max_prompts:s?l:r,combinatorial:s,prompt:n},d={id:lr,type:"iterate",is_intermediate:!0};if(t.nodes[zb]=c,t.nodes[lr]=d,t.edges.push({source:{node_id:zb,field:"prompt_collection"},destination:{node_id:lr,field:"collection"}},{source:{node_id:lr,field:"item"},destination:{node_id:Be,field:"prompt"}}),u&&t.edges.push({source:{node_id:lr,field:"item"},destination:{node_id:Ke,field:"positive_prompt"}}),o){const f={id:Fi,type:"rand_int",is_intermediate:!0};t.nodes[Fi]=f,t.edges.push({source:{node_id:Fi,field:"a"},destination:{node_id:$e,field:"seed"}}),u&&t.edges.push({source:{node_id:Fi,field:"a"},destination:{node_id:Ke,field:"seed"}})}else t.nodes[$e].seed=i,u&&(u.seed=i)}else{u&&(u.positive_prompt=n);const c={id:Co,type:"range_of_size",is_intermediate:!0,size:r,step:1},d={id:lr,type:"iterate",is_intermediate:!0};if(t.nodes[lr]=d,t.nodes[Co]=c,t.edges.push({source:{node_id:Co,field:"collection"},destination:{node_id:lr,field:"collection"}}),t.edges.push({source:{node_id:lr,field:"item"},destination:{node_id:$e,field:"seed"}}),u&&t.edges.push({source:{node_id:lr,field:"item"},destination:{node_id:Ke,field:"seed"}}),o){const f={id:Fi,type:"rand_int",is_intermediate:!0};t.nodes[Fi]=f,t.edges.push({source:{node_id:Fi,field:"a"},destination:{node_id:Co,field:"start"}})}else c.start=i}},Ih=(e,t,n)=>{const{loras:r}=e.lora,i=hO(r),o=t.nodes[Ke];i>0&&(t.edges=t.edges.filter(l=>!(l.source.node_id===pt&&["unet"].includes(l.source.field))),t.edges=t.edges.filter(l=>!(l.source.node_id===it&&["clip"].includes(l.source.field))));let s="",a=0;Qa(r,l=>{const{model_name:u,base_model:c,weight:d}=l,f=`${hce}_${u.replace(".","_")}`,h={type:"lora_loader",id:f,is_intermediate:!0,lora:{model_name:u,base_model:c},weight:d};o&&o.loras.push({lora:{model_name:u,base_model:c},weight:d}),t.nodes[f]=h,a===0?(t.edges.push({source:{node_id:pt,field:"unet"},destination:{node_id:f,field:"unet"}}),t.edges.push({source:{node_id:it,field:"clip"},destination:{node_id:f,field:"clip"}})):(t.edges.push({source:{node_id:s,field:"unet"},destination:{node_id:f,field:"unet"}}),t.edges.push({source:{node_id:s,field:"clip"},destination:{node_id:f,field:"clip"}})),a===i-1&&(t.edges.push({source:{node_id:f,field:"unet"},destination:{node_id:n,field:"unet"}}),t.edges.push({source:{node_id:f,field:"clip"},destination:{node_id:Be,field:"clip"}}),t.edges.push({source:{node_id:f,field:"clip"},destination:{node_id:qe,field:"clip"}})),s=f,a+=1})},jN=Jn(e=>e.ui,e=>AO[e.activeTab],{memoizeOptions:{equalityCheck:S0}}),g4e=Jn(e=>e.ui,e=>e.activeTab,{memoizeOptions:{equalityCheck:S0}}),m4e=Jn(e=>e.ui,e=>e,{memoizeOptions:{equalityCheck:S0}}),xl=(e,t,n=We)=>{const i=jN(e)==="unifiedCanvas"?!e.canvas.shouldAutoSave:!1,o=t.nodes[n],s=t.nodes[Ke];if(!o)return;o.is_intermediate=!0;const a={id:fu,type:"img_nsfw",is_intermediate:i};t.nodes[fu]=a,t.edges.push({source:{node_id:n,field:"image"},destination:{node_id:fu,field:"image"}}),s&&t.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:fu,field:"metadata"}})},Nh=(e,t)=>{const{vae:n}=e.generation,r=!n,i=t.nodes[Ke];r||(t.nodes[Zc]={type:"vae_loader",id:Zc,is_intermediate:!0,vae_model:n}),(t.id===bC||t.id===Xm)&&t.edges.push({source:{node_id:r?pt:Zc,field:"vae"},destination:{node_id:We,field:"vae"}}),t.id===Xm&&t.edges.push({source:{node_id:r?pt:Zc,field:"vae"},destination:{node_id:bt,field:"vae"}}),t.id===iN&&t.edges.push({source:{node_id:r?pt:Zc,field:"vae"},destination:{node_id:Ii,field:"vae"}}),n&&i&&(i.vae=n)},Cl=(e,t,n=We)=>{const i=jN(e)==="unifiedCanvas"?!e.canvas.shouldAutoSave:!1,o=t.nodes[n],s=t.nodes[fu],a=t.nodes[Ke];if(!o)return;const l={id:Qc,type:"img_watermark",is_intermediate:i};t.nodes[Qc]=l,o.is_intermediate=!0,s?(s.is_intermediate=!0,t.edges.push({source:{node_id:fu,field:"image"},destination:{node_id:Qc,field:"image"}})):t.edges.push({source:{node_id:n,field:"image"},destination:{node_id:Qc,field:"image"}}),a&&t.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:Qc,field:"metadata"}})},Tpe=(e,t)=>{const n=fe("nodes"),{positivePrompt:r,negativePrompt:i,model:o,cfgScale:s,scheduler:a,steps:l,img2imgStrength:u,clipSkip:c,shouldUseCpuNoise:d,shouldUseNoiseSettings:f}=e.generation,{width:h,height:p}=e.canvas.boundingBoxDimensions,{shouldAutoSave:m}=e.canvas;if(!o)throw n.error("No model found in state"),new Error("No model found in state");const S=f?d:Wo.shouldUseCpuNoise,v={id:Xm,nodes:{[Be]:{type:"compel",id:Be,is_intermediate:!0,prompt:r},[qe]:{type:"compel",id:qe,is_intermediate:!0,prompt:i},[$e]:{type:"noise",id:$e,is_intermediate:!0,use_cpu:S},[pt]:{type:"main_model_loader",id:pt,is_intermediate:!0,model:o},[it]:{type:"clip_skip",id:it,is_intermediate:!0,skipped_layers:c},[Kt]:{type:"l2l",id:Kt,is_intermediate:!0,cfg_scale:s,scheduler:a,steps:l,strength:u},[bt]:{type:"i2l",id:bt,is_intermediate:!0},[We]:{type:"l2i",id:We,is_intermediate:!m}},edges:[{source:{node_id:pt,field:"clip"},destination:{node_id:it,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:Kt,field:"latents"},destination:{node_id:We,field:"latents"}},{source:{node_id:bt,field:"latents"},destination:{node_id:Kt,field:"latents"}},{source:{node_id:$e,field:"noise"},destination:{node_id:Kt,field:"noise"}},{source:{node_id:pt,field:"unet"},destination:{node_id:Kt,field:"unet"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:Kt,field:"negative_conditioning"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:Kt,field:"positive_conditioning"}}]};if(t.width!==h||t.height!==p){const y={id:Qn,type:"img_resize",image:{image_name:t.image_name},is_intermediate:!0,width:h,height:p};v.nodes[Qn]=y,v.edges.push({source:{node_id:Qn,field:"image"},destination:{node_id:bt,field:"image"}}),v.edges.push({source:{node_id:Qn,field:"width"},destination:{node_id:$e,field:"width"}}),v.edges.push({source:{node_id:Qn,field:"height"},destination:{node_id:$e,field:"height"}})}else v.nodes[bt].image={image_name:t.image_name},v.edges.push({source:{node_id:bt,field:"width"},destination:{node_id:$e,field:"width"}}),v.edges.push({source:{node_id:bt,field:"height"},destination:{node_id:$e,field:"height"}});return v.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"img2img",cfg_scale:s,height:p,width:h,positive_prompt:"",negative_prompt:i,model:o,seed:0,steps:l,rand_device:S?"cpu":"cuda",scheduler:a,vae:void 0,controlnets:[],loras:[],clip_skip:c,strength:u,init_image:t.image_name},v.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),Ih(e,v,Kt),Nh(e,v),xc(e,v),Kv(e,v,Kt),e.system.shouldUseNSFWChecker&&xl(e,v),e.system.shouldUseWatermarker&&Cl(e,v),v},Epe=(e,t,n)=>{const r=fe("nodes"),{positivePrompt:i,negativePrompt:o,model:s,cfgScale:a,scheduler:l,steps:u,img2imgStrength:c,shouldFitToWidthHeight:d,iterations:f,seed:h,shouldRandomizeSeed:p,seamSize:m,seamBlur:S,seamSteps:v,seamStrength:y,tileSize:g,infillMethod:b,clipSkip:_}=e.generation;if(!s)throw r.error("No model found in state"),new Error("No model found in state");const{width:w,height:x}=e.canvas.boundingBoxDimensions,{scaledBoundingBoxDimensions:T,boundingBoxScaleMethod:P,shouldAutoSave:E}=e.canvas,A={id:iN,nodes:{[Ii]:{is_intermediate:!E,type:"inpaint",id:Ii,steps:u,width:w,height:x,cfg_scale:a,scheduler:l,image:{image_name:t.image_name},strength:c,fit:d,mask:{image_name:n.image_name},seam_size:m,seam_blur:S,seam_strength:y,seam_steps:v,tile_size:b==="tile"?g:void 0,infill_method:b,inpaint_width:P!=="none"?T.width:void 0,inpaint_height:P!=="none"?T.height:void 0},[Be]:{type:"compel",id:Be,is_intermediate:!0,prompt:i},[qe]:{type:"compel",id:qe,is_intermediate:!0,prompt:o},[pt]:{type:"main_model_loader",id:pt,is_intermediate:!0,model:s},[it]:{type:"clip_skip",id:it,is_intermediate:!0,skipped_layers:_},[Co]:{type:"range_of_size",id:Co,is_intermediate:!0,size:f,step:1},[lr]:{type:"iterate",id:lr,is_intermediate:!0}},edges:[{source:{node_id:pt,field:"unet"},destination:{node_id:Ii,field:"unet"}},{source:{node_id:pt,field:"clip"},destination:{node_id:it,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:Ii,field:"negative_conditioning"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:Ii,field:"positive_conditioning"}},{source:{node_id:Co,field:"collection"},destination:{node_id:lr,field:"collection"}},{source:{node_id:lr,field:"item"},destination:{node_id:Ii,field:"seed"}}]};if(Ih(e,A,Ii),Nh(e,A),p){const $={id:Fi,type:"rand_int"};A.nodes[Fi]=$,A.edges.push({source:{node_id:Fi,field:"a"},destination:{node_id:Co,field:"start"}})}else A.nodes[Co].start=h;return e.system.shouldUseNSFWChecker&&xl(e,A,Ii),e.system.shouldUseWatermarker&&Cl(e,A,Ii),A},Ppe=e=>{const t=fe("nodes"),{positivePrompt:n,negativePrompt:r,model:i,cfgScale:o,scheduler:s,steps:a,clipSkip:l,shouldUseCpuNoise:u,shouldUseNoiseSettings:c}=e.generation,{width:d,height:f}=e.canvas.boundingBoxDimensions,{shouldAutoSave:h}=e.canvas;if(!i)throw t.error("No model found in state"),new Error("No model found in state");const p=c?u:Wo.shouldUseCpuNoise,m={id:bC,nodes:{[Be]:{type:"compel",id:Be,is_intermediate:!0,prompt:n},[qe]:{type:"compel",id:qe,is_intermediate:!0,prompt:r},[$e]:{type:"noise",id:$e,is_intermediate:!0,width:d,height:f,use_cpu:p},[dn]:{type:"t2l",id:dn,is_intermediate:!0,cfg_scale:o,scheduler:s,steps:a},[pt]:{type:"main_model_loader",id:pt,is_intermediate:!0,model:i},[it]:{type:"clip_skip",id:it,is_intermediate:!0,skipped_layers:l},[We]:{type:"l2i",id:We,is_intermediate:!h}},edges:[{source:{node_id:qe,field:"conditioning"},destination:{node_id:dn,field:"negative_conditioning"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:dn,field:"positive_conditioning"}},{source:{node_id:pt,field:"clip"},destination:{node_id:it,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:pt,field:"unet"},destination:{node_id:dn,field:"unet"}},{source:{node_id:dn,field:"latents"},destination:{node_id:We,field:"latents"}},{source:{node_id:$e,field:"noise"},destination:{node_id:dn,field:"noise"}}]};return m.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"txt2img",cfg_scale:o,height:f,width:d,positive_prompt:"",negative_prompt:r,model:i,seed:0,steps:a,rand_device:p?"cpu":"cuda",scheduler:s,vae:void 0,controlnets:[],loras:[],clip_skip:l},m.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),Ih(e,m,dn),Nh(e,m),xc(e,m),Kv(e,m,dn),e.system.shouldUseNSFWChecker&&xl(e,m),e.system.shouldUseWatermarker&&Cl(e,m),m},Ape=(e,t,n,r)=>{let i;if(t==="txt2img")i=Ppe(e);else if(t==="img2img"){if(!n)throw new Error("Missing canvas init image");i=Tpe(e,n)}else{if(!n||!r)throw new Error("Missing canvas init and mask images");i=Epe(e,n,r)}return i},kpe=()=>{le({predicate:e=>Ph.match(e)&&e.payload==="unifiedCanvas",effect:async(e,{getState:t,dispatch:n,take:r})=>{const i=fe("session"),o=t(),{layerState:s,boundingBoxCoordinates:a,boundingBoxDimensions:l,isMaskEnabled:u,shouldPreserveMaskedArea:c}=o.canvas,d=await Spe(s,a,l,u,c);if(!d){i.error("Unable to create canvas data");return}const{baseBlob:f,baseImageData:h,maskBlob:p,maskImageData:m}=d,S=xpe(h,m);if(o.system.enableImageDebugging){const x=await XE(f),T=await XE(p);bce([{base64:T,caption:"mask b64"},{base64:x,caption:"image b64"}])}i.debug(`Generation mode: ${S}`);let v,y;["img2img","inpaint","outpaint"].includes(S)&&(v=await n(he.endpoints.uploadImage.initiate({file:new File([f],"canvasInitImage.png",{type:"image/png"}),image_category:"general",is_intermediate:!0})).unwrap()),["inpaint","outpaint"].includes(S)&&(y=await n(he.endpoints.uploadImage.initiate({file:new File([p],"canvasMaskImage.png",{type:"image/png"}),image_category:"mask",is_intermediate:!0})).unwrap());const g=Ape(o,S,v,y);i.debug({graph:ra(g)},"Canvas graph built"),n(KI(g));const{requestId:b}=n(Rn({graph:g})),[_]=await r(x=>Rn.fulfilled.match(x)&&x.meta.requestId===b),w=_.payload.id;["img2img","inpaint"].includes(S)&&v&&n(he.endpoints.changeImageSessionId.initiate({imageDTO:v,session_id:w})),["inpaint"].includes(S)&&y&&n(he.endpoints.changeImageSessionId.initiate({imageDTO:y,session_id:w})),o.canvas.layerState.stagingArea.boundingBox||n(GQ({sessionId:w,boundingBox:{...o.canvas.boundingBoxCoordinates,...o.canvas.boundingBoxDimensions}})),n(HQ(w)),n(pl())}})},Rpe=e=>{const t=fe("nodes"),{positivePrompt:n,negativePrompt:r,model:i,cfgScale:o,scheduler:s,steps:a,initialImage:l,img2imgStrength:u,shouldFitToWidthHeight:c,width:d,height:f,clipSkip:h,shouldUseCpuNoise:p,shouldUseNoiseSettings:m,vaePrecision:S}=e.generation;if(!l)throw t.error("No initial image found in state"),new Error("No initial image found in state");if(!i)throw t.error("No model found in state"),new Error("No model found in state");const v=m?p:Wo.shouldUseCpuNoise,y={id:Xm,nodes:{[pt]:{type:"main_model_loader",id:pt,model:i},[it]:{type:"clip_skip",id:it,skipped_layers:h},[Be]:{type:"compel",id:Be,prompt:n},[qe]:{type:"compel",id:qe,prompt:r},[$e]:{type:"noise",id:$e,use_cpu:v},[We]:{type:"l2i",id:We,fp32:S==="fp32"},[Kt]:{type:"l2l",id:Kt,cfg_scale:o,scheduler:s,steps:a,strength:u},[bt]:{type:"i2l",id:bt,fp32:S==="fp32"}},edges:[{source:{node_id:pt,field:"unet"},destination:{node_id:Kt,field:"unet"}},{source:{node_id:pt,field:"clip"},destination:{node_id:it,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:Kt,field:"latents"},destination:{node_id:We,field:"latents"}},{source:{node_id:bt,field:"latents"},destination:{node_id:Kt,field:"latents"}},{source:{node_id:$e,field:"noise"},destination:{node_id:Kt,field:"noise"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:Kt,field:"negative_conditioning"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:Kt,field:"positive_conditioning"}}]};if(c&&(l.width!==d||l.height!==f)){const g={id:Qn,type:"img_resize",image:{image_name:l.imageName},is_intermediate:!0,width:d,height:f};y.nodes[Qn]=g,y.edges.push({source:{node_id:Qn,field:"image"},destination:{node_id:bt,field:"image"}}),y.edges.push({source:{node_id:Qn,field:"width"},destination:{node_id:$e,field:"width"}}),y.edges.push({source:{node_id:Qn,field:"height"},destination:{node_id:$e,field:"height"}})}else y.nodes[bt].image={image_name:l.imageName},y.edges.push({source:{node_id:bt,field:"width"},destination:{node_id:$e,field:"width"}}),y.edges.push({source:{node_id:bt,field:"height"},destination:{node_id:$e,field:"height"}});return y.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"img2img",cfg_scale:o,height:f,width:d,positive_prompt:"",negative_prompt:r,model:i,seed:0,steps:a,rand_device:v?"cpu":"cuda",scheduler:s,vae:void 0,controlnets:[],loras:[],clip_skip:h,strength:u,init_image:l.imageName},y.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),Ih(e,y,Kt),Nh(e,y),xc(e,y),Kv(e,y,Kt),e.system.shouldUseNSFWChecker&&xl(e,y),e.system.shouldUseWatermarker&&Cl(e,y),y},VN=(e,t,n)=>{const{positivePrompt:r,negativePrompt:i}=e.generation,{refinerModel:o,refinerAestheticScore:s,positiveStylePrompt:a,negativeStylePrompt:l,refinerSteps:u,refinerScheduler:c,refinerCFGScale:d,refinerStart:f}=e.sdxl;if(!o)return;const h=t.nodes[Ke];h&&(h.refiner_model=o,h.refiner_aesthetic_store=s,h.refiner_cfg_scale=d,h.refiner_scheduler=c,h.refiner_start=f,h.refiner_steps=u),t.edges=t.edges.filter(p=>!(p.source.node_id===n&&["latents"].includes(p.source.field))),t.edges=t.edges.filter(p=>!(p.source.node_id===en&&["vae"].includes(p.source.field))),n===Ni&&t.edges.push({source:{node_id:en,field:"vae"},destination:{node_id:bt,field:"vae"}}),t.nodes[zl]={type:"sdxl_refiner_model_loader",id:zl,model:o},t.nodes[Mp]={type:"sdxl_refiner_compel_prompt",id:Mp,style:`${r} ${a}`,aesthetic_score:s},t.nodes[Ip]={type:"sdxl_refiner_compel_prompt",id:Ip,style:`${i} ${l}`,aesthetic_score:s},t.nodes[ma]={type:"l2l_sdxl",id:ma,cfg_scale:d,steps:u/(1-Math.min(f,.99)),scheduler:c,denoising_start:f,denoising_end:1},t.edges.push({source:{node_id:zl,field:"unet"},destination:{node_id:ma,field:"unet"}},{source:{node_id:zl,field:"vae"},destination:{node_id:We,field:"vae"}},{source:{node_id:zl,field:"clip2"},destination:{node_id:Mp,field:"clip2"}},{source:{node_id:zl,field:"clip2"},destination:{node_id:Ip,field:"clip2"}},{source:{node_id:Mp,field:"conditioning"},destination:{node_id:ma,field:"positive_conditioning"}},{source:{node_id:Ip,field:"conditioning"},destination:{node_id:ma,field:"negative_conditioning"}},{source:{node_id:n,field:"latents"},destination:{node_id:ma,field:"latents"}},{source:{node_id:ma,field:"latents"},destination:{node_id:We,field:"latents"}})},Ope=e=>{const t=fe("nodes"),{positivePrompt:n,negativePrompt:r,model:i,cfgScale:o,scheduler:s,steps:a,initialImage:l,shouldFitToWidthHeight:u,width:c,height:d,clipSkip:f,shouldUseCpuNoise:h,shouldUseNoiseSettings:p,vaePrecision:m}=e.generation,{positiveStylePrompt:S,negativeStylePrompt:v,shouldConcatSDXLStylePrompt:y,shouldUseSDXLRefiner:g,refinerStart:b,sdxlImg2ImgDenoisingStrength:_}=e.sdxl;if(!l)throw t.error("No initial image found in state"),new Error("No initial image found in state");if(!i)throw t.error("No model found in state"),new Error("No model found in state");const w=p?h:Wo.shouldUseCpuNoise,x={id:gce,nodes:{[en]:{type:"sdxl_model_loader",id:en,model:i},[Be]:{type:"sdxl_compel_prompt",id:Be,prompt:n,style:y?`${n} ${S}`:S},[qe]:{type:"sdxl_compel_prompt",id:qe,prompt:r,style:y?`${r} ${v}`:v},[$e]:{type:"noise",id:$e,use_cpu:w},[We]:{type:"l2i",id:We,fp32:m==="fp32"},[Ni]:{type:"l2l_sdxl",id:Ni,cfg_scale:o,scheduler:s,steps:a,denoising_start:g?Math.min(b,1-_):1-_,denoising_end:g?b:1},[bt]:{type:"i2l",id:bt,fp32:m==="fp32"}},edges:[{source:{node_id:en,field:"unet"},destination:{node_id:Ni,field:"unet"}},{source:{node_id:en,field:"vae"},destination:{node_id:We,field:"vae"}},{source:{node_id:en,field:"vae"},destination:{node_id:bt,field:"vae"}},{source:{node_id:en,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:en,field:"clip2"},destination:{node_id:Be,field:"clip2"}},{source:{node_id:en,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:en,field:"clip2"},destination:{node_id:qe,field:"clip2"}},{source:{node_id:Ni,field:"latents"},destination:{node_id:We,field:"latents"}},{source:{node_id:bt,field:"latents"},destination:{node_id:Ni,field:"latents"}},{source:{node_id:$e,field:"noise"},destination:{node_id:Ni,field:"noise"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:Ni,field:"positive_conditioning"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:Ni,field:"negative_conditioning"}}]};if(u&&(l.width!==c||l.height!==d)){const T={id:Qn,type:"img_resize",image:{image_name:l.imageName},is_intermediate:!0,width:c,height:d};x.nodes[Qn]=T,x.edges.push({source:{node_id:Qn,field:"image"},destination:{node_id:bt,field:"image"}}),x.edges.push({source:{node_id:Qn,field:"width"},destination:{node_id:$e,field:"width"}}),x.edges.push({source:{node_id:Qn,field:"height"},destination:{node_id:$e,field:"height"}})}else x.nodes[bt].image={image_name:l.imageName},x.edges.push({source:{node_id:bt,field:"width"},destination:{node_id:$e,field:"width"}}),x.edges.push({source:{node_id:bt,field:"height"},destination:{node_id:$e,field:"height"}});return x.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"sdxl_img2img",cfg_scale:o,height:d,width:c,positive_prompt:"",negative_prompt:r,model:i,seed:0,steps:a,rand_device:w?"cpu":"cuda",scheduler:s,vae:void 0,controlnets:[],loras:[],clip_skip:f,strength:_,init_image:l.imageName,positive_style_prompt:S,negative_style_prompt:v},x.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),g&&VN(e,x,Ni),xc(e,x),e.system.shouldUseNSFWChecker&&xl(e,x),e.system.shouldUseWatermarker&&Cl(e,x),x},Mpe=()=>{le({predicate:e=>Ph.match(e)&&e.payload==="img2img",effect:async(e,{getState:t,dispatch:n,take:r})=>{const i=fe("session"),o=t(),s=o.generation.model;let a;s&&s.base_model==="sdxl"?a=Ope(o):a=Rpe(o),n(WI(a)),i.debug({graph:ra(a)},"Image to Image graph built"),n(Rn({graph:a})),await r(Rn.fulfilled.match),n(pl())}})};let jp;const Ipe=new Uint8Array(16);function Npe(){if(!jp&&(jp=typeof crypto<"u"&&crypto.getRandomValues&&crypto.getRandomValues.bind(crypto),!jp))throw new Error("crypto.getRandomValues() not supported. See https://github.com/uuidjs/uuid#getrandomvalues-not-supported");return jp(Ipe)}const Cn=[];for(let e=0;e<256;++e)Cn.push((e+256).toString(16).slice(1));function Dpe(e,t=0){return(Cn[e[t+0]]+Cn[e[t+1]]+Cn[e[t+2]]+Cn[e[t+3]]+"-"+Cn[e[t+4]]+Cn[e[t+5]]+"-"+Cn[e[t+6]]+Cn[e[t+7]]+"-"+Cn[e[t+8]]+Cn[e[t+9]]+"-"+Cn[e[t+10]]+Cn[e[t+11]]+Cn[e[t+12]]+Cn[e[t+13]]+Cn[e[t+14]]+Cn[e[t+15]]).toLowerCase()}const Lpe=typeof crypto<"u"&&crypto.randomUUID&&crypto.randomUUID.bind(crypto),O6={randomUUID:Lpe};function $pe(e,t,n){if(O6.randomUUID&&!t&&!e)return O6.randomUUID();e=e||{};const r=e.random||(e.rng||Npe)();if(r[6]=r[6]&15|64,r[8]=r[8]&63|128,t){n=n||0;for(let i=0;i<16;++i)t[n+i]=r[i];return t}return Dpe(r)}const Fpe=e=>{if(e.type==="color"&&e.value){const t=Ln(e.value),{r:n,g:r,b:i,a:o}=e.value,s=Math.max(0,Math.min(o*255,255));return Object.assign(t,{r:n,g:r,b:i,a:s}),t}return e.value},Bpe=e=>{const{nodes:t,edges:n}=e.nodes,i=t.filter(a=>a.type!=="progress_image").reduce((a,l)=>{const{id:u,data:c}=l,{type:d,inputs:f}=c,h=Lx(f,(m,S,v)=>{const y=Fpe(S);return m[v]=y,m},{}),p={type:d,id:u,...h};return Object.assign(a,{[u]:p}),a},{}),o=n.reduce((a,l)=>{const{source:u,target:c,sourceHandle:d,targetHandle:f}=l;return a.push({source:{node_id:u,field:d},destination:{node_id:c,field:f}}),a},[]);return o.forEach(a=>{const l=i[a.destination.node_id],u=a.destination.field;i[a.destination.node_id]=_0(l,u)}),{id:$pe(),nodes:i,edges:o}},jpe=()=>{le({predicate:e=>Ph.match(e)&&e.payload==="nodes",effect:async(e,{getState:t,dispatch:n,take:r})=>{const i=fe("session"),o=t(),s=Bpe(o);n(XI(s)),i.debug({graph:ra(s)},"Nodes graph built"),n(Rn({graph:s})),await r(Rn.fulfilled.match),n(pl())}})},Vpe=e=>{const t=fe("nodes"),{positivePrompt:n,negativePrompt:r,model:i,cfgScale:o,scheduler:s,steps:a,width:l,height:u,clipSkip:c,shouldUseCpuNoise:d,shouldUseNoiseSettings:f,vaePrecision:h}=e.generation,{positiveStylePrompt:p,negativeStylePrompt:m,shouldConcatSDXLStylePrompt:S,shouldUseSDXLRefiner:v,refinerStart:y}=e.sdxl,g=f?d:Wo.shouldUseCpuNoise;if(!i)throw t.error("No model found in state"),new Error("No model found in state");const b={id:pce,nodes:{[en]:{type:"sdxl_model_loader",id:en,model:i},[Be]:{type:"sdxl_compel_prompt",id:Be,prompt:n,style:S?`${n} ${p}`:p},[qe]:{type:"sdxl_compel_prompt",id:qe,prompt:r,style:S?`${r} ${m}`:m},[$e]:{type:"noise",id:$e,width:l,height:u,use_cpu:g},[is]:{type:"t2l_sdxl",id:is,cfg_scale:o,scheduler:s,steps:a,denoising_end:v?y:1},[We]:{type:"l2i",id:We,fp32:h==="fp32"}},edges:[{source:{node_id:en,field:"unet"},destination:{node_id:is,field:"unet"}},{source:{node_id:en,field:"vae"},destination:{node_id:We,field:"vae"}},{source:{node_id:en,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:en,field:"clip2"},destination:{node_id:Be,field:"clip2"}},{source:{node_id:en,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:en,field:"clip2"},destination:{node_id:qe,field:"clip2"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:is,field:"positive_conditioning"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:is,field:"negative_conditioning"}},{source:{node_id:$e,field:"noise"},destination:{node_id:is,field:"noise"}},{source:{node_id:is,field:"latents"},destination:{node_id:We,field:"latents"}}]};return b.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"sdxl_txt2img",cfg_scale:o,height:u,width:l,positive_prompt:"",negative_prompt:r,model:i,seed:0,steps:a,rand_device:g?"cpu":"cuda",scheduler:s,vae:void 0,controlnets:[],loras:[],clip_skip:c,positive_style_prompt:p,negative_style_prompt:m},b.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),v&&VN(e,b,is),xc(e,b),e.system.shouldUseNSFWChecker&&xl(e,b),e.system.shouldUseWatermarker&&Cl(e,b),b},zpe=e=>{const t=fe("nodes"),{positivePrompt:n,negativePrompt:r,model:i,cfgScale:o,scheduler:s,steps:a,width:l,height:u,clipSkip:c,shouldUseCpuNoise:d,shouldUseNoiseSettings:f,vaePrecision:h}=e.generation,p=f?d:Wo.shouldUseCpuNoise;if(!i)throw t.error("No model found in state"),new Error("No model found in state");const m={id:bC,nodes:{[pt]:{type:"main_model_loader",id:pt,model:i},[it]:{type:"clip_skip",id:it,skipped_layers:c},[Be]:{type:"compel",id:Be,prompt:n},[qe]:{type:"compel",id:qe,prompt:r},[$e]:{type:"noise",id:$e,width:l,height:u,use_cpu:p},[dn]:{type:"t2l",id:dn,cfg_scale:o,scheduler:s,steps:a},[We]:{type:"l2i",id:We,fp32:h==="fp32"}},edges:[{source:{node_id:pt,field:"clip"},destination:{node_id:it,field:"clip"}},{source:{node_id:pt,field:"unet"},destination:{node_id:dn,field:"unet"}},{source:{node_id:it,field:"clip"},destination:{node_id:Be,field:"clip"}},{source:{node_id:it,field:"clip"},destination:{node_id:qe,field:"clip"}},{source:{node_id:Be,field:"conditioning"},destination:{node_id:dn,field:"positive_conditioning"}},{source:{node_id:qe,field:"conditioning"},destination:{node_id:dn,field:"negative_conditioning"}},{source:{node_id:dn,field:"latents"},destination:{node_id:We,field:"latents"}},{source:{node_id:$e,field:"noise"},destination:{node_id:dn,field:"noise"}}]};return m.nodes[Ke]={id:Ke,type:"metadata_accumulator",generation_mode:"txt2img",cfg_scale:o,height:u,width:l,positive_prompt:"",negative_prompt:r,model:i,seed:0,steps:a,rand_device:p?"cpu":"cuda",scheduler:s,vae:void 0,controlnets:[],loras:[],clip_skip:c},m.edges.push({source:{node_id:Ke,field:"metadata"},destination:{node_id:We,field:"metadata"}}),Ih(e,m,dn),Nh(e,m),xc(e,m),Kv(e,m,dn),e.system.shouldUseNSFWChecker&&xl(e,m),e.system.shouldUseWatermarker&&Cl(e,m),m},Upe=()=>{le({predicate:e=>Ph.match(e)&&e.payload==="txt2img",effect:async(e,{getState:t,dispatch:n,take:r})=>{const i=fe("session"),o=t(),s=o.generation.model;let a;s&&s.base_model==="sdxl"?a=Vpe(o):a=zpe(o),n(qI(a)),i.debug({graph:ra(a)},"Text to Image graph built"),n(Rn({graph:a})),await r(Rn.fulfilled.match),n(pl())}})},zN=Wk(),le=zN.startListening;eue();tue();iue();qle();Wle();Kle();Xle();Cle();Jle();kpe();jpe();Upe();Mpe();Yue();Ble();Lle();Nle();Fle();cce();vle();Jue();ece();nce();rce();oce();Que();Zue();lce();uce();sce();ace();ice();Gue();Hue();que();Wue();Kue();Xue();Vue();zue();Uue();zle();Vle();Ule();Gle();Qle();Zle();Tle();Due();Yle();oue();wle();aue();Sle();ble();vce();fce();const Gpe={canvas:qQ,gallery:fJ,generation:CQ,nodes:Yse,postprocessing:Qse,system:Cae,config:oY,ui:EQ,hotkeys:Aae,controlNet:aJ,boards:dJ,dynamicPrompts:uJ,imageDeletion:mJ,lora:vJ,modelmanager:Pae,sdxl:eae,[Hs.reducerPath]:Hs.reducer},Hpe=pc(Gpe),qpe=Jae(Hpe),Wpe=["canvas","gallery","generation","sdxl","nodes","postprocessing","system","ui","controlNet","dynamicPrompts","lora","modelmanager"],Kpe=Pk({reducer:qpe,enhancers:e=>e.concat(ele(window.localStorage,Wpe,{persistDebounce:300,serialize:dle,unserialize:hle,prefix:tle})).concat(Xk()),middleware:e=>e({immutableCheck:!1,serializableCheck:!1}).concat(Hs.middleware).concat(Mae).prepend(zN.middleware),devTools:{actionSanitizer:gle,stateSanitizer:yle,trace:!0,predicate:(e,t)=>!mle.includes(t.type)}}),y4e=e=>e;function Xpe(e){if(e.sheet)return e.sheet;for(var t=0;t0?Pn(Cc,--Sr):0,lc--,Xt===10&&(lc=1,Yv--),Xt}function Ar(){return Xt=Sr2||Vf(Xt)>3?"":" "}function lge(e,t){for(;--t&&Ar()&&!(Xt<48||Xt>102||Xt>57&&Xt<65||Xt>70&&Xt<97););return Dh(e,_g()+(t<6&&Zi()==32&&Ar()==32))}function T2(e){for(;Ar();)switch(Xt){case e:return Sr;case 34:case 39:e!==34&&e!==39&&T2(Xt);break;case 40:e===41&&T2(e);break;case 92:Ar();break}return Sr}function uge(e,t){for(;Ar()&&e+Xt!==47+10;)if(e+Xt===42+42&&Zi()===47)break;return"/*"+Dh(t,Sr-1)+"*"+Xv(e===47?e:Ar())}function cge(e){for(;!Vf(Zi());)Ar();return Dh(e,Sr)}function dge(e){return KN(xg("",null,null,null,[""],e=WN(e),0,[0],e))}function xg(e,t,n,r,i,o,s,a,l){for(var u=0,c=0,d=s,f=0,h=0,p=0,m=1,S=1,v=1,y=0,g="",b=i,_=o,w=r,x=g;S;)switch(p=y,y=Ar()){case 40:if(p!=108&&Pn(x,d-1)==58){C2(x+=He(wg(y),"&","&\f"),"&\f")!=-1&&(v=-1);break}case 34:case 39:case 91:x+=wg(y);break;case 9:case 10:case 13:case 32:x+=age(p);break;case 92:x+=lge(_g()-1,7);continue;case 47:switch(Zi()){case 42:case 47:Vp(fge(uge(Ar(),_g()),t,n),l);break;default:x+="/"}break;case 123*m:a[u++]=Bi(x)*v;case 125*m:case 59:case 0:switch(y){case 0:case 125:S=0;case 59+c:v==-1&&(x=He(x,/\f/g,"")),h>0&&Bi(x)-d&&Vp(h>32?I6(x+";",r,n,d-1):I6(He(x," ","")+";",r,n,d-2),l);break;case 59:x+=";";default:if(Vp(w=M6(x,t,n,u,c,i,a,g,b=[],_=[],d),o),y===123)if(c===0)xg(x,t,w,w,b,o,d,a,_);else switch(f===99&&Pn(x,3)===110?100:f){case 100:case 108:case 109:case 115:xg(e,w,w,r&&Vp(M6(e,w,w,0,0,i,a,g,i,b=[],d),_),i,_,d,a,r?b:_);break;default:xg(x,w,w,w,[""],_,0,a,_)}}u=c=h=0,m=v=1,g=x="",d=s;break;case 58:d=1+Bi(x),h=p;default:if(m<1){if(y==123)--m;else if(y==125&&m++==0&&sge()==125)continue}switch(x+=Xv(y),y*m){case 38:v=c>0?1:(x+="\f",-1);break;case 44:a[u++]=(Bi(x)-1)*v,v=1;break;case 64:Zi()===45&&(x+=wg(Ar())),f=Zi(),c=d=Bi(g=x+=cge(_g())),y++;break;case 45:p===45&&Bi(x)==2&&(m=0)}}return o}function M6(e,t,n,r,i,o,s,a,l,u,c){for(var d=i-1,f=i===0?o:[""],h=$C(f),p=0,m=0,S=0;p0?f[v]+" "+y:He(y,/&\f/g,f[v])))&&(l[S++]=g);return Qv(e,t,n,i===0?DC:a,l,u,c)}function fge(e,t,n){return Qv(e,t,n,UN,Xv(oge()),jf(e,2,-2),0)}function I6(e,t,n,r){return Qv(e,t,n,LC,jf(e,0,r),jf(e,r+1,-1),r)}function Lu(e,t){for(var n="",r=$C(e),i=0;i6)switch(Pn(e,t+1)){case 109:if(Pn(e,t+4)!==45)break;case 102:return He(e,/(.+:)(.+)-([^]+)/,"$1"+Ge+"$2-$3$1"+ey+(Pn(e,t+3)==108?"$3":"$2-$3"))+e;case 115:return~C2(e,"stretch")?YN(He(e,"stretch","fill-available"),t)+e:e}break;case 4949:if(Pn(e,t+1)!==115)break;case 6444:switch(Pn(e,Bi(e)-3-(~C2(e,"!important")&&10))){case 107:return He(e,":",":"+Ge)+e;case 101:return He(e,/(.+:)([^;!]+)(;|!.+)?/,"$1"+Ge+(Pn(e,14)===45?"inline-":"")+"box$3$1"+Ge+"$2$3$1"+Dn+"$2box$3")+e}break;case 5936:switch(Pn(e,t+11)){case 114:return Ge+e+Dn+He(e,/[svh]\w+-[tblr]{2}/,"tb")+e;case 108:return Ge+e+Dn+He(e,/[svh]\w+-[tblr]{2}/,"tb-rl")+e;case 45:return Ge+e+Dn+He(e,/[svh]\w+-[tblr]{2}/,"lr")+e}return Ge+e+Dn+e+e}return e}var _ge=function(t,n,r,i){if(t.length>-1&&!t.return)switch(t.type){case LC:t.return=YN(t.value,t.length);break;case GN:return Lu([rd(t,{value:He(t.value,"@","@"+Ge)})],i);case DC:if(t.length)return ige(t.props,function(o){switch(rge(o,/(::plac\w+|:read-\w+)/)){case":read-only":case":read-write":return Lu([rd(t,{props:[He(o,/:(read-\w+)/,":"+ey+"$1")]})],i);case"::placeholder":return Lu([rd(t,{props:[He(o,/:(plac\w+)/,":"+Ge+"input-$1")]}),rd(t,{props:[He(o,/:(plac\w+)/,":"+ey+"$1")]}),rd(t,{props:[He(o,/:(plac\w+)/,Dn+"input-$1")]})],i)}return""})}},wge=[_ge],xge=function(t){var n=t.key;if(n==="css"){var r=document.querySelectorAll("style[data-emotion]:not([data-s])");Array.prototype.forEach.call(r,function(m){var S=m.getAttribute("data-emotion");S.indexOf(" ")!==-1&&(document.head.appendChild(m),m.setAttribute("data-s",""))})}var i=t.stylisPlugins||wge,o={},s,a=[];s=t.container||document.head,Array.prototype.forEach.call(document.querySelectorAll('style[data-emotion^="'+n+' "]'),function(m){for(var S=m.getAttribute("data-emotion").split(" "),v=1;v=4;++r,i-=4)n=e.charCodeAt(r)&255|(e.charCodeAt(++r)&255)<<8|(e.charCodeAt(++r)&255)<<16|(e.charCodeAt(++r)&255)<<24,n=(n&65535)*1540483477+((n>>>16)*59797<<16),n^=n>>>24,t=(n&65535)*1540483477+((n>>>16)*59797<<16)^(t&65535)*1540483477+((t>>>16)*59797<<16);switch(i){case 3:t^=(e.charCodeAt(r+2)&255)<<16;case 2:t^=(e.charCodeAt(r+1)&255)<<8;case 1:t^=e.charCodeAt(r)&255,t=(t&65535)*1540483477+((t>>>16)*59797<<16)}return t^=t>>>13,t=(t&65535)*1540483477+((t>>>16)*59797<<16),((t^t>>>15)>>>0).toString(36)}var Pge={animationIterationCount:1,aspectRatio:1,borderImageOutset:1,borderImageSlice:1,borderImageWidth:1,boxFlex:1,boxFlexGroup:1,boxOrdinalGroup:1,columnCount:1,columns:1,flex:1,flexGrow:1,flexPositive:1,flexShrink:1,flexNegative:1,flexOrder:1,gridRow:1,gridRowEnd:1,gridRowSpan:1,gridRowStart:1,gridColumn:1,gridColumnEnd:1,gridColumnSpan:1,gridColumnStart:1,msGridRow:1,msGridRowSpan:1,msGridColumn:1,msGridColumnSpan:1,fontWeight:1,lineHeight:1,opacity:1,order:1,orphans:1,tabSize:1,widows:1,zIndex:1,zoom:1,WebkitLineClamp:1,fillOpacity:1,floodOpacity:1,stopOpacity:1,strokeDasharray:1,strokeDashoffset:1,strokeMiterlimit:1,strokeOpacity:1,strokeWidth:1},Age=/[A-Z]|^ms/g,kge=/_EMO_([^_]+?)_([^]*?)_EMO_/g,JN=function(t){return t.charCodeAt(1)===45},L6=function(t){return t!=null&&typeof t!="boolean"},Jb=XN(function(e){return JN(e)?e:e.replace(Age,"-$&").toLowerCase()}),$6=function(t,n){switch(t){case"animation":case"animationName":if(typeof n=="string")return n.replace(kge,function(r,i,o){return ji={name:i,styles:o,next:ji},i})}return Pge[t]!==1&&!JN(t)&&typeof n=="number"&&n!==0?n+"px":n};function zf(e,t,n){if(n==null)return"";if(n.__emotion_styles!==void 0)return n;switch(typeof n){case"boolean":return"";case"object":{if(n.anim===1)return ji={name:n.name,styles:n.styles,next:ji},n.name;if(n.styles!==void 0){var r=n.next;if(r!==void 0)for(;r!==void 0;)ji={name:r.name,styles:r.styles,next:ji},r=r.next;var i=n.styles+";";return i}return Rge(e,t,n)}case"function":{if(e!==void 0){var o=ji,s=n(e);return ji=o,zf(e,t,s)}break}}if(t==null)return n;var a=t[n];return a!==void 0?a:n}function Rge(e,t,n){var r="";if(Array.isArray(n))for(var i=0;i` or ``");return e}var iD=k.createContext({});iD.displayName="ColorModeContext";function BC(){const e=k.useContext(iD);if(e===void 0)throw new Error("useColorMode must be used within a ColorModeProvider");return e}function S4e(e,t){const{colorMode:n}=BC();return n==="dark"?t:e}function Fge(){const e=BC(),t=rD();return{...e,theme:t}}function Bge(e,t,n){var r,i;if(t==null)return t;const o=s=>{var a,l;return(l=(a=e.__breakpoints)==null?void 0:a.asArray)==null?void 0:l[s]};return(i=(r=o(t))!=null?r:o(n))!=null?i:n}function jge(e,t,n){var r,i;if(t==null)return t;const o=s=>{var a,l;return(l=(a=e.__cssMap)==null?void 0:a[s])==null?void 0:l.value};return(i=(r=o(t))!=null?r:o(n))!=null?i:n}function _4e(e,t,n){const r=rD();return Vge(e,t,n)(r)}function Vge(e,t,n){const r=Array.isArray(t)?t:[t],i=Array.isArray(n)?n:[n];return o=>{const s=i.filter(Boolean),a=r.map((l,u)=>{var c,d;if(e==="breakpoints")return Bge(o,l,(c=s[u])!=null?c:l);const f=`${e}.${l}`;return jge(o,f,(d=s[u])!=null?d:l)});return Array.isArray(t)?a:a[0]}}var oD=(...e)=>e.filter(Boolean).join(" ");function zge(){return!1}function Mo(e){const t=typeof e;return e!=null&&(t==="object"||t==="function")&&!Array.isArray(e)}var w4e=e=>{const{condition:t,message:n}=e;t&&zge()&&console.warn(n)};function Na(e,...t){return Uge(e)?e(...t):e}var Uge=e=>typeof e=="function",x4e=e=>e?"":void 0,C4e=e=>e?!0:void 0;function T4e(...e){return function(n){e.some(r=>(r==null||r(n),n==null?void 0:n.defaultPrevented))}}function E4e(...e){return function(n){e.forEach(r=>{r==null||r(n)})}}var ty={exports:{}};ty.exports;(function(e,t){var n=200,r="__lodash_hash_undefined__",i=800,o=16,s=9007199254740991,a="[object Arguments]",l="[object Array]",u="[object AsyncFunction]",c="[object Boolean]",d="[object Date]",f="[object Error]",h="[object Function]",p="[object GeneratorFunction]",m="[object Map]",S="[object Number]",v="[object Null]",y="[object Object]",g="[object Proxy]",b="[object RegExp]",_="[object Set]",w="[object String]",x="[object Undefined]",T="[object WeakMap]",P="[object ArrayBuffer]",E="[object DataView]",A="[object Float32Array]",$="[object Float64Array]",I="[object Int8Array]",C="[object Int16Array]",R="[object Int32Array]",M="[object Uint8Array]",N="[object Uint8ClampedArray]",O="[object Uint16Array]",D="[object Uint32Array]",L=/[\\^$.*+?()[\]{}|]/g,j=/^\[object .+?Constructor\]$/,U=/^(?:0|[1-9]\d*)$/,G={};G[A]=G[$]=G[I]=G[C]=G[R]=G[M]=G[N]=G[O]=G[D]=!0,G[a]=G[l]=G[P]=G[c]=G[E]=G[d]=G[f]=G[h]=G[m]=G[S]=G[y]=G[b]=G[_]=G[w]=G[T]=!1;var W=typeof Ee=="object"&&Ee&&Ee.Object===Object&&Ee,X=typeof self=="object"&&self&&self.Object===Object&&self,Y=W||X||Function("return this")(),B=t&&!t.nodeType&&t,H=B&&!0&&e&&!e.nodeType&&e,Q=H&&H.exports===B,J=Q&&W.process,ne=function(){try{var F=H&&H.require&&H.require("util").types;return F||J&&J.binding&&J.binding("util")}catch{}}(),te=ne&&ne.isTypedArray;function xe(F,V,q){switch(q.length){case 0:return F.call(V);case 1:return F.call(V,q[0]);case 2:return F.call(V,q[0],q[1]);case 3:return F.call(V,q[0],q[1],q[2])}return F.apply(V,q)}function ve(F,V){for(var q=-1,ie=Array(F);++q-1}function fo(F,V){var q=this.__data__,ie=kl(q,F);return ie<0?(++this.size,q.push([F,V])):q[ie][1]=V,this}wn.prototype.clear=co,wn.prototype.delete=Zo,wn.prototype.get=Jo,wn.prototype.has=Al,wn.prototype.set=fo;function qn(F){var V=-1,q=F==null?0:F.length;for(this.clear();++V1?q[De-1]:void 0,mt=De>2?q[2]:void 0;for(rt=F.length>3&&typeof rt=="function"?(De--,rt):void 0,mt&&V$(q[0],q[1],mt)&&(rt=De<3?void 0:rt,De=1),V=Object(V);++ie-1&&F%1==0&&F0){if(++V>=i)return arguments[0]}else V=0;return F.apply(void 0,arguments)}}function X$(F){if(F!=null){try{return tt.call(F)}catch{}try{return F+""}catch{}}return""}function Kh(F,V){return F===V||F!==F&&V!==V}var P1=qh(function(){return arguments}())?qh:function(F){return Rc(F)&&Gt.call(F,"callee")&&!ri.call(F,"callee")},A1=Array.isArray;function k1(F){return F!=null&&k3(F.length)&&!R1(F)}function Y$(F){return Rc(F)&&k1(F)}var A3=ca||tF;function R1(F){if(!ha(F))return!1;var V=Ol(F);return V==h||V==p||V==u||V==g}function k3(F){return typeof F=="number"&&F>-1&&F%1==0&&F<=s}function ha(F){var V=typeof F;return F!=null&&(V=="object"||V=="function")}function Rc(F){return F!=null&&typeof F=="object"}function Q$(F){if(!Rc(F)||Ol(F)!=y)return!1;var V=wr(F);if(V===null)return!0;var q=Gt.call(V,"constructor")&&V.constructor;return typeof q=="function"&&q instanceof q&&tt.call(q)==Lr}var R3=te?ce(te):kc;function Z$(F){return L$(F,O3(F))}function O3(F){return k1(F)?_1(F,!0):A$(F)}var J$=$$(function(F,V,q,ie){T3(F,V,q,ie)});function eF(F){return function(){return F}}function M3(F){return F}function tF(){return!1}e.exports=J$})(ty,ty.exports);var Gge=ty.exports;const Wi=al(Gge);var Hge=e=>/!(important)?$/.test(e),j6=e=>typeof e=="string"?e.replace(/!(important)?$/,"").trim():e,qge=(e,t)=>n=>{const r=String(t),i=Hge(r),o=j6(r),s=e?`${e}.${o}`:o;let a=Mo(n.__cssMap)&&s in n.__cssMap?n.__cssMap[s].varRef:t;return a=j6(a),i?`${a} !important`:a};function jC(e){const{scale:t,transform:n,compose:r}=e;return(o,s)=>{var a;const l=qge(t,o)(s);let u=(a=n==null?void 0:n(l,s))!=null?a:l;return r&&(u=r(u,s)),u}}var zp=(...e)=>t=>e.reduce((n,r)=>r(n),t);function jr(e,t){return n=>{const r={property:n,scale:e};return r.transform=jC({scale:e,transform:t}),r}}var Wge=({rtl:e,ltr:t})=>n=>n.direction==="rtl"?e:t;function Kge(e){const{property:t,scale:n,transform:r}=e;return{scale:n,property:Wge(t),transform:n?jC({scale:n,compose:r}):r}}var sD=["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))"];function Xge(){return["translateX(var(--chakra-translate-x, 0))","translateY(var(--chakra-translate-y, 0))",...sD].join(" ")}function Yge(){return["translate3d(var(--chakra-translate-x, 0), var(--chakra-translate-y, 0), 0)",...sD].join(" ")}var Qge={"--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(" ")},Zge={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,/*!*/ /*!*/)"};function Jge(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(", ")}}var eme={"row-reverse":{space:"--chakra-space-x-reverse",divide:"--chakra-divide-x-reverse"},"column-reverse":{space:"--chakra-space-y-reverse",divide:"--chakra-divide-y-reverse"}},E2={"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"},tme=new Set(Object.values(E2)),P2=new Set(["none","-moz-initial","inherit","initial","revert","unset"]),nme=e=>e.trim();function rme(e,t){if(e==null||P2.has(e))return e;if(!(A2(e)||P2.has(e)))return`url('${e}')`;const i=/(^[a-z-A-Z]+)\((.*)\)/g.exec(e),o=i==null?void 0:i[1],s=i==null?void 0:i[2];if(!o||!s)return e;const a=o.includes("-gradient")?o:`${o}-gradient`,[l,...u]=s.split(",").map(nme).filter(Boolean);if((u==null?void 0:u.length)===0)return e;const c=l in E2?E2[l]:l;u.unshift(c);const d=u.map(f=>{if(tme.has(f))return f;const h=f.indexOf(" "),[p,m]=h!==-1?[f.substr(0,h),f.substr(h+1)]:[f],S=A2(m)?m:m&&m.split(" "),v=`colors.${p}`,y=v in t.__cssMap?t.__cssMap[v].varRef:p;return S?[y,...Array.isArray(S)?S:[S]].join(" "):y});return`${a}(${d.join(", ")})`}var A2=e=>typeof e=="string"&&e.includes("(")&&e.includes(")"),ime=(e,t)=>rme(e,t??{});function ome(e){return/^var\(--.+\)$/.test(e)}var sme=e=>{const t=parseFloat(e.toString()),n=e.toString().replace(String(t),"");return{unitless:!n,value:t,unit:n}},Mi=e=>t=>`${e}(${t})`,je={filter(e){return e!=="auto"?e:Qge},backdropFilter(e){return e!=="auto"?e:Zge},ring(e){return Jge(je.px(e))},bgClip(e){return e==="text"?{color:"transparent",backgroundClip:"text"}:{backgroundClip:e}},transform(e){return e==="auto"?Xge():e==="auto-gpu"?Yge():e},vh(e){return e==="$100vh"?"var(--chakra-vh)":e},px(e){if(e==null)return e;const{unitless:t}=sme(e);return t||typeof e=="number"?`${e}px`:e},fraction(e){return typeof e!="number"||e>1?e:`${e*100}%`},float(e,t){const n={left:"right",right:"left"};return t.direction==="rtl"?n[e]:e},degree(e){if(ome(e)||e==null)return e;const t=typeof e=="string"&&!e.endsWith("deg");return typeof e=="number"||t?`${e}deg`:e},gradient:ime,blur:Mi("blur"),opacity:Mi("opacity"),brightness:Mi("brightness"),contrast:Mi("contrast"),dropShadow:Mi("drop-shadow"),grayscale:Mi("grayscale"),hueRotate:Mi("hue-rotate"),invert:Mi("invert"),saturate:Mi("saturate"),sepia:Mi("sepia"),bgImage(e){return e==null||A2(e)||P2.has(e)?e:`url(${e})`},outline(e){const t=String(e)==="0"||String(e)==="none";return e!==null&&t?{outline:"2px solid transparent",outlineOffset:"2px"}:{outline:e}},flexDirection(e){var t;const{space:n,divide:r}=(t=eme[e])!=null?t:{},i={flexDirection:e};return n&&(i[n]=1),r&&(i[r]=1),i}},z={borderWidths:jr("borderWidths"),borderStyles:jr("borderStyles"),colors:jr("colors"),borders:jr("borders"),gradients:jr("gradients",je.gradient),radii:jr("radii",je.px),space:jr("space",zp(je.vh,je.px)),spaceT:jr("space",zp(je.vh,je.px)),degreeT(e){return{property:e,transform:je.degree}},prop(e,t,n){return{property:e,scale:t,...t&&{transform:jC({scale:t,transform:n})}}},propT(e,t){return{property:e,transform:t}},sizes:jr("sizes",zp(je.vh,je.px)),sizesT:jr("sizes",zp(je.vh,je.fraction)),shadows:jr("shadows"),logical:Kge,blur:jr("blur",je.blur)},Cg={background:z.colors("background"),backgroundColor:z.colors("backgroundColor"),backgroundImage:z.gradients("backgroundImage"),backgroundSize:!0,backgroundPosition:!0,backgroundRepeat:!0,backgroundAttachment:!0,backgroundClip:{transform:je.bgClip},bgSize:z.prop("backgroundSize"),bgPosition:z.prop("backgroundPosition"),bg:z.colors("background"),bgColor:z.colors("backgroundColor"),bgPos:z.prop("backgroundPosition"),bgRepeat:z.prop("backgroundRepeat"),bgAttachment:z.prop("backgroundAttachment"),bgGradient:z.gradients("backgroundImage"),bgClip:{transform:je.bgClip}};Object.assign(Cg,{bgImage:Cg.backgroundImage,bgImg:Cg.backgroundImage});var Ue={border:z.borders("border"),borderWidth:z.borderWidths("borderWidth"),borderStyle:z.borderStyles("borderStyle"),borderColor:z.colors("borderColor"),borderRadius:z.radii("borderRadius"),borderTop:z.borders("borderTop"),borderBlockStart:z.borders("borderBlockStart"),borderTopLeftRadius:z.radii("borderTopLeftRadius"),borderStartStartRadius:z.logical({scale:"radii",property:{ltr:"borderTopLeftRadius",rtl:"borderTopRightRadius"}}),borderEndStartRadius:z.logical({scale:"radii",property:{ltr:"borderBottomLeftRadius",rtl:"borderBottomRightRadius"}}),borderTopRightRadius:z.radii("borderTopRightRadius"),borderStartEndRadius:z.logical({scale:"radii",property:{ltr:"borderTopRightRadius",rtl:"borderTopLeftRadius"}}),borderEndEndRadius:z.logical({scale:"radii",property:{ltr:"borderBottomRightRadius",rtl:"borderBottomLeftRadius"}}),borderRight:z.borders("borderRight"),borderInlineEnd:z.borders("borderInlineEnd"),borderBottom:z.borders("borderBottom"),borderBlockEnd:z.borders("borderBlockEnd"),borderBottomLeftRadius:z.radii("borderBottomLeftRadius"),borderBottomRightRadius:z.radii("borderBottomRightRadius"),borderLeft:z.borders("borderLeft"),borderInlineStart:{property:"borderInlineStart",scale:"borders"},borderInlineStartRadius:z.logical({scale:"radii",property:{ltr:["borderTopLeftRadius","borderBottomLeftRadius"],rtl:["borderTopRightRadius","borderBottomRightRadius"]}}),borderInlineEndRadius:z.logical({scale:"radii",property:{ltr:["borderTopRightRadius","borderBottomRightRadius"],rtl:["borderTopLeftRadius","borderBottomLeftRadius"]}}),borderX:z.borders(["borderLeft","borderRight"]),borderInline:z.borders("borderInline"),borderY:z.borders(["borderTop","borderBottom"]),borderBlock:z.borders("borderBlock"),borderTopWidth:z.borderWidths("borderTopWidth"),borderBlockStartWidth:z.borderWidths("borderBlockStartWidth"),borderTopColor:z.colors("borderTopColor"),borderBlockStartColor:z.colors("borderBlockStartColor"),borderTopStyle:z.borderStyles("borderTopStyle"),borderBlockStartStyle:z.borderStyles("borderBlockStartStyle"),borderBottomWidth:z.borderWidths("borderBottomWidth"),borderBlockEndWidth:z.borderWidths("borderBlockEndWidth"),borderBottomColor:z.colors("borderBottomColor"),borderBlockEndColor:z.colors("borderBlockEndColor"),borderBottomStyle:z.borderStyles("borderBottomStyle"),borderBlockEndStyle:z.borderStyles("borderBlockEndStyle"),borderLeftWidth:z.borderWidths("borderLeftWidth"),borderInlineStartWidth:z.borderWidths("borderInlineStartWidth"),borderLeftColor:z.colors("borderLeftColor"),borderInlineStartColor:z.colors("borderInlineStartColor"),borderLeftStyle:z.borderStyles("borderLeftStyle"),borderInlineStartStyle:z.borderStyles("borderInlineStartStyle"),borderRightWidth:z.borderWidths("borderRightWidth"),borderInlineEndWidth:z.borderWidths("borderInlineEndWidth"),borderRightColor:z.colors("borderRightColor"),borderInlineEndColor:z.colors("borderInlineEndColor"),borderRightStyle:z.borderStyles("borderRightStyle"),borderInlineEndStyle:z.borderStyles("borderInlineEndStyle"),borderTopRadius:z.radii(["borderTopLeftRadius","borderTopRightRadius"]),borderBottomRadius:z.radii(["borderBottomLeftRadius","borderBottomRightRadius"]),borderLeftRadius:z.radii(["borderTopLeftRadius","borderBottomLeftRadius"]),borderRightRadius:z.radii(["borderTopRightRadius","borderBottomRightRadius"])};Object.assign(Ue,{rounded:Ue.borderRadius,roundedTop:Ue.borderTopRadius,roundedTopLeft:Ue.borderTopLeftRadius,roundedTopRight:Ue.borderTopRightRadius,roundedTopStart:Ue.borderStartStartRadius,roundedTopEnd:Ue.borderStartEndRadius,roundedBottom:Ue.borderBottomRadius,roundedBottomLeft:Ue.borderBottomLeftRadius,roundedBottomRight:Ue.borderBottomRightRadius,roundedBottomStart:Ue.borderEndStartRadius,roundedBottomEnd:Ue.borderEndEndRadius,roundedLeft:Ue.borderLeftRadius,roundedRight:Ue.borderRightRadius,roundedStart:Ue.borderInlineStartRadius,roundedEnd:Ue.borderInlineEndRadius,borderStart:Ue.borderInlineStart,borderEnd:Ue.borderInlineEnd,borderTopStartRadius:Ue.borderStartStartRadius,borderTopEndRadius:Ue.borderStartEndRadius,borderBottomStartRadius:Ue.borderEndStartRadius,borderBottomEndRadius:Ue.borderEndEndRadius,borderStartRadius:Ue.borderInlineStartRadius,borderEndRadius:Ue.borderInlineEndRadius,borderStartWidth:Ue.borderInlineStartWidth,borderEndWidth:Ue.borderInlineEndWidth,borderStartColor:Ue.borderInlineStartColor,borderEndColor:Ue.borderInlineEndColor,borderStartStyle:Ue.borderInlineStartStyle,borderEndStyle:Ue.borderInlineEndStyle});var ame={color:z.colors("color"),textColor:z.colors("color"),fill:z.colors("fill"),stroke:z.colors("stroke")},k2={boxShadow:z.shadows("boxShadow"),mixBlendMode:!0,blendMode:z.prop("mixBlendMode"),backgroundBlendMode:!0,bgBlendMode:z.prop("backgroundBlendMode"),opacity:!0};Object.assign(k2,{shadow:k2.boxShadow});var lme={filter:{transform:je.filter},blur:z.blur("--chakra-blur"),brightness:z.propT("--chakra-brightness",je.brightness),contrast:z.propT("--chakra-contrast",je.contrast),hueRotate:z.degreeT("--chakra-hue-rotate"),invert:z.propT("--chakra-invert",je.invert),saturate:z.propT("--chakra-saturate",je.saturate),dropShadow:z.propT("--chakra-drop-shadow",je.dropShadow),backdropFilter:{transform:je.backdropFilter},backdropBlur:z.blur("--chakra-backdrop-blur"),backdropBrightness:z.propT("--chakra-backdrop-brightness",je.brightness),backdropContrast:z.propT("--chakra-backdrop-contrast",je.contrast),backdropHueRotate:z.degreeT("--chakra-backdrop-hue-rotate"),backdropInvert:z.propT("--chakra-backdrop-invert",je.invert),backdropSaturate:z.propT("--chakra-backdrop-saturate",je.saturate)},ny={alignItems:!0,alignContent:!0,justifyItems:!0,justifyContent:!0,flexWrap:!0,flexDirection:{transform:je.flexDirection},flex:!0,flexFlow:!0,flexGrow:!0,flexShrink:!0,flexBasis:z.sizes("flexBasis"),justifySelf:!0,alignSelf:!0,order:!0,placeItems:!0,placeContent:!0,placeSelf:!0,gap:z.space("gap"),rowGap:z.space("rowGap"),columnGap:z.space("columnGap")};Object.assign(ny,{flexDir:ny.flexDirection});var aD={gridGap:z.space("gridGap"),gridColumnGap:z.space("gridColumnGap"),gridRowGap:z.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},ume={appearance:!0,cursor:!0,resize:!0,userSelect:!0,pointerEvents:!0,outline:{transform:je.outline},outlineOffset:!0,outlineColor:z.colors("outlineColor")},zr={width:z.sizesT("width"),inlineSize:z.sizesT("inlineSize"),height:z.sizes("height"),blockSize:z.sizes("blockSize"),boxSize:z.sizes(["width","height"]),minWidth:z.sizes("minWidth"),minInlineSize:z.sizes("minInlineSize"),minHeight:z.sizes("minHeight"),minBlockSize:z.sizes("minBlockSize"),maxWidth:z.sizes("maxWidth"),maxInlineSize:z.sizes("maxInlineSize"),maxHeight:z.sizes("maxHeight"),maxBlockSize:z.sizes("maxBlockSize"),overflow:!0,overflowX:!0,overflowY:!0,overscrollBehavior:!0,overscrollBehaviorX:!0,overscrollBehaviorY:!0,display:!0,aspectRatio:!0,hideFrom:{scale:"breakpoints",transform:(e,t)=>{var n,r,i;return{[`@media screen and (min-width: ${(i=(r=(n=t.__breakpoints)==null?void 0:n.get(e))==null?void 0:r.minW)!=null?i:e})`]:{display:"none"}}}},hideBelow:{scale:"breakpoints",transform:(e,t)=>{var n,r,i;return{[`@media screen and (max-width: ${(i=(r=(n=t.__breakpoints)==null?void 0:n.get(e))==null?void 0:r._minW)!=null?i:e})`]:{display:"none"}}}},verticalAlign:!0,boxSizing:!0,boxDecorationBreak:!0,float:z.propT("float",je.float),objectFit:!0,objectPosition:!0,visibility:!0,isolation:!0};Object.assign(zr,{w:zr.width,h:zr.height,minW:zr.minWidth,maxW:zr.maxWidth,minH:zr.minHeight,maxH:zr.maxHeight,overscroll:zr.overscrollBehavior,overscrollX:zr.overscrollBehaviorX,overscrollY:zr.overscrollBehaviorY});var cme={listStyleType:!0,listStylePosition:!0,listStylePos:z.prop("listStylePosition"),listStyleImage:!0,listStyleImg:z.prop("listStyleImage")};function dme(e,t,n,r){const i=typeof t=="string"?t.split("."):[t];for(r=0;r{const t=new WeakMap;return(r,i,o,s)=>{if(typeof r>"u")return e(r,i,o);t.has(r)||t.set(r,new Map);const a=t.get(r);if(a.has(i))return a.get(i);const l=e(r,i,o,s);return a.set(i,l),l}},hme=fme(dme),pme={border:"0px",clip:"rect(0, 0, 0, 0)",width:"1px",height:"1px",margin:"-1px",padding:"0px",overflow:"hidden",whiteSpace:"nowrap",position:"absolute"},gme={position:"static",width:"auto",height:"auto",clip:"auto",padding:"0",margin:"0",overflow:"visible",whiteSpace:"normal"},eS=(e,t,n)=>{const r={},i=hme(e,t,{});for(const o in i)o in n&&n[o]!=null||(r[o]=i[o]);return r},mme={srOnly:{transform(e){return e===!0?pme:e==="focusable"?gme:{}}},layerStyle:{processResult:!0,transform:(e,t,n)=>eS(t,`layerStyles.${e}`,n)},textStyle:{processResult:!0,transform:(e,t,n)=>eS(t,`textStyles.${e}`,n)},apply:{processResult:!0,transform:(e,t,n)=>eS(t,e,n)}},Rd={position:!0,pos:z.prop("position"),zIndex:z.prop("zIndex","zIndices"),inset:z.spaceT("inset"),insetX:z.spaceT(["left","right"]),insetInline:z.spaceT("insetInline"),insetY:z.spaceT(["top","bottom"]),insetBlock:z.spaceT("insetBlock"),top:z.spaceT("top"),insetBlockStart:z.spaceT("insetBlockStart"),bottom:z.spaceT("bottom"),insetBlockEnd:z.spaceT("insetBlockEnd"),left:z.spaceT("left"),insetInlineStart:z.logical({scale:"space",property:{ltr:"left",rtl:"right"}}),right:z.spaceT("right"),insetInlineEnd:z.logical({scale:"space",property:{ltr:"right",rtl:"left"}})};Object.assign(Rd,{insetStart:Rd.insetInlineStart,insetEnd:Rd.insetInlineEnd});var yme={ring:{transform:je.ring},ringColor:z.colors("--chakra-ring-color"),ringOffset:z.prop("--chakra-ring-offset-width"),ringOffsetColor:z.colors("--chakra-ring-offset-color"),ringInset:z.prop("--chakra-ring-inset")},dt={margin:z.spaceT("margin"),marginTop:z.spaceT("marginTop"),marginBlockStart:z.spaceT("marginBlockStart"),marginRight:z.spaceT("marginRight"),marginInlineEnd:z.spaceT("marginInlineEnd"),marginBottom:z.spaceT("marginBottom"),marginBlockEnd:z.spaceT("marginBlockEnd"),marginLeft:z.spaceT("marginLeft"),marginInlineStart:z.spaceT("marginInlineStart"),marginX:z.spaceT(["marginInlineStart","marginInlineEnd"]),marginInline:z.spaceT("marginInline"),marginY:z.spaceT(["marginTop","marginBottom"]),marginBlock:z.spaceT("marginBlock"),padding:z.space("padding"),paddingTop:z.space("paddingTop"),paddingBlockStart:z.space("paddingBlockStart"),paddingRight:z.space("paddingRight"),paddingBottom:z.space("paddingBottom"),paddingBlockEnd:z.space("paddingBlockEnd"),paddingLeft:z.space("paddingLeft"),paddingInlineStart:z.space("paddingInlineStart"),paddingInlineEnd:z.space("paddingInlineEnd"),paddingX:z.space(["paddingInlineStart","paddingInlineEnd"]),paddingInline:z.space("paddingInline"),paddingY:z.space(["paddingTop","paddingBottom"]),paddingBlock:z.space("paddingBlock")};Object.assign(dt,{m:dt.margin,mt:dt.marginTop,mr:dt.marginRight,me:dt.marginInlineEnd,marginEnd:dt.marginInlineEnd,mb:dt.marginBottom,ml:dt.marginLeft,ms:dt.marginInlineStart,marginStart:dt.marginInlineStart,mx:dt.marginX,my:dt.marginY,p:dt.padding,pt:dt.paddingTop,py:dt.paddingY,px:dt.paddingX,pb:dt.paddingBottom,pl:dt.paddingLeft,ps:dt.paddingInlineStart,paddingStart:dt.paddingInlineStart,pr:dt.paddingRight,pe:dt.paddingInlineEnd,paddingEnd:dt.paddingInlineEnd});var vme={textDecorationColor:z.colors("textDecorationColor"),textDecoration:!0,textDecor:{property:"textDecoration"},textDecorationLine:!0,textDecorationStyle:!0,textDecorationThickness:!0,textUnderlineOffset:!0,textShadow:z.shadows("textShadow")},bme={clipPath:!0,transform:z.propT("transform",je.transform),transformOrigin:!0,translateX:z.spaceT("--chakra-translate-x"),translateY:z.spaceT("--chakra-translate-y"),skewX:z.degreeT("--chakra-skew-x"),skewY:z.degreeT("--chakra-skew-y"),scaleX:z.prop("--chakra-scale-x"),scaleY:z.prop("--chakra-scale-y"),scale:z.prop(["--chakra-scale-x","--chakra-scale-y"]),rotate:z.degreeT("--chakra-rotate")},Sme={transition:!0,transitionDelay:!0,animation:!0,willChange:!0,transitionDuration:z.prop("transitionDuration","transition.duration"),transitionProperty:z.prop("transitionProperty","transition.property"),transitionTimingFunction:z.prop("transitionTimingFunction","transition.easing")},_me={fontFamily:z.prop("fontFamily","fonts"),fontSize:z.prop("fontSize","fontSizes",je.px),fontWeight:z.prop("fontWeight","fontWeights"),lineHeight:z.prop("lineHeight","lineHeights"),letterSpacing:z.prop("letterSpacing","letterSpacings"),textAlign:!0,fontStyle:!0,textIndent:!0,wordBreak:!0,overflowWrap:!0,textOverflow:!0,textTransform:!0,whiteSpace:!0,isTruncated:{transform(e){if(e===!0)return{overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"}}},noOfLines:{static:{overflow:"hidden",textOverflow:"ellipsis",display:"-webkit-box",WebkitBoxOrient:"vertical",WebkitLineClamp:"var(--chakra-line-clamp)"},property:"--chakra-line-clamp"}},wme={scrollBehavior:!0,scrollSnapAlign:!0,scrollSnapStop:!0,scrollSnapType:!0,scrollMargin:z.spaceT("scrollMargin"),scrollMarginTop:z.spaceT("scrollMarginTop"),scrollMarginBottom:z.spaceT("scrollMarginBottom"),scrollMarginLeft:z.spaceT("scrollMarginLeft"),scrollMarginRight:z.spaceT("scrollMarginRight"),scrollMarginX:z.spaceT(["scrollMarginLeft","scrollMarginRight"]),scrollMarginY:z.spaceT(["scrollMarginTop","scrollMarginBottom"]),scrollPadding:z.spaceT("scrollPadding"),scrollPaddingTop:z.spaceT("scrollPaddingTop"),scrollPaddingBottom:z.spaceT("scrollPaddingBottom"),scrollPaddingLeft:z.spaceT("scrollPaddingLeft"),scrollPaddingRight:z.spaceT("scrollPaddingRight"),scrollPaddingX:z.spaceT(["scrollPaddingLeft","scrollPaddingRight"]),scrollPaddingY:z.spaceT(["scrollPaddingTop","scrollPaddingBottom"])};function lD(e){return Mo(e)&&e.reference?e.reference:String(e)}var Zv=(e,...t)=>t.map(lD).join(` ${e} `).replace(/calc/g,""),V6=(...e)=>`calc(${Zv("+",...e)})`,z6=(...e)=>`calc(${Zv("-",...e)})`,R2=(...e)=>`calc(${Zv("*",...e)})`,U6=(...e)=>`calc(${Zv("/",...e)})`,G6=e=>{const t=lD(e);return t!=null&&!Number.isNaN(parseFloat(t))?String(t).startsWith("-")?String(t).slice(1):`-${t}`:R2(t,-1)},Pa=Object.assign(e=>({add:(...t)=>Pa(V6(e,...t)),subtract:(...t)=>Pa(z6(e,...t)),multiply:(...t)=>Pa(R2(e,...t)),divide:(...t)=>Pa(U6(e,...t)),negate:()=>Pa(G6(e)),toString:()=>e.toString()}),{add:V6,subtract:z6,multiply:R2,divide:U6,negate:G6});function xme(e,t="-"){return e.replace(/\s+/g,t)}function Cme(e){const t=xme(e.toString());return Eme(Tme(t))}function Tme(e){return e.includes("\\.")?e:!Number.isInteger(parseFloat(e.toString()))?e.replace(".","\\."):e}function Eme(e){return e.replace(/[!-,/:-@[-^`{-~]/g,"\\$&")}function Pme(e,t=""){return[t,e].filter(Boolean).join("-")}function Ame(e,t){return`var(${e}${t?`, ${t}`:""})`}function kme(e,t=""){return Cme(`--${Pme(e,t)}`)}function O2(e,t,n){const r=kme(e,n);return{variable:r,reference:Ame(r,t)}}function P4e(e,t){const n={};for(const r of t){if(Array.isArray(r)){const[i,o]=r;n[i]=O2(`${e}-${i}`,o);continue}n[r]=O2(`${e}-${r}`)}return n}function Rme(e){const t=e==null?0:e.length;return t?e[t-1]:void 0}function Ome(e){const t=parseFloat(e.toString()),n=e.toString().replace(String(t),"");return{unitless:!n,value:t,unit:n}}function M2(e){if(e==null)return e;const{unitless:t}=Ome(e);return t||typeof e=="number"?`${e}px`:e}var uD=(e,t)=>parseInt(e[1],10)>parseInt(t[1],10)?1:-1,VC=e=>Object.fromEntries(Object.entries(e).sort(uD));function H6(e){const t=VC(e);return Object.assign(Object.values(t),t)}function Mme(e){const t=Object.keys(VC(e));return new Set(t)}function q6(e){var t;if(!e)return e;e=(t=M2(e))!=null?t:e;const n=-.02;return typeof e=="number"?`${e+n}`:e.replace(/(\d+\.?\d*)/u,r=>`${parseFloat(r)+n}`)}function pd(e,t){const n=["@media screen"];return e&&n.push("and",`(min-width: ${M2(e)})`),t&&n.push("and",`(max-width: ${M2(t)})`),n.join(" ")}function Ime(e){var t;if(!e)return null;e.base=(t=e.base)!=null?t:"0px";const n=H6(e),r=Object.entries(e).sort(uD).map(([s,a],l,u)=>{var c;let[,d]=(c=u[l+1])!=null?c:[];return d=parseFloat(d)>0?q6(d):void 0,{_minW:q6(a),breakpoint:s,minW:a,maxW:d,maxWQuery:pd(null,d),minWQuery:pd(a),minMaxQuery:pd(a,d)}}),i=Mme(e),o=Array.from(i.values());return{keys:i,normalized:n,isResponsive(s){const a=Object.keys(s);return a.length>0&&a.every(l=>i.has(l))},asObject:VC(e),asArray:H6(e),details:r,get(s){return r.find(a=>a.breakpoint===s)},media:[null,...n.map(s=>pd(s)).slice(1)],toArrayValue(s){if(!Mo(s))throw new Error("toArrayValue: value must be an object");const a=o.map(l=>{var u;return(u=s[l])!=null?u:null});for(;Rme(a)===null;)a.pop();return a},toObjectValue(s){if(!Array.isArray(s))throw new Error("toObjectValue: value must be an array");return s.reduce((a,l,u)=>{const c=o[u];return c!=null&&l!=null&&(a[c]=l),a},{})}}}var xn={hover:(e,t)=>`${e}:hover ${t}, ${e}[data-hover] ${t}`,focus:(e,t)=>`${e}:focus ${t}, ${e}[data-focus] ${t}`,focusVisible:(e,t)=>`${e}:focus-visible ${t}`,focusWithin:(e,t)=>`${e}:focus-within ${t}`,active:(e,t)=>`${e}:active ${t}, ${e}[data-active] ${t}`,disabled:(e,t)=>`${e}:disabled ${t}, ${e}[data-disabled] ${t}`,invalid:(e,t)=>`${e}:invalid ${t}, ${e}[data-invalid] ${t}`,checked:(e,t)=>`${e}:checked ${t}, ${e}[data-checked] ${t}`,indeterminate:(e,t)=>`${e}:indeterminate ${t}, ${e}[aria-checked=mixed] ${t}, ${e}[data-indeterminate] ${t}`,readOnly:(e,t)=>`${e}:read-only ${t}, ${e}[readonly] ${t}, ${e}[data-read-only] ${t}`,expanded:(e,t)=>`${e}:read-only ${t}, ${e}[aria-expanded=true] ${t}, ${e}[data-expanded] ${t}`,placeholderShown:(e,t)=>`${e}:placeholder-shown ${t}`},os=e=>cD(t=>e(t,"&"),"[role=group]","[data-group]",".group"),mo=e=>cD(t=>e(t,"~ &"),"[data-peer]",".peer"),cD=(e,...t)=>t.map(e).join(", "),Jv={_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",_firstLetter:"&::first-letter",_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:os(xn.hover),_peerHover:mo(xn.hover),_groupFocus:os(xn.focus),_peerFocus:mo(xn.focus),_groupFocusVisible:os(xn.focusVisible),_peerFocusVisible:mo(xn.focusVisible),_groupActive:os(xn.active),_peerActive:mo(xn.active),_groupDisabled:os(xn.disabled),_peerDisabled:mo(xn.disabled),_groupInvalid:os(xn.invalid),_peerInvalid:mo(xn.invalid),_groupChecked:os(xn.checked),_peerChecked:mo(xn.checked),_groupFocusWithin:os(xn.focusWithin),_peerFocusWithin:mo(xn.focusWithin),_peerPlaceholderShown:mo(xn.placeholderShown),_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]",_horizontal:"&[data-orientation=horizontal]",_vertical:"&[data-orientation=vertical]"},dD=Object.keys(Jv);function W6(e,t){return O2(String(e).replace(/\./g,"-"),void 0,t)}function Nme(e,t){let n={};const r={};for(const[i,o]of Object.entries(e)){const{isSemantic:s,value:a}=o,{variable:l,reference:u}=W6(i,t==null?void 0:t.cssVarPrefix);if(!s){if(i.startsWith("space")){const f=i.split("."),[h,...p]=f,m=`${h}.-${p.join(".")}`,S=Pa.negate(a),v=Pa.negate(u);r[m]={value:S,var:l,varRef:v}}n[l]=a,r[i]={value:a,var:l,varRef:u};continue}const c=f=>{const p=[String(i).split(".")[0],f].join(".");if(!e[p])return f;const{reference:S}=W6(p,t==null?void 0:t.cssVarPrefix);return S},d=Mo(a)?a:{default:a};n=Wi(n,Object.entries(d).reduce((f,[h,p])=>{var m,S;if(!p)return f;const v=c(`${p}`);if(h==="default")return f[l]=v,f;const y=(S=(m=Jv)==null?void 0:m[h])!=null?S:h;return f[y]={[l]:v},f},{})),r[i]={value:u,var:l,varRef:u}}return{cssVars:n,cssMap:r}}function Dme(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}function Lme(e,t){const n={};for(const r of t)r in e&&(n[r]=e[r]);return n}function $me(e){return typeof e=="object"&&e!=null&&!Array.isArray(e)}function K6(e,t,n={}){const{stop:r,getKey:i}=n;function o(s,a=[]){var l;if($me(s)||Array.isArray(s)){const u={};for(const[c,d]of Object.entries(s)){const f=(l=i==null?void 0:i(c))!=null?l:c,h=[...a,f];if(r!=null&&r(s,h))return t(s,a);u[f]=o(d,h)}return u}return t(s,a)}return o(e)}var Fme=["colors","borders","borderWidths","borderStyles","fonts","fontSizes","fontWeights","gradients","letterSpacings","lineHeights","radii","space","shadows","sizes","zIndices","transition","blur","breakpoints"];function Bme(e){return Lme(e,Fme)}function jme(e){return e.semanticTokens}function Vme(e){const{__cssMap:t,__cssVars:n,__breakpoints:r,...i}=e;return i}var zme=e=>dD.includes(e)||e==="default";function Ume({tokens:e,semanticTokens:t}){const n={};return K6(e,(r,i)=>{r!=null&&(n[i.join(".")]={isSemantic:!1,value:r})}),K6(t,(r,i)=>{r!=null&&(n[i.join(".")]={isSemantic:!0,value:r})},{stop:r=>Object.keys(r).every(zme)}),n}function A4e(e){var t;const n=Vme(e),r=Bme(n),i=jme(n),o=Ume({tokens:r,semanticTokens:i}),s=(t=n.config)==null?void 0:t.cssVarPrefix,{cssMap:a,cssVars:l}=Nme(o,{cssVarPrefix:s});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:a,__breakpoints:Ime(n.breakpoints)}),n}var zC=Wi({},Cg,Ue,ame,ny,zr,lme,yme,ume,aD,mme,Rd,k2,dt,wme,_me,vme,bme,cme,Sme),Gme=Object.assign({},dt,zr,ny,aD,Rd),k4e=Object.keys(Gme),Hme=[...Object.keys(zC),...dD],qme={...zC,...Jv},Wme=e=>e in qme,Kme=e=>t=>{if(!t.__breakpoints)return e;const{isResponsive:n,toArrayValue:r,media:i}=t.__breakpoints,o={};for(const s in e){let a=Na(e[s],t);if(a==null)continue;if(a=Mo(a)&&n(a)?r(a):a,!Array.isArray(a)){o[s]=a;continue}const l=a.slice(0,i.length).length;for(let u=0;ue.startsWith("--")&&typeof t=="string"&&!Yme(t),Zme=(e,t)=>{var n,r;if(t==null)return t;const i=l=>{var u,c;return(c=(u=e.__cssMap)==null?void 0:u[l])==null?void 0:c.varRef},o=l=>{var u;return(u=i(l))!=null?u:l},[s,a]=Xme(t);return t=(r=(n=i(s))!=null?n:o(a))!=null?r:o(t),t};function Jme(e){const{configs:t={},pseudos:n={},theme:r}=e,i=(o,s=!1)=>{var a,l,u;const c=Na(o,r),d=Kme(c)(r);let f={};for(let h in d){const p=d[h];let m=Na(p,r);h in n&&(h=n[h]),Qme(h,m)&&(m=Zme(r,m));let S=t[h];if(S===!0&&(S={property:h}),Mo(m)){f[h]=(a=f[h])!=null?a:{},f[h]=Wi({},f[h],i(m,!0));continue}let v=(u=(l=S==null?void 0:S.transform)==null?void 0:l.call(S,m,r,c))!=null?u:m;v=S!=null&&S.processResult?i(v,!0):v;const y=Na(S==null?void 0:S.property,r);if(!s&&(S!=null&&S.static)){const g=Na(S.static,r);f=Wi({},f,g)}if(y&&Array.isArray(y)){for(const g of y)f[g]=v;continue}if(y){y==="&"&&Mo(v)?f=Wi({},f,v):f[y]=v;continue}if(Mo(v)){f=Wi({},f,v);continue}f[h]=v}return f};return i}var eye=e=>t=>Jme({theme:t,pseudos:Jv,configs:zC})(e);function R4e(e){return e}function O4e(e){return e}function M4e(e){return{definePartsStyle(t){return t},defineMultiStyleConfig(t){return{parts:e,...t}}}}function tye(e,t){if(Array.isArray(e))return e;if(Mo(e))return t(e);if(e!=null)return[e]}function nye(e,t){for(let n=t+1;n{Wi(u,{[g]:f?y[g]:{[v]:y[g]}})});continue}if(!h){f?Wi(u,y):u[v]=y;continue}u[v]=y}}return u}}function iye(e){return t=>{var n;const{variant:r,size:i,theme:o}=t,s=rye(o);return Wi({},Na((n=e.baseStyle)!=null?n:{},t),s(e,"sizes",i,t),s(e,"variants",r,t))}}function I4e(e,t,n){var r,i,o;return(o=(i=(r=e.__cssMap)==null?void 0:r[`${t}.${n}`])==null?void 0:i.varRef)!=null?o:n}function fD(e){return Dme(e,["styleConfig","size","variant","colorScheme"])}function oye(e){return e!=null&&typeof e=="object"&&"nodeType"in e&&e.nodeType===Node.ELEMENT_NODE}function N4e(e){var t;return oye(e)&&(t=e.ownerDocument)!=null?t:document}function sye(){return!!(typeof window<"u"&&window.document&&window.document.createElement)}var aye=sye();function lye(e,t){const n={};return Object.keys(e).forEach(r=>{t.includes(r)||(n[r]=e[r])}),n}function uye(e,t,n,r){const i=typeof t=="string"?t.split("."):[t];for(r=0;r{const t=new WeakMap;return(r,i,o,s)=>{if(typeof r>"u")return e(r,i,o);t.has(r)||t.set(r,new Map);const a=t.get(r);if(a.has(i))return a.get(i);const l=e(r,i,o,s);return a.set(i,l),l}},dye=cye(uye);function hD(e,t){const n={};return Object.keys(e).forEach(r=>{const i=e[r];t(i,r,e)&&(n[r]=i)}),n}var pD=e=>hD(e,t=>t!=null);function fye(e){return typeof e=="function"}function hye(e,...t){return fye(e)?e(...t):e}function pye(...e){return function(n){e.some(r=>(r==null||r(n),n==null?void 0:n.defaultPrevented))}}var gye=typeof Element<"u",mye=typeof Map=="function",yye=typeof Set=="function",vye=typeof ArrayBuffer=="function"&&!!ArrayBuffer.isView;function Tg(e,t){if(e===t)return!0;if(e&&t&&typeof e=="object"&&typeof t=="object"){if(e.constructor!==t.constructor)return!1;var n,r,i;if(Array.isArray(e)){if(n=e.length,n!=t.length)return!1;for(r=n;r--!==0;)if(!Tg(e[r],t[r]))return!1;return!0}var o;if(mye&&e instanceof Map&&t instanceof Map){if(e.size!==t.size)return!1;for(o=e.entries();!(r=o.next()).done;)if(!t.has(r.value[0]))return!1;for(o=e.entries();!(r=o.next()).done;)if(!Tg(r.value[1],t.get(r.value[0])))return!1;return!0}if(yye&&e instanceof Set&&t instanceof Set){if(e.size!==t.size)return!1;for(o=e.entries();!(r=o.next()).done;)if(!t.has(r.value[0]))return!1;return!0}if(vye&&ArrayBuffer.isView(e)&&ArrayBuffer.isView(t)){if(n=e.length,n!=t.length)return!1;for(r=n;r--!==0;)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&&typeof e.valueOf=="function"&&typeof t.valueOf=="function")return e.valueOf()===t.valueOf();if(e.toString!==Object.prototype.toString&&typeof e.toString=="function"&&typeof t.toString=="function")return e.toString()===t.toString();if(i=Object.keys(e),n=i.length,n!==Object.keys(t).length)return!1;for(r=n;r--!==0;)if(!Object.prototype.hasOwnProperty.call(t,i[r]))return!1;if(gye&&e instanceof Element)return!1;for(r=n;r--!==0;)if(!((i[r]==="_owner"||i[r]==="__v"||i[r]==="__o")&&e.$$typeof)&&!Tg(e[i[r]],t[i[r]]))return!1;return!0}return e!==e&&t!==t}var bye=function(t,n){try{return Tg(t,n)}catch(r){if((r.message||"").match(/stack|recursion/i))return console.warn("react-fast-compare cannot handle circular refs"),!1;throw r}};const Sye=al(bye);function gD(e,t={}){var n;const{styleConfig:r,...i}=t,{theme:o,colorMode:s}=Fge(),a=e?dye(o,`components.${e}`):void 0,l=r||a,u=Wi({theme:o,colorMode:s},(n=l==null?void 0:l.defaultProps)!=null?n:{},pD(lye(i,["children"]))),c=k.useRef({});if(l){const f=iye(l)(u);Sye(c.current,f)||(c.current=f)}return c.current}function mD(e,t={}){return gD(e,t)}function D4e(e,t={}){return gD(e,t)}var _ye=new Set([...Hme,"textStyle","layerStyle","apply","noOfLines","focusBorderColor","errorBorderColor","as","__css","css","sx"]),wye=new Set(["htmlWidth","htmlHeight","htmlSize","htmlTranslate"]);function xye(e){return wye.has(e)||!_ye.has(e)}function Cye(e,...t){if(e==null)throw new TypeError("Cannot convert undefined or null to object");const n={...e};for(const r of t)if(r!=null)for(const i in r)Object.prototype.hasOwnProperty.call(r,i)&&(i in n&&delete n[i],n[i]=r[i]);return n}var Tye=/^((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)-.*))$/,Eye=XN(function(e){return Tye.test(e)||e.charCodeAt(0)===111&&e.charCodeAt(1)===110&&e.charCodeAt(2)<91}),Pye=Eye,Aye=function(t){return t!=="theme"},X6=function(t){return typeof t=="string"&&t.charCodeAt(0)>96?Pye:Aye},Y6=function(t,n,r){var i;if(n){var o=n.shouldForwardProp;i=t.__emotion_forwardProp&&o?function(s){return t.__emotion_forwardProp(s)&&o(s)}:o}return typeof i!="function"&&r&&(i=t.__emotion_forwardProp),i},kye=function(t){var n=t.cache,r=t.serialized,i=t.isStringTag;return QN(n,r,i),Mge(function(){return ZN(n,r,i)}),null},Rye=function e(t,n){var r=t.__emotion_real===t,i=r&&t.__emotion_base||t,o,s;n!==void 0&&(o=n.label,s=n.target);var a=Y6(t,n,r),l=a||X6(i),u=!l("as");return function(){var c=arguments,d=r&&t.__emotion_styles!==void 0?t.__emotion_styles.slice(0):[];if(o!==void 0&&d.push("label:"+o+";"),c[0]==null||c[0].raw===void 0)d.push.apply(d,c);else{d.push(c[0][0]);for(var f=c.length,h=1;ht=>{const{theme:n,css:r,__css:i,sx:o,...s}=t,a=hD(s,(d,f)=>Wme(f)),l=hye(e,t),u=Cye({},i,l,pD(a),o),c=eye(u)(t.theme);return r?[c,r]:c};function tS(e,t){const{baseStyle:n,...r}=t??{};r.shouldForwardProp||(r.shouldForwardProp=xye);const i=Iye({baseStyle:n}),o=Mye(e,r)(i);return Xe.forwardRef(function(l,u){const{colorMode:c,forced:d}=BC();return Xe.createElement(o,{ref:u,"data-theme":d?c:void 0,...l})})}function Nye(){const e=new Map;return new Proxy(tS,{apply(t,n,r){return tS(...r)},get(t,n){return e.has(n)||e.set(n,tS(n)),e.get(n)}})}var sl=Nye();function Tl(e){return k.forwardRef(e)}const yD=k.createContext({transformPagePoint:e=>e,isStatic:!1,reducedMotion:"never"}),e1=k.createContext({}),Lh=k.createContext(null),t1=typeof document<"u",iy=t1?k.useLayoutEffect:k.useEffect,vD=k.createContext({strict:!1});function Dye(e,t,n,r){const{visualElement:i}=k.useContext(e1),o=k.useContext(vD),s=k.useContext(Lh),a=k.useContext(yD).reducedMotion,l=k.useRef();r=r||o.renderer,!l.current&&r&&(l.current=r(e,{visualState:t,parent:i,props:n,presenceContext:s,blockInitialAnimation:s?s.initial===!1:!1,reducedMotionConfig:a}));const u=l.current;return k.useInsertionEffect(()=>{u&&u.update(n,s)}),iy(()=>{u&&u.render()}),k.useEffect(()=>{u&&u.updateFeatures()}),(window.HandoffAppearAnimations?iy:k.useEffect)(()=>{u&&u.animationState&&u.animationState.animateChanges()}),u}function hu(e){return typeof e=="object"&&Object.prototype.hasOwnProperty.call(e,"current")}function Lye(e,t,n){return k.useCallback(r=>{r&&e.mount&&e.mount(r),t&&(r?t.mount(r):t.unmount()),n&&(typeof n=="function"?n(r):hu(n)&&(n.current=r))},[t])}function Gf(e){return typeof e=="string"||Array.isArray(e)}function n1(e){return typeof e=="object"&&typeof e.start=="function"}const UC=["animate","whileInView","whileFocus","whileHover","whileTap","whileDrag","exit"],GC=["initial",...UC];function r1(e){return n1(e.animate)||GC.some(t=>Gf(e[t]))}function bD(e){return!!(r1(e)||e.variants)}function $ye(e,t){if(r1(e)){const{initial:n,animate:r}=e;return{initial:n===!1||Gf(n)?n:void 0,animate:Gf(r)?r:void 0}}return e.inherit!==!1?t:{}}function Fye(e){const{initial:t,animate:n}=$ye(e,k.useContext(e1));return k.useMemo(()=>({initial:t,animate:n}),[Z6(t),Z6(n)])}function Z6(e){return Array.isArray(e)?e.join(" "):e}const J6={animation:["animate","variants","whileHover","whileTap","exit","whileInView","whileFocus","whileDrag"],exit:["exit"],drag:["drag","dragControls"],focus:["whileFocus"],hover:["whileHover","onHoverStart","onHoverEnd"],tap:["whileTap","onTap","onTapStart","onTapCancel"],pan:["onPan","onPanStart","onPanSessionStart","onPanEnd"],inView:["whileInView","onViewportEnter","onViewportLeave"],layout:["layout","layoutId"]},Hf={};for(const e in J6)Hf[e]={isEnabled:t=>J6[e].some(n=>!!t[n])};function Bye(e){for(const t in e)Hf[t]={...Hf[t],...e[t]}}const HC=k.createContext({}),SD=k.createContext({}),jye=Symbol.for("motionComponentSymbol");function Vye({preloadedFeatures:e,createVisualElement:t,useRender:n,useVisualState:r,Component:i}){e&&Bye(e);function o(a,l){let u;const c={...k.useContext(yD),...a,layoutId:zye(a)},{isStatic:d}=c,f=Fye(a),h=r(a,d);if(!d&&t1){f.visualElement=Dye(i,h,c,t);const p=k.useContext(SD),m=k.useContext(vD).strict;f.visualElement&&(u=f.visualElement.loadFeatures(c,m,e,p))}return k.createElement(e1.Provider,{value:f},u&&f.visualElement?k.createElement(u,{visualElement:f.visualElement,...c}):null,n(i,a,Lye(h,f.visualElement,l),h,d,f.visualElement))}const s=k.forwardRef(o);return s[jye]=i,s}function zye({layoutId:e}){const t=k.useContext(HC).id;return t&&e!==void 0?t+"-"+e:e}function Uye(e){function t(r,i={}){return Vye(e(r,i))}if(typeof Proxy>"u")return t;const n=new Map;return new Proxy(t,{get:(r,i)=>(n.has(i)||n.set(i,t(i)),n.get(i))})}const Gye=["animate","circle","defs","desc","ellipse","g","image","line","filter","marker","mask","metadata","path","pattern","polygon","polyline","rect","stop","switch","symbol","svg","text","tspan","use","view"];function qC(e){return typeof e!="string"||e.includes("-")?!1:!!(Gye.indexOf(e)>-1||/[A-Z]/.test(e))}const oy={};function Hye(e){Object.assign(oy,e)}const $h=["transformPerspective","x","y","z","translateX","translateY","translateZ","scale","scaleX","scaleY","rotate","rotateX","rotateY","rotateZ","skew","skewX","skewY"],El=new Set($h);function _D(e,{layout:t,layoutId:n}){return El.has(e)||e.startsWith("origin")||(t||n!==void 0)&&(!!oy[e]||e==="opacity")}const _r=e=>!!(e&&e.getVelocity),qye={x:"translateX",y:"translateY",z:"translateZ",transformPerspective:"perspective"},Wye=$h.length;function Kye(e,{enableHardwareAcceleration:t=!0,allowTransformNone:n=!0},r,i){let o="";for(let s=0;st=>typeof t=="string"&&t.startsWith(e),xD=wD("--"),I2=wD("var(--"),Xye=/var\s*\(\s*--[\w-]+(\s*,\s*(?:(?:[^)(]|\((?:[^)(]+|\([^)(]*\))*\))*)+)?\s*\)/g,Yye=(e,t)=>t&&typeof e=="number"?t.transform(e):e,Ks=(e,t,n)=>Math.min(Math.max(n,e),t),Pl={test:e=>typeof e=="number",parse:parseFloat,transform:e=>e},Od={...Pl,transform:e=>Ks(0,1,e)},Up={...Pl,default:1},Md=e=>Math.round(e*1e5)/1e5,i1=/(-)?([\d]*\.?[\d])+/g,CD=/(#[0-9a-f]{3,8}|(rgb|hsl)a?\((-?[\d\.]+%?[,\s]+){2}(-?[\d\.]+%?)\s*[\,\/]?\s*[\d\.]*%?\))/gi,Qye=/^(#[0-9a-f]{3,8}|(rgb|hsl)a?\((-?[\d\.]+%?[,\s]+){2}(-?[\d\.]+%?)\s*[\,\/]?\s*[\d\.]*%?\))$/i;function Fh(e){return typeof e=="string"}const Bh=e=>({test:t=>Fh(t)&&t.endsWith(e)&&t.split(" ").length===1,parse:parseFloat,transform:t=>`${t}${e}`}),as=Bh("deg"),Ji=Bh("%"),me=Bh("px"),Zye=Bh("vh"),Jye=Bh("vw"),eP={...Ji,parse:e=>Ji.parse(e)/100,transform:e=>Ji.transform(e*100)},tP={...Pl,transform:Math.round},TD={borderWidth:me,borderTopWidth:me,borderRightWidth:me,borderBottomWidth:me,borderLeftWidth:me,borderRadius:me,radius:me,borderTopLeftRadius:me,borderTopRightRadius:me,borderBottomRightRadius:me,borderBottomLeftRadius:me,width:me,maxWidth:me,height:me,maxHeight:me,size:me,top:me,right:me,bottom:me,left:me,padding:me,paddingTop:me,paddingRight:me,paddingBottom:me,paddingLeft:me,margin:me,marginTop:me,marginRight:me,marginBottom:me,marginLeft:me,rotate:as,rotateX:as,rotateY:as,rotateZ:as,scale:Up,scaleX:Up,scaleY:Up,scaleZ:Up,skew:as,skewX:as,skewY:as,distance:me,translateX:me,translateY:me,translateZ:me,x:me,y:me,z:me,perspective:me,transformPerspective:me,opacity:Od,originX:eP,originY:eP,originZ:me,zIndex:tP,fillOpacity:Od,strokeOpacity:Od,numOctaves:tP};function WC(e,t,n,r){const{style:i,vars:o,transform:s,transformOrigin:a}=e;let l=!1,u=!1,c=!0;for(const d in t){const f=t[d];if(xD(d)){o[d]=f;continue}const h=TD[d],p=Yye(f,h);if(El.has(d)){if(l=!0,s[d]=p,!c)continue;f!==(h.default||0)&&(c=!1)}else d.startsWith("origin")?(u=!0,a[d]=p):i[d]=p}if(t.transform||(l||r?i.transform=Kye(e.transform,n,c,r):i.transform&&(i.transform="none")),u){const{originX:d="50%",originY:f="50%",originZ:h=0}=a;i.transformOrigin=`${d} ${f} ${h}`}}const KC=()=>({style:{},transform:{},transformOrigin:{},vars:{}});function ED(e,t,n){for(const r in t)!_r(t[r])&&!_D(r,n)&&(e[r]=t[r])}function e0e({transformTemplate:e},t,n){return k.useMemo(()=>{const r=KC();return WC(r,t,{enableHardwareAcceleration:!n},e),Object.assign({},r.vars,r.style)},[t])}function t0e(e,t,n){const r=e.style||{},i={};return ED(i,r,e),Object.assign(i,e0e(e,t,n)),e.transformValues?e.transformValues(i):i}function n0e(e,t,n){const r={},i=t0e(e,t,n);return e.drag&&e.dragListener!==!1&&(r.draggable=!1,i.userSelect=i.WebkitUserSelect=i.WebkitTouchCallout="none",i.touchAction=e.drag===!0?"none":`pan-${e.drag==="x"?"y":"x"}`),e.tabIndex===void 0&&(e.onTap||e.onTapStart||e.whileTap)&&(r.tabIndex=0),r.style=i,r}const r0e=new Set(["animate","exit","variants","initial","style","values","variants","transition","transformTemplate","transformValues","custom","inherit","onLayoutAnimationStart","onLayoutAnimationComplete","onLayoutMeasure","onBeforeLayoutMeasure","onAnimationStart","onAnimationComplete","onUpdate","onDragStart","onDrag","onDragEnd","onMeasureDragConstraints","onDirectionLock","onDragTransitionEnd","_dragX","_dragY","onHoverStart","onHoverEnd","onViewportEnter","onViewportLeave","ignoreStrict","viewport"]);function sy(e){return e.startsWith("while")||e.startsWith("drag")&&e!=="draggable"||e.startsWith("layout")||e.startsWith("onTap")||e.startsWith("onPan")||r0e.has(e)}let PD=e=>!sy(e);function i0e(e){e&&(PD=t=>t.startsWith("on")?!sy(t):e(t))}try{i0e(require("@emotion/is-prop-valid").default)}catch{}function o0e(e,t,n){const r={};for(const i in e)i==="values"&&typeof e.values=="object"||(PD(i)||n===!0&&sy(i)||!t&&!sy(i)||e.draggable&&i.startsWith("onDrag"))&&(r[i]=e[i]);return r}function nP(e,t,n){return typeof e=="string"?e:me.transform(t+n*e)}function s0e(e,t,n){const r=nP(t,e.x,e.width),i=nP(n,e.y,e.height);return`${r} ${i}`}const a0e={offset:"stroke-dashoffset",array:"stroke-dasharray"},l0e={offset:"strokeDashoffset",array:"strokeDasharray"};function u0e(e,t,n=1,r=0,i=!0){e.pathLength=1;const o=i?a0e:l0e;e[o.offset]=me.transform(-r);const s=me.transform(t),a=me.transform(n);e[o.array]=`${s} ${a}`}function XC(e,{attrX:t,attrY:n,attrScale:r,originX:i,originY:o,pathLength:s,pathSpacing:a=1,pathOffset:l=0,...u},c,d,f){if(WC(e,u,c,f),d){e.style.viewBox&&(e.attrs.viewBox=e.style.viewBox);return}e.attrs=e.style,e.style={};const{attrs:h,style:p,dimensions:m}=e;h.transform&&(m&&(p.transform=h.transform),delete h.transform),m&&(i!==void 0||o!==void 0||p.transform)&&(p.transformOrigin=s0e(m,i!==void 0?i:.5,o!==void 0?o:.5)),t!==void 0&&(h.x=t),n!==void 0&&(h.y=n),r!==void 0&&(h.scale=r),s!==void 0&&u0e(h,s,a,l,!1)}const AD=()=>({...KC(),attrs:{}}),YC=e=>typeof e=="string"&&e.toLowerCase()==="svg";function c0e(e,t,n,r){const i=k.useMemo(()=>{const o=AD();return XC(o,t,{enableHardwareAcceleration:!1},YC(r),e.transformTemplate),{...o.attrs,style:{...o.style}}},[t]);if(e.style){const o={};ED(o,e.style,e),i.style={...o,...i.style}}return i}function d0e(e=!1){return(n,r,i,{latestValues:o},s)=>{const l=(qC(n)?c0e:n0e)(r,o,s,n),c={...o0e(r,typeof n=="string",e),...l,ref:i},{children:d}=r,f=k.useMemo(()=>_r(d)?d.get():d,[d]);return k.createElement(n,{...c,children:f})}}const QC=e=>e.replace(/([a-z])([A-Z])/g,"$1-$2").toLowerCase();function kD(e,{style:t,vars:n},r,i){Object.assign(e.style,t,i&&i.getProjectionStyles(r));for(const o in n)e.style.setProperty(o,n[o])}const RD=new Set(["baseFrequency","diffuseConstant","kernelMatrix","kernelUnitLength","keySplines","keyTimes","limitingConeAngle","markerHeight","markerWidth","numOctaves","targetX","targetY","surfaceScale","specularConstant","specularExponent","stdDeviation","tableValues","viewBox","gradientTransform","pathLength","startOffset","textLength","lengthAdjust"]);function OD(e,t,n,r){kD(e,t,void 0,r);for(const i in t.attrs)e.setAttribute(RD.has(i)?i:QC(i),t.attrs[i])}function ZC(e,t){const{style:n}=e,r={};for(const i in n)(_r(n[i])||t.style&&_r(t.style[i])||_D(i,e))&&(r[i]=n[i]);return r}function MD(e,t){const n=ZC(e,t);for(const r in e)if(_r(e[r])||_r(t[r])){const i=$h.indexOf(r)!==-1?"attr"+r.charAt(0).toUpperCase()+r.substring(1):r;n[i]=e[r]}return n}function JC(e,t,n,r={},i={}){return typeof t=="function"&&(t=t(n!==void 0?n:e.custom,r,i)),typeof t=="string"&&(t=e.variants&&e.variants[t]),typeof t=="function"&&(t=t(n!==void 0?n:e.custom,r,i)),t}function ID(e){const t=k.useRef(null);return t.current===null&&(t.current=e()),t.current}const ay=e=>Array.isArray(e),f0e=e=>!!(e&&typeof e=="object"&&e.mix&&e.toValue),h0e=e=>ay(e)?e[e.length-1]||0:e;function Eg(e){const t=_r(e)?e.get():e;return f0e(t)?t.toValue():t}function p0e({scrapeMotionValuesFromProps:e,createRenderState:t,onMount:n},r,i,o){const s={latestValues:g0e(r,i,o,e),renderState:t()};return n&&(s.mount=a=>n(r,a,s)),s}const ND=e=>(t,n)=>{const r=k.useContext(e1),i=k.useContext(Lh),o=()=>p0e(e,t,r,i);return n?o():ID(o)};function g0e(e,t,n,r){const i={},o=r(e,{});for(const f in o)i[f]=Eg(o[f]);let{initial:s,animate:a}=e;const l=r1(e),u=bD(e);t&&u&&!l&&e.inherit!==!1&&(s===void 0&&(s=t.initial),a===void 0&&(a=t.animate));let c=n?n.initial===!1:!1;c=c||s===!1;const d=c?a:s;return d&&typeof d!="boolean"&&!n1(d)&&(Array.isArray(d)?d:[d]).forEach(h=>{const p=JC(e,h);if(!p)return;const{transitionEnd:m,transition:S,...v}=p;for(const y in v){let g=v[y];if(Array.isArray(g)){const b=c?g.length-1:0;g=g[b]}g!==null&&(i[y]=g)}for(const y in m)i[y]=m[y]}),i}const m0e={useVisualState:ND({scrapeMotionValuesFromProps:MD,createRenderState:AD,onMount:(e,t,{renderState:n,latestValues:r})=>{try{n.dimensions=typeof t.getBBox=="function"?t.getBBox():t.getBoundingClientRect()}catch{n.dimensions={x:0,y:0,width:0,height:0}}XC(n,r,{enableHardwareAcceleration:!1},YC(t.tagName),e.transformTemplate),OD(t,n)}})},y0e={useVisualState:ND({scrapeMotionValuesFromProps:ZC,createRenderState:KC})};function v0e(e,{forwardMotionProps:t=!1},n,r){return{...qC(e)?m0e:y0e,preloadedFeatures:n,useRender:d0e(t),createVisualElement:r,Component:e}}function Ao(e,t,n,r={passive:!0}){return e.addEventListener(t,n,r),()=>e.removeEventListener(t,n)}const DD=e=>e.pointerType==="mouse"?typeof e.button!="number"||e.button<=0:e.isPrimary!==!1;function o1(e,t="page"){return{point:{x:e[t+"X"],y:e[t+"Y"]}}}const b0e=e=>t=>DD(t)&&e(t,o1(t));function Io(e,t,n,r){return Ao(e,t,b0e(n),r)}const S0e=(e,t)=>n=>t(e(n)),Ns=(...e)=>e.reduce(S0e);function LD(e){let t=null;return()=>{const n=()=>{t=null};return t===null?(t=e,n):!1}}const rP=LD("dragHorizontal"),iP=LD("dragVertical");function $D(e){let t=!1;if(e==="y")t=iP();else if(e==="x")t=rP();else{const n=rP(),r=iP();n&&r?t=()=>{n(),r()}:(n&&n(),r&&r())}return t}function FD(){const e=$D(!0);return e?(e(),!1):!0}class ua{constructor(t){this.isMounted=!1,this.node=t}update(){}}const Qt=e=>e;function _0e(e){let t=[],n=[],r=0,i=!1,o=!1;const s=new WeakSet,a={schedule:(l,u=!1,c=!1)=>{const d=c&&i,f=d?t:n;return u&&s.add(l),f.indexOf(l)===-1&&(f.push(l),d&&i&&(r=t.length)),l},cancel:l=>{const u=n.indexOf(l);u!==-1&&n.splice(u,1),s.delete(l)},process:l=>{if(i){o=!0;return}if(i=!0,[t,n]=[n,t],n.length=0,r=t.length,r)for(let u=0;u(d[f]=_0e(()=>n=!0),d),{}),s=d=>o[d].process(i),a=d=>{n=!1,i.delta=r?1e3/60:Math.max(Math.min(d-i.timestamp,w0e),1),i.timestamp=d,i.isProcessing=!0,Gp.forEach(s),i.isProcessing=!1,n&&t&&(r=!1,e(a))},l=()=>{n=!0,r=!0,i.isProcessing||e(a)};return{schedule:Gp.reduce((d,f)=>{const h=o[f];return d[f]=(p,m=!1,S=!1)=>(n||l(),h.schedule(p,m,S)),d},{}),cancel:d=>Gp.forEach(f=>o[f].cancel(d)),state:i,steps:o}}const{schedule:_t,cancel:Uo,state:$n,steps:nS}=x0e(typeof requestAnimationFrame<"u"?requestAnimationFrame:Qt,!0);function oP(e,t){const n="pointer"+(t?"enter":"leave"),r="onHover"+(t?"Start":"End"),i=(o,s)=>{if(o.type==="touch"||FD())return;const a=e.getProps();e.animationState&&a.whileHover&&e.animationState.setActive("whileHover",t),a[r]&&_t.update(()=>a[r](o,s))};return Io(e.current,n,i,{passive:!e.getProps()[r]})}class C0e extends ua{mount(){this.unmount=Ns(oP(this.node,!0),oP(this.node,!1))}unmount(){}}class T0e extends ua{constructor(){super(...arguments),this.isActive=!1}onFocus(){let t=!1;try{t=this.node.current.matches(":focus-visible")}catch{t=!0}!t||!this.node.animationState||(this.node.animationState.setActive("whileFocus",!0),this.isActive=!0)}onBlur(){!this.isActive||!this.node.animationState||(this.node.animationState.setActive("whileFocus",!1),this.isActive=!1)}mount(){this.unmount=Ns(Ao(this.node.current,"focus",()=>this.onFocus()),Ao(this.node.current,"blur",()=>this.onBlur()))}unmount(){}}const BD=(e,t)=>t?e===t?!0:BD(e,t.parentElement):!1;function rS(e,t){if(!t)return;const n=new PointerEvent("pointer"+e);t(n,o1(n))}class E0e extends ua{constructor(){super(...arguments),this.removeStartListeners=Qt,this.removeEndListeners=Qt,this.removeAccessibleListeners=Qt,this.startPointerPress=(t,n)=>{if(this.removeEndListeners(),this.isPressing)return;const r=this.node.getProps(),o=Io(window,"pointerup",(a,l)=>{if(!this.checkPressEnd())return;const{onTap:u,onTapCancel:c}=this.node.getProps();_t.update(()=>{BD(this.node.current,a.target)?u&&u(a,l):c&&c(a,l)})},{passive:!(r.onTap||r.onPointerUp)}),s=Io(window,"pointercancel",(a,l)=>this.cancelPress(a,l),{passive:!(r.onTapCancel||r.onPointerCancel)});this.removeEndListeners=Ns(o,s),this.startPress(t,n)},this.startAccessiblePress=()=>{const t=o=>{if(o.key!=="Enter"||this.isPressing)return;const s=a=>{a.key!=="Enter"||!this.checkPressEnd()||rS("up",(l,u)=>{const{onTap:c}=this.node.getProps();c&&_t.update(()=>c(l,u))})};this.removeEndListeners(),this.removeEndListeners=Ao(this.node.current,"keyup",s),rS("down",(a,l)=>{this.startPress(a,l)})},n=Ao(this.node.current,"keydown",t),r=()=>{this.isPressing&&rS("cancel",(o,s)=>this.cancelPress(o,s))},i=Ao(this.node.current,"blur",r);this.removeAccessibleListeners=Ns(n,i)}}startPress(t,n){this.isPressing=!0;const{onTapStart:r,whileTap:i}=this.node.getProps();i&&this.node.animationState&&this.node.animationState.setActive("whileTap",!0),r&&_t.update(()=>r(t,n))}checkPressEnd(){return this.removeEndListeners(),this.isPressing=!1,this.node.getProps().whileTap&&this.node.animationState&&this.node.animationState.setActive("whileTap",!1),!FD()}cancelPress(t,n){if(!this.checkPressEnd())return;const{onTapCancel:r}=this.node.getProps();r&&_t.update(()=>r(t,n))}mount(){const t=this.node.getProps(),n=Io(this.node.current,"pointerdown",this.startPointerPress,{passive:!(t.onTapStart||t.onPointerStart)}),r=Ao(this.node.current,"focus",this.startAccessiblePress);this.removeStartListeners=Ns(n,r)}unmount(){this.removeStartListeners(),this.removeEndListeners(),this.removeAccessibleListeners()}}const N2=new WeakMap,iS=new WeakMap,P0e=e=>{const t=N2.get(e.target);t&&t(e)},A0e=e=>{e.forEach(P0e)};function k0e({root:e,...t}){const n=e||document;iS.has(n)||iS.set(n,{});const r=iS.get(n),i=JSON.stringify(t);return r[i]||(r[i]=new IntersectionObserver(A0e,{root:e,...t})),r[i]}function R0e(e,t,n){const r=k0e(t);return N2.set(e,n),r.observe(e),()=>{N2.delete(e),r.unobserve(e)}}const O0e={some:0,all:1};class M0e extends ua{constructor(){super(...arguments),this.hasEnteredView=!1,this.isInView=!1}startObserver(){this.unmount();const{viewport:t={}}=this.node.getProps(),{root:n,margin:r,amount:i="some",once:o}=t,s={root:n?n.current:void 0,rootMargin:r,threshold:typeof i=="number"?i:O0e[i]},a=l=>{const{isIntersecting:u}=l;if(this.isInView===u||(this.isInView=u,o&&!u&&this.hasEnteredView))return;u&&(this.hasEnteredView=!0),this.node.animationState&&this.node.animationState.setActive("whileInView",u);const{onViewportEnter:c,onViewportLeave:d}=this.node.getProps(),f=u?c:d;f&&f(l)};return R0e(this.node.current,s,a)}mount(){this.startObserver()}update(){if(typeof IntersectionObserver>"u")return;const{props:t,prevProps:n}=this.node;["amount","margin","root"].some(I0e(t,n))&&this.startObserver()}unmount(){}}function I0e({viewport:e={}},{viewport:t={}}={}){return n=>e[n]!==t[n]}const N0e={inView:{Feature:M0e},tap:{Feature:E0e},focus:{Feature:T0e},hover:{Feature:C0e}};function jD(e,t){if(!Array.isArray(t))return!1;const n=t.length;if(n!==e.length)return!1;for(let r=0;rt[r]=n.get()),t}function L0e(e){const t={};return e.values.forEach((n,r)=>t[r]=n.getVelocity()),t}function s1(e,t,n){const r=e.getProps();return JC(r,t,n!==void 0?n:r.custom,D0e(e),L0e(e))}const $0e="framerAppearId",F0e="data-"+QC($0e);let B0e=Qt,e3=Qt;const Ds=e=>e*1e3,No=e=>e/1e3,j0e={current:!1},VD=e=>Array.isArray(e)&&typeof e[0]=="number";function zD(e){return!!(!e||typeof e=="string"&&UD[e]||VD(e)||Array.isArray(e)&&e.every(zD))}const gd=([e,t,n,r])=>`cubic-bezier(${e}, ${t}, ${n}, ${r})`,UD={linear:"linear",ease:"ease",easeIn:"ease-in",easeOut:"ease-out",easeInOut:"ease-in-out",circIn:gd([0,.65,.55,1]),circOut:gd([.55,0,1,.45]),backIn:gd([.31,.01,.66,-.59]),backOut:gd([.33,1.53,.69,.99])};function GD(e){if(e)return VD(e)?gd(e):Array.isArray(e)?e.map(GD):UD[e]}function V0e(e,t,n,{delay:r=0,duration:i,repeat:o=0,repeatType:s="loop",ease:a,times:l}={}){const u={[t]:n};l&&(u.offset=l);const c=GD(a);return Array.isArray(c)&&(u.easing=c),e.animate(u,{delay:r,duration:i,easing:Array.isArray(c)?"linear":c,fill:"both",iterations:o+1,direction:s==="reverse"?"alternate":"normal"})}const sP={waapi:()=>Object.hasOwnProperty.call(Element.prototype,"animate")},oS={},HD={};for(const e in sP)HD[e]=()=>(oS[e]===void 0&&(oS[e]=sP[e]()),oS[e]);function z0e(e,{repeat:t,repeatType:n="loop"}){const r=t&&n!=="loop"&&t%2===1?0:e.length-1;return e[r]}const qD=(e,t,n)=>(((1-3*n+3*t)*e+(3*n-6*t))*e+3*t)*e,U0e=1e-7,G0e=12;function H0e(e,t,n,r,i){let o,s,a=0;do s=t+(n-t)/2,o=qD(s,r,i)-e,o>0?n=s:t=s;while(Math.abs(o)>U0e&&++aH0e(o,0,1,e,n);return o=>o===0||o===1?o:qD(i(o),t,r)}const q0e=jh(.42,0,1,1),W0e=jh(0,0,.58,1),WD=jh(.42,0,.58,1),K0e=e=>Array.isArray(e)&&typeof e[0]!="number",KD=e=>t=>t<=.5?e(2*t)/2:(2-e(2*(1-t)))/2,XD=e=>t=>1-e(1-t),YD=e=>1-Math.sin(Math.acos(e)),t3=XD(YD),X0e=KD(t3),QD=jh(.33,1.53,.69,.99),n3=XD(QD),Y0e=KD(n3),Q0e=e=>(e*=2)<1?.5*n3(e):.5*(2-Math.pow(2,-10*(e-1))),Z0e={linear:Qt,easeIn:q0e,easeInOut:WD,easeOut:W0e,circIn:YD,circInOut:X0e,circOut:t3,backIn:n3,backInOut:Y0e,backOut:QD,anticipate:Q0e},aP=e=>{if(Array.isArray(e)){e3(e.length===4);const[t,n,r,i]=e;return jh(t,n,r,i)}else if(typeof e=="string")return Z0e[e];return e},r3=(e,t)=>n=>!!(Fh(n)&&Qye.test(n)&&n.startsWith(e)||t&&Object.prototype.hasOwnProperty.call(n,t)),ZD=(e,t,n)=>r=>{if(!Fh(r))return r;const[i,o,s,a]=r.match(i1);return{[e]:parseFloat(i),[t]:parseFloat(o),[n]:parseFloat(s),alpha:a!==void 0?parseFloat(a):1}},J0e=e=>Ks(0,255,e),sS={...Pl,transform:e=>Math.round(J0e(e))},Da={test:r3("rgb","red"),parse:ZD("red","green","blue"),transform:({red:e,green:t,blue:n,alpha:r=1})=>"rgba("+sS.transform(e)+", "+sS.transform(t)+", "+sS.transform(n)+", "+Md(Od.transform(r))+")"};function eve(e){let t="",n="",r="",i="";return e.length>5?(t=e.substring(1,3),n=e.substring(3,5),r=e.substring(5,7),i=e.substring(7,9)):(t=e.substring(1,2),n=e.substring(2,3),r=e.substring(3,4),i=e.substring(4,5),t+=t,n+=n,r+=r,i+=i),{red:parseInt(t,16),green:parseInt(n,16),blue:parseInt(r,16),alpha:i?parseInt(i,16)/255:1}}const D2={test:r3("#"),parse:eve,transform:Da.transform},pu={test:r3("hsl","hue"),parse:ZD("hue","saturation","lightness"),transform:({hue:e,saturation:t,lightness:n,alpha:r=1})=>"hsla("+Math.round(e)+", "+Ji.transform(Md(t))+", "+Ji.transform(Md(n))+", "+Md(Od.transform(r))+")"},Xn={test:e=>Da.test(e)||D2.test(e)||pu.test(e),parse:e=>Da.test(e)?Da.parse(e):pu.test(e)?pu.parse(e):D2.parse(e),transform:e=>Fh(e)?e:e.hasOwnProperty("red")?Da.transform(e):pu.transform(e)},At=(e,t,n)=>-n*e+n*t+e;function aS(e,t,n){return n<0&&(n+=1),n>1&&(n-=1),n<1/6?e+(t-e)*6*n:n<1/2?t:n<2/3?e+(t-e)*(2/3-n)*6:e}function tve({hue:e,saturation:t,lightness:n,alpha:r}){e/=360,t/=100,n/=100;let i=0,o=0,s=0;if(!t)i=o=s=n;else{const a=n<.5?n*(1+t):n+t-n*t,l=2*n-a;i=aS(l,a,e+1/3),o=aS(l,a,e),s=aS(l,a,e-1/3)}return{red:Math.round(i*255),green:Math.round(o*255),blue:Math.round(s*255),alpha:r}}const lS=(e,t,n)=>{const r=e*e;return Math.sqrt(Math.max(0,n*(t*t-r)+r))},nve=[D2,Da,pu],rve=e=>nve.find(t=>t.test(e));function lP(e){const t=rve(e);let n=t.parse(e);return t===pu&&(n=tve(n)),n}const JD=(e,t)=>{const n=lP(e),r=lP(t),i={...n};return o=>(i.red=lS(n.red,r.red,o),i.green=lS(n.green,r.green,o),i.blue=lS(n.blue,r.blue,o),i.alpha=At(n.alpha,r.alpha,o),Da.transform(i))};function ive(e){var t,n;return isNaN(e)&&Fh(e)&&(((t=e.match(i1))===null||t===void 0?void 0:t.length)||0)+(((n=e.match(CD))===null||n===void 0?void 0:n.length)||0)>0}const eL={regex:Xye,countKey:"Vars",token:"${v}",parse:Qt},tL={regex:CD,countKey:"Colors",token:"${c}",parse:Xn.parse},nL={regex:i1,countKey:"Numbers",token:"${n}",parse:Pl.parse};function uS(e,{regex:t,countKey:n,token:r,parse:i}){const o=e.tokenised.match(t);o&&(e["num"+n]=o.length,e.tokenised=e.tokenised.replace(t,r),e.values.push(...o.map(i)))}function ly(e){const t=e.toString(),n={value:t,tokenised:t,values:[],numVars:0,numColors:0,numNumbers:0};return n.value.includes("var(--")&&uS(n,eL),uS(n,tL),uS(n,nL),n}function rL(e){return ly(e).values}function iL(e){const{values:t,numColors:n,numVars:r,tokenised:i}=ly(e),o=t.length;return s=>{let a=i;for(let l=0;ltypeof e=="number"?0:e;function sve(e){const t=rL(e);return iL(e)(t.map(ove))}const Xs={test:ive,parse:rL,createTransformer:iL,getAnimatableNone:sve},oL=(e,t)=>n=>`${n>0?t:e}`;function sL(e,t){return typeof e=="number"?n=>At(e,t,n):Xn.test(e)?JD(e,t):e.startsWith("var(")?oL(e,t):lL(e,t)}const aL=(e,t)=>{const n=[...e],r=n.length,i=e.map((o,s)=>sL(o,t[s]));return o=>{for(let s=0;s{const n={...e,...t},r={};for(const i in n)e[i]!==void 0&&t[i]!==void 0&&(r[i]=sL(e[i],t[i]));return i=>{for(const o in r)n[o]=r[o](i);return n}},lL=(e,t)=>{const n=Xs.createTransformer(t),r=ly(e),i=ly(t);return r.numVars===i.numVars&&r.numColors===i.numColors&&r.numNumbers>=i.numNumbers?Ns(aL(r.values,i.values),n):oL(e,t)},qf=(e,t,n)=>{const r=t-e;return r===0?1:(n-e)/r},uP=(e,t)=>n=>At(e,t,n);function lve(e){return typeof e=="number"?uP:typeof e=="string"?Xn.test(e)?JD:lL:Array.isArray(e)?aL:typeof e=="object"?ave:uP}function uve(e,t,n){const r=[],i=n||lve(e[0]),o=e.length-1;for(let s=0;st[0];e[0]>e[o-1]&&(e=[...e].reverse(),t=[...t].reverse());const s=uve(t,r,i),a=s.length,l=u=>{let c=0;if(a>1)for(;cl(Ks(e[0],e[o-1],u)):l}function cve(e,t){const n=e[e.length-1];for(let r=1;r<=t;r++){const i=qf(0,t,r);e.push(At(n,1,i))}}function dve(e){const t=[0];return cve(t,e.length-1),t}function fve(e,t){return e.map(n=>n*t)}function hve(e,t){return e.map(()=>t||WD).splice(0,e.length-1)}function uy({duration:e=300,keyframes:t,times:n,ease:r="easeInOut"}){const i=K0e(r)?r.map(aP):aP(r),o={done:!1,value:t[0]},s=fve(n&&n.length===t.length?n:dve(t),e),a=uL(s,t,{ease:Array.isArray(i)?i:hve(t,i)});return{calculatedDuration:e,next:l=>(o.value=a(l),o.done=l>=e,o)}}function cL(e,t){return t?e*(1e3/t):0}const pve=5;function dL(e,t,n){const r=Math.max(t-pve,0);return cL(n-e(r),t-r)}const cS=.001,gve=.01,cP=10,mve=.05,yve=1;function vve({duration:e=800,bounce:t=.25,velocity:n=0,mass:r=1}){let i,o;B0e(e<=Ds(cP));let s=1-t;s=Ks(mve,yve,s),e=Ks(gve,cP,No(e)),s<1?(i=u=>{const c=u*s,d=c*e,f=c-n,h=L2(u,s),p=Math.exp(-d);return cS-f/h*p},o=u=>{const d=u*s*e,f=d*n+n,h=Math.pow(s,2)*Math.pow(u,2)*e,p=Math.exp(-d),m=L2(Math.pow(u,2),s);return(-i(u)+cS>0?-1:1)*((f-h)*p)/m}):(i=u=>{const c=Math.exp(-u*e),d=(u-n)*e+1;return-cS+c*d},o=u=>{const c=Math.exp(-u*e),d=(n-u)*(e*e);return c*d});const a=5/e,l=Sve(i,o,a);if(e=Ds(e),isNaN(l))return{stiffness:100,damping:10,duration:e};{const u=Math.pow(l,2)*r;return{stiffness:u,damping:s*2*Math.sqrt(r*u),duration:e}}}const bve=12;function Sve(e,t,n){let r=n;for(let i=1;ie[n]!==void 0)}function xve(e){let t={velocity:0,stiffness:100,damping:10,mass:1,isResolvedFromDuration:!1,...e};if(!dP(e,wve)&&dP(e,_ve)){const n=vve(e);t={...t,...n,velocity:0,mass:1},t.isResolvedFromDuration=!0}return t}function fL({keyframes:e,restDelta:t,restSpeed:n,...r}){const i=e[0],o=e[e.length-1],s={done:!1,value:i},{stiffness:a,damping:l,mass:u,velocity:c,duration:d,isResolvedFromDuration:f}=xve(r),h=c?-No(c):0,p=l/(2*Math.sqrt(a*u)),m=o-i,S=No(Math.sqrt(a/u)),v=Math.abs(m)<5;n||(n=v?.01:2),t||(t=v?.005:.5);let y;if(p<1){const g=L2(S,p);y=b=>{const _=Math.exp(-p*S*b);return o-_*((h+p*S*m)/g*Math.sin(g*b)+m*Math.cos(g*b))}}else if(p===1)y=g=>o-Math.exp(-S*g)*(m+(h+S*m)*g);else{const g=S*Math.sqrt(p*p-1);y=b=>{const _=Math.exp(-p*S*b),w=Math.min(g*b,300);return o-_*((h+p*S*m)*Math.sinh(w)+g*m*Math.cosh(w))/g}}return{calculatedDuration:f&&d||null,next:g=>{const b=y(g);if(f)s.done=g>=d;else{let _=h;g!==0&&(p<1?_=dL(y,g,b):_=0);const w=Math.abs(_)<=n,x=Math.abs(o-b)<=t;s.done=w&&x}return s.value=s.done?o:b,s}}}function fP({keyframes:e,velocity:t=0,power:n=.8,timeConstant:r=325,bounceDamping:i=10,bounceStiffness:o=500,modifyTarget:s,min:a,max:l,restDelta:u=.5,restSpeed:c}){const d=e[0],f={done:!1,value:d},h=T=>a!==void 0&&Tl,p=T=>a===void 0?l:l===void 0||Math.abs(a-T)-m*Math.exp(-T/r),g=T=>v+y(T),b=T=>{const P=y(T),E=g(T);f.done=Math.abs(P)<=u,f.value=f.done?v:E};let _,w;const x=T=>{h(f.value)&&(_=T,w=fL({keyframes:[f.value,p(f.value)],velocity:dL(g,T,f.value),damping:i,stiffness:o,restDelta:u,restSpeed:c}))};return x(0),{calculatedDuration:null,next:T=>{let P=!1;return!w&&_===void 0&&(P=!0,b(T),x(T)),_!==void 0&&T>_?w.next(T-_):(!P&&b(T),f)}}}const Cve=e=>{const t=({timestamp:n})=>e(n);return{start:()=>_t.update(t,!0),stop:()=>Uo(t),now:()=>$n.isProcessing?$n.timestamp:performance.now()}},hP=2e4;function pP(e){let t=0;const n=50;let r=e.next(t);for(;!r.done&&t=hP?1/0:t}const Tve={decay:fP,inertia:fP,tween:uy,keyframes:uy,spring:fL};function cy({autoplay:e=!0,delay:t=0,driver:n=Cve,keyframes:r,type:i="keyframes",repeat:o=0,repeatDelay:s=0,repeatType:a="loop",onPlay:l,onStop:u,onComplete:c,onUpdate:d,...f}){let h=1,p=!1,m,S;const v=()=>{S=new Promise(j=>{m=j})};v();let y;const g=Tve[i]||uy;let b;g!==uy&&typeof r[0]!="number"&&(b=uL([0,100],r,{clamp:!1}),r=[0,100]);const _=g({...f,keyframes:r});let w;a==="mirror"&&(w=g({...f,keyframes:[...r].reverse(),velocity:-(f.velocity||0)}));let x="idle",T=null,P=null,E=null;_.calculatedDuration===null&&o&&(_.calculatedDuration=pP(_));const{calculatedDuration:A}=_;let $=1/0,I=1/0;A!==null&&($=A+s,I=$*(o+1)-s);let C=0;const R=j=>{if(P===null)return;h>0&&(P=Math.min(P,j)),h<0&&(P=Math.min(j-I/h,P)),T!==null?C=T:C=Math.round(j-P)*h;const U=C-t*(h>=0?1:-1),G=h>=0?U<0:U>I;C=Math.max(U,0),x==="finished"&&T===null&&(C=I);let W=C,X=_;if(o){const Q=C/$;let J=Math.floor(Q),ne=Q%1;!ne&&Q>=1&&(ne=1),ne===1&&J--,J=Math.min(J,o+1);const te=!!(J%2);te&&(a==="reverse"?(ne=1-ne,s&&(ne-=s/$)):a==="mirror"&&(X=w));let xe=Ks(0,1,ne);C>I&&(xe=a==="reverse"&&te?1:0),W=xe*$}const Y=G?{done:!1,value:r[0]}:X.next(W);b&&(Y.value=b(Y.value));let{done:B}=Y;!G&&A!==null&&(B=h>=0?C>=I:C<=0);const H=T===null&&(x==="finished"||x==="running"&&B);return d&&d(Y.value),H&&O(),Y},M=()=>{y&&y.stop(),y=void 0},N=()=>{x="idle",M(),m(),v(),P=E=null},O=()=>{x="finished",c&&c(),M(),m()},D=()=>{if(p)return;y||(y=n(R));const j=y.now();l&&l(),T!==null?P=j-T:(!P||x==="finished")&&(P=j),x==="finished"&&v(),E=P,T=null,x="running",y.start()};e&&D();const L={then(j,U){return S.then(j,U)},get time(){return No(C)},set time(j){j=Ds(j),C=j,T!==null||!y||h===0?T=j:P=y.now()-j/h},get duration(){const j=_.calculatedDuration===null?pP(_):_.calculatedDuration;return No(j)},get speed(){return h},set speed(j){j===h||!y||(h=j,L.time=No(C))},get state(){return x},play:D,pause:()=>{x="paused",T=C},stop:()=>{p=!0,x!=="idle"&&(x="idle",u&&u(),N())},cancel:()=>{E!==null&&R(E),N()},complete:()=>{x="finished"},sample:j=>(P=0,R(j))};return L}const Eve=new Set(["opacity","clipPath","filter","transform","backgroundColor"]),Hp=10,Pve=2e4,Ave=(e,t)=>t.type==="spring"||e==="backgroundColor"||!zD(t.ease);function kve(e,t,{onUpdate:n,onComplete:r,...i}){if(!(HD.waapi()&&Eve.has(t)&&!i.repeatDelay&&i.repeatType!=="mirror"&&i.damping!==0&&i.type!=="inertia"))return!1;let s=!1,a,l;const u=()=>{l=new Promise(v=>{a=v})};u();let{keyframes:c,duration:d=300,ease:f,times:h}=i;if(Ave(t,i)){const v=cy({...i,repeat:0,delay:0});let y={done:!1,value:c[0]};const g=[];let b=0;for(;!y.done&&bp.cancel(),S=()=>{_t.update(m),a(),u()};return p.onfinish=()=>{e.set(z0e(c,i)),r&&r(),S()},{then(v,y){return l.then(v,y)},get time(){return No(p.currentTime||0)},set time(v){p.currentTime=Ds(v)},get speed(){return p.playbackRate},set speed(v){p.playbackRate=v},get duration(){return No(d)},play:()=>{s||(p.play(),Uo(m))},pause:()=>p.pause(),stop:()=>{if(s=!0,p.playState==="idle")return;const{currentTime:v}=p;if(v){const y=cy({...i,autoplay:!1});e.setWithVelocity(y.sample(v-Hp).value,y.sample(v).value,Hp)}S()},complete:()=>p.finish(),cancel:S}}function Rve({keyframes:e,delay:t,onUpdate:n,onComplete:r}){const i=()=>(n&&n(e[e.length-1]),r&&r(),{time:0,speed:1,duration:0,play:Qt,pause:Qt,stop:Qt,then:o=>(o(),Promise.resolve()),cancel:Qt,complete:Qt});return t?cy({keyframes:[0,1],duration:0,delay:t,onComplete:i}):i()}const Ove={type:"spring",stiffness:500,damping:25,restSpeed:10},Mve=e=>({type:"spring",stiffness:550,damping:e===0?2*Math.sqrt(550):30,restSpeed:10}),Ive={type:"keyframes",duration:.8},Nve={type:"keyframes",ease:[.25,.1,.35,1],duration:.3},Dve=(e,{keyframes:t})=>t.length>2?Ive:El.has(e)?e.startsWith("scale")?Mve(t[1]):Ove:Nve,$2=(e,t)=>e==="zIndex"?!1:!!(typeof t=="number"||Array.isArray(t)||typeof t=="string"&&(Xs.test(t)||t==="0")&&!t.startsWith("url(")),Lve=new Set(["brightness","contrast","saturate","opacity"]);function $ve(e){const[t,n]=e.slice(0,-1).split("(");if(t==="drop-shadow")return e;const[r]=n.match(i1)||[];if(!r)return e;const i=n.replace(r,"");let o=Lve.has(t)?1:0;return r!==n&&(o*=100),t+"("+o+i+")"}const Fve=/([a-z-]*)\(.*?\)/g,F2={...Xs,getAnimatableNone:e=>{const t=e.match(Fve);return t?t.map($ve).join(" "):e}},Bve={...TD,color:Xn,backgroundColor:Xn,outlineColor:Xn,fill:Xn,stroke:Xn,borderColor:Xn,borderTopColor:Xn,borderRightColor:Xn,borderBottomColor:Xn,borderLeftColor:Xn,filter:F2,WebkitFilter:F2},i3=e=>Bve[e];function hL(e,t){let n=i3(e);return n!==F2&&(n=Xs),n.getAnimatableNone?n.getAnimatableNone(t):void 0}const pL=e=>/^0[^.\s]+$/.test(e);function jve(e){if(typeof e=="number")return e===0;if(e!==null)return e==="none"||e==="0"||pL(e)}function Vve(e,t,n,r){const i=$2(t,n);let o;Array.isArray(n)?o=[...n]:o=[null,n];const s=r.from!==void 0?r.from:e.get();let a;const l=[];for(let u=0;ui=>{const o=gL(r,e)||{},s=o.delay||r.delay||0;let{elapsed:a=0}=r;a=a-Ds(s);const l=Vve(t,e,n,o),u=l[0],c=l[l.length-1],d=$2(e,u),f=$2(e,c);let h={keyframes:l,velocity:t.getVelocity(),ease:"easeOut",...o,delay:-a,onUpdate:p=>{t.set(p),o.onUpdate&&o.onUpdate(p)},onComplete:()=>{i(),o.onComplete&&o.onComplete()}};if(zve(o)||(h={...h,...Dve(e,h)}),h.duration&&(h.duration=Ds(h.duration)),h.repeatDelay&&(h.repeatDelay=Ds(h.repeatDelay)),!d||!f||j0e.current||o.type===!1)return Rve(h);if(t.owner&&t.owner.current instanceof HTMLElement&&!t.owner.getProps().onUpdate){const p=kve(t,e,h);if(p)return p}return cy(h)};function dy(e){return!!(_r(e)&&e.add)}const Uve=e=>/^\-?\d*\.?\d+$/.test(e);function s3(e,t){e.indexOf(t)===-1&&e.push(t)}function a3(e,t){const n=e.indexOf(t);n>-1&&e.splice(n,1)}class l3{constructor(){this.subscriptions=[]}add(t){return s3(this.subscriptions,t),()=>a3(this.subscriptions,t)}notify(t,n,r){const i=this.subscriptions.length;if(i)if(i===1)this.subscriptions[0](t,n,r);else for(let o=0;o!isNaN(parseFloat(e));class Hve{constructor(t,n={}){this.version="10.12.22",this.timeDelta=0,this.lastUpdated=0,this.canTrackVelocity=!1,this.events={},this.updateAndNotify=(r,i=!0)=>{this.prev=this.current,this.current=r;const{delta:o,timestamp:s}=$n;this.lastUpdated!==s&&(this.timeDelta=o,this.lastUpdated=s,_t.postRender(this.scheduleVelocityCheck)),this.prev!==this.current&&this.events.change&&this.events.change.notify(this.current),this.events.velocityChange&&this.events.velocityChange.notify(this.getVelocity()),i&&this.events.renderRequest&&this.events.renderRequest.notify(this.current)},this.scheduleVelocityCheck=()=>_t.postRender(this.velocityCheck),this.velocityCheck=({timestamp:r})=>{r!==this.lastUpdated&&(this.prev=this.current,this.events.velocityChange&&this.events.velocityChange.notify(this.getVelocity()))},this.hasAnimated=!1,this.prev=this.current=t,this.canTrackVelocity=Gve(this.current),this.owner=n.owner}onChange(t){return this.on("change",t)}on(t,n){this.events[t]||(this.events[t]=new l3);const r=this.events[t].add(n);return t==="change"?()=>{r(),_t.read(()=>{this.events.change.getSize()||this.stop()})}:r}clearListeners(){for(const t in this.events)this.events[t].clear()}attach(t,n){this.passiveEffect=t,this.stopPassiveEffect=n}set(t,n=!0){!n||!this.passiveEffect?this.updateAndNotify(t,n):this.passiveEffect(t,this.updateAndNotify)}setWithVelocity(t,n,r){this.set(n),this.prev=t,this.timeDelta=r}jump(t){this.updateAndNotify(t),this.prev=t,this.stop(),this.stopPassiveEffect&&this.stopPassiveEffect()}get(){return this.current}getPrevious(){return this.prev}getVelocity(){return this.canTrackVelocity?cL(parseFloat(this.current)-parseFloat(this.prev),this.timeDelta):0}start(t){return this.stop(),new Promise(n=>{this.hasAnimated=!0,this.animation=t(n),this.events.animationStart&&this.events.animationStart.notify()}).then(()=>{this.events.animationComplete&&this.events.animationComplete.notify(),this.clearAnimation()})}stop(){this.animation&&(this.animation.stop(),this.events.animationCancel&&this.events.animationCancel.notify()),this.clearAnimation()}isAnimating(){return!!this.animation}clearAnimation(){delete this.animation}destroy(){this.clearListeners(),this.stop(),this.stopPassiveEffect&&this.stopPassiveEffect()}}function uc(e,t){return new Hve(e,t)}const mL=e=>t=>t.test(e),qve={test:e=>e==="auto",parse:e=>e},yL=[Pl,me,Ji,as,Jye,Zye,qve],id=e=>yL.find(mL(e)),Wve=[...yL,Xn,Xs],Kve=e=>Wve.find(mL(e));function Xve(e,t,n){e.hasValue(t)?e.getValue(t).set(n):e.addValue(t,uc(n))}function Yve(e,t){const n=s1(e,t);let{transitionEnd:r={},transition:i={},...o}=n?e.makeTargetAnimatable(n,!1):{};o={...o,...r};for(const s in o){const a=h0e(o[s]);Xve(e,s,a)}}function Qve(e,t,n){var r,i;const o=Object.keys(t).filter(a=>!e.hasValue(a)),s=o.length;if(s)for(let a=0;al.remove(d))),u.push(m)}return s&&Promise.all(u).then(()=>{s&&Yve(e,s)}),u}function B2(e,t,n={}){const r=s1(e,t,n.custom);let{transition:i=e.getDefaultTransition()||{}}=r||{};n.transitionOverride&&(i=n.transitionOverride);const o=r?()=>Promise.all(vL(e,r,n)):()=>Promise.resolve(),s=e.variantChildren&&e.variantChildren.size?(l=0)=>{const{delayChildren:u=0,staggerChildren:c,staggerDirection:d}=i;return t1e(e,t,u+l,c,d,n)}:()=>Promise.resolve(),{when:a}=i;if(a){const[l,u]=a==="beforeChildren"?[o,s]:[s,o];return l().then(()=>u())}else return Promise.all([o(),s(n.delay)])}function t1e(e,t,n=0,r=0,i=1,o){const s=[],a=(e.variantChildren.size-1)*r,l=i===1?(u=0)=>u*r:(u=0)=>a-u*r;return Array.from(e.variantChildren).sort(n1e).forEach((u,c)=>{u.notify("AnimationStart",t),s.push(B2(u,t,{...o,delay:n+l(c)}).then(()=>u.notify("AnimationComplete",t)))}),Promise.all(s)}function n1e(e,t){return e.sortNodePosition(t)}function r1e(e,t,n={}){e.notify("AnimationStart",t);let r;if(Array.isArray(t)){const i=t.map(o=>B2(e,o,n));r=Promise.all(i)}else if(typeof t=="string")r=B2(e,t,n);else{const i=typeof t=="function"?s1(e,t,n.custom):t;r=Promise.all(vL(e,i,n))}return r.then(()=>e.notify("AnimationComplete",t))}const i1e=[...UC].reverse(),o1e=UC.length;function s1e(e){return t=>Promise.all(t.map(({animation:n,options:r})=>r1e(e,n,r)))}function a1e(e){let t=s1e(e);const n=u1e();let r=!0;const i=(l,u)=>{const c=s1(e,u);if(c){const{transition:d,transitionEnd:f,...h}=c;l={...l,...h,...f}}return l};function o(l){t=l(e)}function s(l,u){const c=e.getProps(),d=e.getVariantContext(!0)||{},f=[],h=new Set;let p={},m=1/0;for(let v=0;vm&&_;const E=Array.isArray(b)?b:[b];let A=E.reduce(i,{});w===!1&&(A={});const{prevResolvedValues:$={}}=g,I={...$,...A},C=R=>{P=!0,h.delete(R),g.needsAnimating[R]=!0};for(const R in I){const M=A[R],N=$[R];p.hasOwnProperty(R)||(M!==N?ay(M)&&ay(N)?!jD(M,N)||T?C(R):g.protectedKeys[R]=!0:M!==void 0?C(R):h.add(R):M!==void 0&&h.has(R)?C(R):g.protectedKeys[R]=!0)}g.prevProp=b,g.prevResolvedValues=A,g.isActive&&(p={...p,...A}),r&&e.blockInitialAnimation&&(P=!1),P&&!x&&f.push(...E.map(R=>({animation:R,options:{type:y,...l}})))}if(h.size){const v={};h.forEach(y=>{const g=e.getBaseTarget(y);g!==void 0&&(v[y]=g)}),f.push({animation:v})}let S=!!f.length;return r&&c.initial===!1&&!e.manuallyAnimateOnMount&&(S=!1),r=!1,S?t(f):Promise.resolve()}function a(l,u,c){var d;if(n[l].isActive===u)return Promise.resolve();(d=e.variantChildren)===null||d===void 0||d.forEach(h=>{var p;return(p=h.animationState)===null||p===void 0?void 0:p.setActive(l,u)}),n[l].isActive=u;const f=s(c,l);for(const h in n)n[h].protectedKeys={};return f}return{animateChanges:s,setActive:a,setAnimateFunction:o,getState:()=>n}}function l1e(e,t){return typeof t=="string"?t!==e:Array.isArray(t)?!jD(t,e):!1}function ba(e=!1){return{isActive:e,protectedKeys:{},needsAnimating:{},prevResolvedValues:{}}}function u1e(){return{animate:ba(!0),whileInView:ba(),whileHover:ba(),whileTap:ba(),whileDrag:ba(),whileFocus:ba(),exit:ba()}}class c1e extends ua{constructor(t){super(t),t.animationState||(t.animationState=a1e(t))}updateAnimationControlsSubscription(){const{animate:t}=this.node.getProps();this.unmount(),n1(t)&&(this.unmount=t.subscribe(this.node))}mount(){this.updateAnimationControlsSubscription()}update(){const{animate:t}=this.node.getProps(),{animate:n}=this.node.prevProps||{};t!==n&&this.updateAnimationControlsSubscription()}unmount(){}}let d1e=0;class f1e extends ua{constructor(){super(...arguments),this.id=d1e++}update(){if(!this.node.presenceContext)return;const{isPresent:t,onExitComplete:n,custom:r}=this.node.presenceContext,{isPresent:i}=this.node.prevPresenceContext||{};if(!this.node.animationState||t===i)return;const o=this.node.animationState.setActive("exit",!t,{custom:r??this.node.getProps().custom});n&&!t&&o.then(()=>n(this.id))}mount(){const{register:t}=this.node.presenceContext||{};t&&(this.unmount=t(this.id))}unmount(){}}const h1e={animation:{Feature:c1e},exit:{Feature:f1e}},gP=(e,t)=>Math.abs(e-t);function p1e(e,t){const n=gP(e.x,t.x),r=gP(e.y,t.y);return Math.sqrt(n**2+r**2)}class bL{constructor(t,n,{transformPagePoint:r}={}){if(this.startEvent=null,this.lastMoveEvent=null,this.lastMoveEventInfo=null,this.handlers={},this.updatePoint=()=>{if(!(this.lastMoveEvent&&this.lastMoveEventInfo))return;const u=fS(this.lastMoveEventInfo,this.history),c=this.startEvent!==null,d=p1e(u.offset,{x:0,y:0})>=3;if(!c&&!d)return;const{point:f}=u,{timestamp:h}=$n;this.history.push({...f,timestamp:h});const{onStart:p,onMove:m}=this.handlers;c||(p&&p(this.lastMoveEvent,u),this.startEvent=this.lastMoveEvent),m&&m(this.lastMoveEvent,u)},this.handlePointerMove=(u,c)=>{this.lastMoveEvent=u,this.lastMoveEventInfo=dS(c,this.transformPagePoint),_t.update(this.updatePoint,!0)},this.handlePointerUp=(u,c)=>{if(this.end(),!(this.lastMoveEvent&&this.lastMoveEventInfo))return;const{onEnd:d,onSessionEnd:f}=this.handlers,h=fS(u.type==="pointercancel"?this.lastMoveEventInfo:dS(c,this.transformPagePoint),this.history);this.startEvent&&d&&d(u,h),f&&f(u,h)},!DD(t))return;this.handlers=n,this.transformPagePoint=r;const i=o1(t),o=dS(i,this.transformPagePoint),{point:s}=o,{timestamp:a}=$n;this.history=[{...s,timestamp:a}];const{onSessionStart:l}=n;l&&l(t,fS(o,this.history)),this.removeListeners=Ns(Io(window,"pointermove",this.handlePointerMove),Io(window,"pointerup",this.handlePointerUp),Io(window,"pointercancel",this.handlePointerUp))}updateHandlers(t){this.handlers=t}end(){this.removeListeners&&this.removeListeners(),Uo(this.updatePoint)}}function dS(e,t){return t?{point:t(e.point)}:e}function mP(e,t){return{x:e.x-t.x,y:e.y-t.y}}function fS({point:e},t){return{point:e,delta:mP(e,SL(t)),offset:mP(e,g1e(t)),velocity:m1e(t,.1)}}function g1e(e){return e[0]}function SL(e){return e[e.length-1]}function m1e(e,t){if(e.length<2)return{x:0,y:0};let n=e.length-1,r=null;const i=SL(e);for(;n>=0&&(r=e[n],!(i.timestamp-r.timestamp>Ds(t)));)n--;if(!r)return{x:0,y:0};const o=No(i.timestamp-r.timestamp);if(o===0)return{x:0,y:0};const s={x:(i.x-r.x)/o,y:(i.y-r.y)/o};return s.x===1/0&&(s.x=0),s.y===1/0&&(s.y=0),s}function Mr(e){return e.max-e.min}function j2(e,t=0,n=.01){return Math.abs(e-t)<=n}function yP(e,t,n,r=.5){e.origin=r,e.originPoint=At(t.min,t.max,e.origin),e.scale=Mr(n)/Mr(t),(j2(e.scale,1,1e-4)||isNaN(e.scale))&&(e.scale=1),e.translate=At(n.min,n.max,e.origin)-e.originPoint,(j2(e.translate)||isNaN(e.translate))&&(e.translate=0)}function Id(e,t,n,r){yP(e.x,t.x,n.x,r?r.originX:void 0),yP(e.y,t.y,n.y,r?r.originY:void 0)}function vP(e,t,n){e.min=n.min+t.min,e.max=e.min+Mr(t)}function y1e(e,t,n){vP(e.x,t.x,n.x),vP(e.y,t.y,n.y)}function bP(e,t,n){e.min=t.min-n.min,e.max=e.min+Mr(t)}function Nd(e,t,n){bP(e.x,t.x,n.x),bP(e.y,t.y,n.y)}function v1e(e,{min:t,max:n},r){return t!==void 0&&en&&(e=r?At(n,e,r.max):Math.min(e,n)),e}function SP(e,t,n){return{min:t!==void 0?e.min+t:void 0,max:n!==void 0?e.max+n-(e.max-e.min):void 0}}function b1e(e,{top:t,left:n,bottom:r,right:i}){return{x:SP(e.x,n,i),y:SP(e.y,t,r)}}function _P(e,t){let n=t.min-e.min,r=t.max-e.max;return t.max-t.minr?n=qf(t.min,t.max-r,e.min):r>i&&(n=qf(e.min,e.max-i,t.min)),Ks(0,1,n)}function w1e(e,t){const n={};return t.min!==void 0&&(n.min=t.min-e.min),t.max!==void 0&&(n.max=t.max-e.min),n}const V2=.35;function x1e(e=V2){return e===!1?e=0:e===!0&&(e=V2),{x:wP(e,"left","right"),y:wP(e,"top","bottom")}}function wP(e,t,n){return{min:xP(e,t),max:xP(e,n)}}function xP(e,t){return typeof e=="number"?e:e[t]||0}const CP=()=>({translate:0,scale:1,origin:0,originPoint:0}),gu=()=>({x:CP(),y:CP()}),TP=()=>({min:0,max:0}),Wt=()=>({x:TP(),y:TP()});function Li(e){return[e("x"),e("y")]}function _L({top:e,left:t,right:n,bottom:r}){return{x:{min:t,max:n},y:{min:e,max:r}}}function C1e({x:e,y:t}){return{top:t.min,right:e.max,bottom:t.max,left:e.min}}function T1e(e,t){if(!t)return e;const n=t({x:e.left,y:e.top}),r=t({x:e.right,y:e.bottom});return{top:n.y,left:n.x,bottom:r.y,right:r.x}}function hS(e){return e===void 0||e===1}function z2({scale:e,scaleX:t,scaleY:n}){return!hS(e)||!hS(t)||!hS(n)}function Ca(e){return z2(e)||wL(e)||e.z||e.rotate||e.rotateX||e.rotateY}function wL(e){return EP(e.x)||EP(e.y)}function EP(e){return e&&e!=="0%"}function fy(e,t,n){const r=e-n,i=t*r;return n+i}function PP(e,t,n,r,i){return i!==void 0&&(e=fy(e,i,r)),fy(e,n,r)+t}function U2(e,t=0,n=1,r,i){e.min=PP(e.min,t,n,r,i),e.max=PP(e.max,t,n,r,i)}function xL(e,{x:t,y:n}){U2(e.x,t.translate,t.scale,t.originPoint),U2(e.y,n.translate,n.scale,n.originPoint)}function E1e(e,t,n,r=!1){const i=n.length;if(!i)return;t.x=t.y=1;let o,s;for(let a=0;a1.0000000000001||e<.999999999999?e:1}function fs(e,t){e.min=e.min+t,e.max=e.max+t}function kP(e,t,[n,r,i]){const o=t[i]!==void 0?t[i]:.5,s=At(e.min,e.max,o);U2(e,t[n],t[r],s,t.scale)}const P1e=["x","scaleX","originX"],A1e=["y","scaleY","originY"];function mu(e,t){kP(e.x,t,P1e),kP(e.y,t,A1e)}function CL(e,t){return _L(T1e(e.getBoundingClientRect(),t))}function k1e(e,t,n){const r=CL(e,n),{scroll:i}=t;return i&&(fs(r.x,i.offset.x),fs(r.y,i.offset.y)),r}const R1e=new WeakMap;class O1e{constructor(t){this.openGlobalLock=null,this.isDragging=!1,this.currentDirection=null,this.originPoint={x:0,y:0},this.constraints=!1,this.hasMutatedConstraints=!1,this.elastic=Wt(),this.visualElement=t}start(t,{snapToCursor:n=!1}={}){const{presenceContext:r}=this.visualElement;if(r&&r.isPresent===!1)return;const i=l=>{this.stopAnimation(),n&&this.snapToCursor(o1(l,"page").point)},o=(l,u)=>{const{drag:c,dragPropagation:d,onDragStart:f}=this.getProps();if(c&&!d&&(this.openGlobalLock&&this.openGlobalLock(),this.openGlobalLock=$D(c),!this.openGlobalLock))return;this.isDragging=!0,this.currentDirection=null,this.resolveConstraints(),this.visualElement.projection&&(this.visualElement.projection.isAnimationBlocked=!0,this.visualElement.projection.target=void 0),Li(p=>{let m=this.getAxisMotionValue(p).get()||0;if(Ji.test(m)){const{projection:S}=this.visualElement;if(S&&S.layout){const v=S.layout.layoutBox[p];v&&(m=Mr(v)*(parseFloat(m)/100))}}this.originPoint[p]=m}),f&&_t.update(()=>f(l,u),!1,!0);const{animationState:h}=this.visualElement;h&&h.setActive("whileDrag",!0)},s=(l,u)=>{const{dragPropagation:c,dragDirectionLock:d,onDirectionLock:f,onDrag:h}=this.getProps();if(!c&&!this.openGlobalLock)return;const{offset:p}=u;if(d&&this.currentDirection===null){this.currentDirection=M1e(p),this.currentDirection!==null&&f&&f(this.currentDirection);return}this.updateAxis("x",u.point,p),this.updateAxis("y",u.point,p),this.visualElement.render(),h&&h(l,u)},a=(l,u)=>this.stop(l,u);this.panSession=new bL(t,{onSessionStart:i,onStart:o,onMove:s,onSessionEnd:a},{transformPagePoint:this.visualElement.getTransformPagePoint()})}stop(t,n){const r=this.isDragging;if(this.cancel(),!r)return;const{velocity:i}=n;this.startAnimation(i);const{onDragEnd:o}=this.getProps();o&&_t.update(()=>o(t,n))}cancel(){this.isDragging=!1;const{projection:t,animationState:n}=this.visualElement;t&&(t.isAnimationBlocked=!1),this.panSession&&this.panSession.end(),this.panSession=void 0;const{dragPropagation:r}=this.getProps();!r&&this.openGlobalLock&&(this.openGlobalLock(),this.openGlobalLock=null),n&&n.setActive("whileDrag",!1)}updateAxis(t,n,r){const{drag:i}=this.getProps();if(!r||!qp(t,i,this.currentDirection))return;const o=this.getAxisMotionValue(t);let s=this.originPoint[t]+r[t];this.constraints&&this.constraints[t]&&(s=v1e(s,this.constraints[t],this.elastic[t])),o.set(s)}resolveConstraints(){const{dragConstraints:t,dragElastic:n}=this.getProps(),{layout:r}=this.visualElement.projection||{},i=this.constraints;t&&hu(t)?this.constraints||(this.constraints=this.resolveRefConstraints()):t&&r?this.constraints=b1e(r.layoutBox,t):this.constraints=!1,this.elastic=x1e(n),i!==this.constraints&&r&&this.constraints&&!this.hasMutatedConstraints&&Li(o=>{this.getAxisMotionValue(o)&&(this.constraints[o]=w1e(r.layoutBox[o],this.constraints[o]))})}resolveRefConstraints(){const{dragConstraints:t,onMeasureDragConstraints:n}=this.getProps();if(!t||!hu(t))return!1;const r=t.current,{projection:i}=this.visualElement;if(!i||!i.layout)return!1;const o=k1e(r,i.root,this.visualElement.getTransformPagePoint());let s=S1e(i.layout.layoutBox,o);if(n){const a=n(C1e(s));this.hasMutatedConstraints=!!a,a&&(s=_L(a))}return s}startAnimation(t){const{drag:n,dragMomentum:r,dragElastic:i,dragTransition:o,dragSnapToOrigin:s,onDragTransitionEnd:a}=this.getProps(),l=this.constraints||{},u=Li(c=>{if(!qp(c,n,this.currentDirection))return;let d=l&&l[c]||{};s&&(d={min:0,max:0});const f=i?200:1e6,h=i?40:1e7,p={type:"inertia",velocity:r?t[c]:0,bounceStiffness:f,bounceDamping:h,timeConstant:750,restDelta:1,restSpeed:10,...o,...d};return this.startAxisValueAnimation(c,p)});return Promise.all(u).then(a)}startAxisValueAnimation(t,n){const r=this.getAxisMotionValue(t);return r.start(o3(t,r,0,n))}stopAnimation(){Li(t=>this.getAxisMotionValue(t).stop())}getAxisMotionValue(t){const n="_drag"+t.toUpperCase(),r=this.visualElement.getProps(),i=r[n];return i||this.visualElement.getValue(t,(r.initial?r.initial[t]:void 0)||0)}snapToCursor(t){Li(n=>{const{drag:r}=this.getProps();if(!qp(n,r,this.currentDirection))return;const{projection:i}=this.visualElement,o=this.getAxisMotionValue(n);if(i&&i.layout){const{min:s,max:a}=i.layout.layoutBox[n];o.set(t[n]-At(s,a,.5))}})}scalePositionWithinConstraints(){if(!this.visualElement.current)return;const{drag:t,dragConstraints:n}=this.getProps(),{projection:r}=this.visualElement;if(!hu(n)||!r||!this.constraints)return;this.stopAnimation();const i={x:0,y:0};Li(s=>{const a=this.getAxisMotionValue(s);if(a){const l=a.get();i[s]=_1e({min:l,max:l},this.constraints[s])}});const{transformTemplate:o}=this.visualElement.getProps();this.visualElement.current.style.transform=o?o({},""):"none",r.root&&r.root.updateScroll(),r.updateLayout(),this.resolveConstraints(),Li(s=>{if(!qp(s,t,null))return;const a=this.getAxisMotionValue(s),{min:l,max:u}=this.constraints[s];a.set(At(l,u,i[s]))})}addListeners(){if(!this.visualElement.current)return;R1e.set(this.visualElement,this);const t=this.visualElement.current,n=Io(t,"pointerdown",l=>{const{drag:u,dragListener:c=!0}=this.getProps();u&&c&&this.start(l)}),r=()=>{const{dragConstraints:l}=this.getProps();hu(l)&&(this.constraints=this.resolveRefConstraints())},{projection:i}=this.visualElement,o=i.addEventListener("measure",r);i&&!i.layout&&(i.root&&i.root.updateScroll(),i.updateLayout()),r();const s=Ao(window,"resize",()=>this.scalePositionWithinConstraints()),a=i.addEventListener("didUpdate",({delta:l,hasLayoutChanged:u})=>{this.isDragging&&u&&(Li(c=>{const d=this.getAxisMotionValue(c);d&&(this.originPoint[c]+=l[c].translate,d.set(d.get()+l[c].translate))}),this.visualElement.render())});return()=>{s(),n(),o(),a&&a()}}getProps(){const t=this.visualElement.getProps(),{drag:n=!1,dragDirectionLock:r=!1,dragPropagation:i=!1,dragConstraints:o=!1,dragElastic:s=V2,dragMomentum:a=!0}=t;return{...t,drag:n,dragDirectionLock:r,dragPropagation:i,dragConstraints:o,dragElastic:s,dragMomentum:a}}}function qp(e,t,n){return(t===!0||t===e)&&(n===null||n===e)}function M1e(e,t=10){let n=null;return Math.abs(e.y)>t?n="y":Math.abs(e.x)>t&&(n="x"),n}class I1e extends ua{constructor(t){super(t),this.removeGroupControls=Qt,this.removeListeners=Qt,this.controls=new O1e(t)}mount(){const{dragControls:t}=this.node.getProps();t&&(this.removeGroupControls=t.subscribe(this.controls)),this.removeListeners=this.controls.addListeners()||Qt}unmount(){this.removeGroupControls(),this.removeListeners()}}const RP=e=>(t,n)=>{e&&_t.update(()=>e(t,n))};class N1e extends ua{constructor(){super(...arguments),this.removePointerDownListener=Qt}onPointerDown(t){this.session=new bL(t,this.createPanHandlers(),{transformPagePoint:this.node.getTransformPagePoint()})}createPanHandlers(){const{onPanSessionStart:t,onPanStart:n,onPan:r,onPanEnd:i}=this.node.getProps();return{onSessionStart:RP(t),onStart:RP(n),onMove:r,onEnd:(o,s)=>{delete this.session,i&&_t.update(()=>i(o,s))}}}mount(){this.removePointerDownListener=Io(this.node.current,"pointerdown",t=>this.onPointerDown(t))}update(){this.session&&this.session.updateHandlers(this.createPanHandlers())}unmount(){this.removePointerDownListener(),this.session&&this.session.end()}}function D1e(){const e=k.useContext(Lh);if(e===null)return[!0,null];const{isPresent:t,onExitComplete:n,register:r}=e,i=k.useId();return k.useEffect(()=>r(i),[]),!t&&n?[!1,()=>n&&n(i)]:[!0]}function L4e(){return L1e(k.useContext(Lh))}function L1e(e){return e===null?!0:e.isPresent}const Pg={hasAnimatedSinceResize:!0,hasEverUpdated:!1};function OP(e,t){return t.max===t.min?0:e/(t.max-t.min)*100}const od={correct:(e,t)=>{if(!t.target)return e;if(typeof e=="string")if(me.test(e))e=parseFloat(e);else return e;const n=OP(e,t.target.x),r=OP(e,t.target.y);return`${n}% ${r}%`}},$1e={correct:(e,{treeScale:t,projectionDelta:n})=>{const r=e,i=Xs.parse(e);if(i.length>5)return r;const o=Xs.createTransformer(e),s=typeof i[0]!="number"?1:0,a=n.x.scale*t.x,l=n.y.scale*t.y;i[0+s]/=a,i[1+s]/=l;const u=At(a,l,.5);return typeof i[2+s]=="number"&&(i[2+s]/=u),typeof i[3+s]=="number"&&(i[3+s]/=u),o(i)}};class F1e extends Xe.Component{componentDidMount(){const{visualElement:t,layoutGroup:n,switchLayoutGroup:r,layoutId:i}=this.props,{projection:o}=t;Hye(B1e),o&&(n.group&&n.group.add(o),r&&r.register&&i&&r.register(o),o.root.didUpdate(),o.addEventListener("animationComplete",()=>{this.safeToRemove()}),o.setOptions({...o.options,onExitComplete:()=>this.safeToRemove()})),Pg.hasEverUpdated=!0}getSnapshotBeforeUpdate(t){const{layoutDependency:n,visualElement:r,drag:i,isPresent:o}=this.props,s=r.projection;return s&&(s.isPresent=o,i||t.layoutDependency!==n||n===void 0?s.willUpdate():this.safeToRemove(),t.isPresent!==o&&(o?s.promote():s.relegate()||_t.postRender(()=>{const a=s.getStack();(!a||!a.members.length)&&this.safeToRemove()}))),null}componentDidUpdate(){const{projection:t}=this.props.visualElement;t&&(t.root.didUpdate(),queueMicrotask(()=>{!t.currentAnimation&&t.isLead()&&this.safeToRemove()}))}componentWillUnmount(){const{visualElement:t,layoutGroup:n,switchLayoutGroup:r}=this.props,{projection:i}=t;i&&(i.scheduleCheckAfterUnmount(),n&&n.group&&n.group.remove(i),r&&r.deregister&&r.deregister(i))}safeToRemove(){const{safeToRemove:t}=this.props;t&&t()}render(){return null}}function TL(e){const[t,n]=D1e(),r=k.useContext(HC);return Xe.createElement(F1e,{...e,layoutGroup:r,switchLayoutGroup:k.useContext(SD),isPresent:t,safeToRemove:n})}const B1e={borderRadius:{...od,applyTo:["borderTopLeftRadius","borderTopRightRadius","borderBottomLeftRadius","borderBottomRightRadius"]},borderTopLeftRadius:od,borderTopRightRadius:od,borderBottomLeftRadius:od,borderBottomRightRadius:od,boxShadow:$1e},EL=["TopLeft","TopRight","BottomLeft","BottomRight"],j1e=EL.length,MP=e=>typeof e=="string"?parseFloat(e):e,IP=e=>typeof e=="number"||me.test(e);function V1e(e,t,n,r,i,o){i?(e.opacity=At(0,n.opacity!==void 0?n.opacity:1,z1e(r)),e.opacityExit=At(t.opacity!==void 0?t.opacity:1,0,U1e(r))):o&&(e.opacity=At(t.opacity!==void 0?t.opacity:1,n.opacity!==void 0?n.opacity:1,r));for(let s=0;srt?1:n(qf(e,t,r))}function DP(e,t){e.min=t.min,e.max=t.max}function Vr(e,t){DP(e.x,t.x),DP(e.y,t.y)}function LP(e,t,n,r,i){return e-=t,e=fy(e,1/n,r),i!==void 0&&(e=fy(e,1/i,r)),e}function G1e(e,t=0,n=1,r=.5,i,o=e,s=e){if(Ji.test(t)&&(t=parseFloat(t),t=At(s.min,s.max,t/100)-s.min),typeof t!="number")return;let a=At(o.min,o.max,r);e===o&&(a-=t),e.min=LP(e.min,t,n,a,i),e.max=LP(e.max,t,n,a,i)}function $P(e,t,[n,r,i],o,s){G1e(e,t[n],t[r],t[i],t.scale,o,s)}const H1e=["x","scaleX","originX"],q1e=["y","scaleY","originY"];function FP(e,t,n,r){$P(e.x,t,H1e,n?n.x:void 0,r?r.x:void 0),$P(e.y,t,q1e,n?n.y:void 0,r?r.y:void 0)}function BP(e){return e.translate===0&&e.scale===1}function AL(e){return BP(e.x)&&BP(e.y)}function G2(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 jP(e){return Mr(e.x)/Mr(e.y)}class W1e{constructor(){this.members=[]}add(t){s3(this.members,t),t.scheduleRender()}remove(t){if(a3(this.members,t),t===this.prevLead&&(this.prevLead=void 0),t===this.lead){const n=this.members[this.members.length-1];n&&this.promote(n)}}relegate(t){const n=this.members.findIndex(i=>t===i);if(n===0)return!1;let r;for(let i=n;i>=0;i--){const o=this.members[i];if(o.isPresent!==!1){r=o;break}}return r?(this.promote(r),!0):!1}promote(t,n){const r=this.lead;if(t!==r&&(this.prevLead=r,this.lead=t,t.show(),r)){r.instance&&r.scheduleRender(),t.scheduleRender(),t.resumeFrom=r,n&&(t.resumeFrom.preserveOpacity=!0),r.snapshot&&(t.snapshot=r.snapshot,t.snapshot.latestValues=r.animationValues||r.latestValues),t.root&&t.root.isUpdating&&(t.isLayoutDirty=!0);const{crossfade:i}=t.options;i===!1&&r.hide()}}exitAnimationComplete(){this.members.forEach(t=>{const{options:n,resumingFrom:r}=t;n.onExitComplete&&n.onExitComplete(),r&&r.options.onExitComplete&&r.options.onExitComplete()})}scheduleRender(){this.members.forEach(t=>{t.instance&&t.scheduleRender(!1)})}removeLeadSnapshot(){this.lead&&this.lead.snapshot&&(this.lead.snapshot=void 0)}}function VP(e,t,n){let r="";const i=e.x.translate/t.x,o=e.y.translate/t.y;if((i||o)&&(r=`translate3d(${i}px, ${o}px, 0) `),(t.x!==1||t.y!==1)&&(r+=`scale(${1/t.x}, ${1/t.y}) `),n){const{rotate:l,rotateX:u,rotateY:c}=n;l&&(r+=`rotate(${l}deg) `),u&&(r+=`rotateX(${u}deg) `),c&&(r+=`rotateY(${c}deg) `)}const s=e.x.scale*t.x,a=e.y.scale*t.y;return(s!==1||a!==1)&&(r+=`scale(${s}, ${a})`),r||"none"}const K1e=(e,t)=>e.depth-t.depth;class X1e{constructor(){this.children=[],this.isDirty=!1}add(t){s3(this.children,t),this.isDirty=!0}remove(t){a3(this.children,t),this.isDirty=!0}forEach(t){this.isDirty&&this.children.sort(K1e),this.isDirty=!1,this.children.forEach(t)}}function Y1e(e,t){const n=performance.now(),r=({timestamp:i})=>{const o=i-n;o>=t&&(Uo(r),e(o-t))};return _t.read(r,!0),()=>Uo(r)}function Q1e(e){window.MotionDebug&&window.MotionDebug.record(e)}function Z1e(e){return e instanceof SVGElement&&e.tagName!=="svg"}function J1e(e,t,n){const r=_r(e)?e:uc(e);return r.start(o3("",r,t,n)),r.animation}const zP=["","X","Y","Z"],UP=1e3;let ebe=0;const Ta={type:"projectionFrame",totalNodes:0,resolvedTargetDeltas:0,recalculatedProjection:0};function kL({attachResizeListener:e,defaultParent:t,measureScroll:n,checkIsScrollRoot:r,resetTransform:i}){return class{constructor(s={},a=t==null?void 0:t()){this.id=ebe++,this.animationId=0,this.children=new Set,this.options={},this.isTreeAnimating=!1,this.isAnimationBlocked=!1,this.isLayoutDirty=!1,this.isProjectionDirty=!1,this.isSharedProjectionDirty=!1,this.isTransformDirty=!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.hasTreeAnimated=!1,this.updateScheduled=!1,this.checkUpdateFailed=()=>{this.isUpdating&&(this.isUpdating=!1,this.clearAllSnapshots())},this.updateProjection=()=>{Ta.totalNodes=Ta.resolvedTargetDeltas=Ta.recalculatedProjection=0,this.nodes.forEach(rbe),this.nodes.forEach(lbe),this.nodes.forEach(ube),this.nodes.forEach(ibe),Q1e(Ta)},this.hasProjected=!1,this.isVisible=!0,this.animationProgress=0,this.sharedNodes=new Map,this.latestValues=s,this.root=a?a.root||a:this,this.path=a?[...a.path,a]:[],this.parent=a,this.depth=a?a.depth+1:0;for(let l=0;lthis.root.updateBlockedByResize=!1;e(s,()=>{this.root.updateBlockedByResize=!0,d&&d(),d=Y1e(f,250),Pg.hasAnimatedSinceResize&&(Pg.hasAnimatedSinceResize=!1,this.nodes.forEach(HP))})}l&&this.root.registerSharedNode(l,this),this.options.animate!==!1&&c&&(l||u)&&this.addEventListener("didUpdate",({delta:d,hasLayoutChanged:f,hasRelativeTargetChanged:h,layout:p})=>{if(this.isTreeAnimationBlocked()){this.target=void 0,this.relativeTarget=void 0;return}const m=this.options.transition||c.getDefaultTransition()||pbe,{onLayoutAnimationStart:S,onLayoutAnimationComplete:v}=c.getProps(),y=!this.targetLayout||!G2(this.targetLayout,p)||h,g=!f&&h;if(this.options.layoutRoot||this.resumeFrom&&this.resumeFrom.instance||g||f&&(y||!this.currentAnimation)){this.resumeFrom&&(this.resumingFrom=this.resumeFrom,this.resumingFrom.resumingFrom=void 0),this.setAnimationOrigin(d,g);const b={...gL(m,"layout"),onPlay:S,onComplete:v};(c.shouldReduceMotion||this.options.layoutRoot)&&(b.delay=0,b.type=!1),this.startAnimation(b)}else f||HP(this),this.isLead()&&this.options.onExitComplete&&this.options.onExitComplete();this.targetLayout=p})}unmount(){this.options.layoutId&&this.willUpdate(),this.root.nodes.remove(this);const s=this.getStack();s&&s.remove(this),this.parent&&this.parent.children.delete(this),this.instance=void 0,Uo(this.updateProjection)}blockUpdate(){this.updateManuallyBlocked=!0}unblockUpdate(){this.updateManuallyBlocked=!1}isUpdateBlocked(){return this.updateManuallyBlocked||this.updateBlockedByResize}isTreeAnimationBlocked(){return this.isAnimationBlocked||this.parent&&this.parent.isTreeAnimationBlocked()||!1}startUpdate(){this.isUpdateBlocked()||(this.isUpdating=!0,this.nodes&&this.nodes.forEach(cbe),this.animationId++)}getTransformTemplate(){const{visualElement:s}=this.options;return s&&s.getProps().transformTemplate}willUpdate(s=!0){if(this.root.hasTreeAnimated=!0,this.root.isUpdateBlocked()){this.options.onExitComplete&&this.options.onExitComplete();return}if(!this.root.isUpdating&&this.root.startUpdate(),this.isLayoutDirty)return;this.isLayoutDirty=!0;for(let c=0;cthis.update()))}clearAllSnapshots(){this.nodes.forEach(obe),this.sharedNodes.forEach(dbe)}scheduleUpdateProjection(){_t.preRender(this.updateProjection,!1,!0)}scheduleCheckAfterUnmount(){_t.postRender(()=>{this.isLayoutDirty?this.root.didUpdate():this.root.checkUpdateFailed()})}updateSnapshot(){this.snapshot||!this.instance||(this.snapshot=this.measure())}updateLayout(){if(!this.instance||(this.updateScroll(),!(this.options.alwaysMeasureLayout&&this.isLead())&&!this.isLayoutDirty))return;if(this.resumeFrom&&!this.resumeFrom.instance)for(let l=0;l{const _=b/1e3;qP(d.x,s.x,_),qP(d.y,s.y,_),this.setTargetDelta(d),this.relativeTarget&&this.relativeTargetOrigin&&this.layout&&this.relativeParent&&this.relativeParent.layout&&(Nd(f,this.layout.layoutBox,this.relativeParent.layout.layoutBox),fbe(this.relativeTarget,this.relativeTargetOrigin,f,_),g&&G2(this.relativeTarget,g)&&(this.isProjectionDirty=!1),g||(g=Wt()),Vr(g,this.relativeTarget)),m&&(this.animationValues=c,V1e(c,u,this.latestValues,_,y,v)),this.root.scheduleUpdateProjection(),this.scheduleRender(),this.animationProgress=_},this.mixTargetDelta(this.options.layoutRoot?1e3:0)}startAnimation(s){this.notifyListeners("animationStart"),this.currentAnimation&&this.currentAnimation.stop(),this.resumingFrom&&this.resumingFrom.currentAnimation&&this.resumingFrom.currentAnimation.stop(),this.pendingAnimation&&(Uo(this.pendingAnimation),this.pendingAnimation=void 0),this.pendingAnimation=_t.update(()=>{Pg.hasAnimatedSinceResize=!0,this.currentAnimation=J1e(0,UP,{...s,onUpdate:a=>{this.mixTargetDelta(a),s.onUpdate&&s.onUpdate(a)},onComplete:()=>{s.onComplete&&s.onComplete(),this.completeAnimation()}}),this.resumingFrom&&(this.resumingFrom.currentAnimation=this.currentAnimation),this.pendingAnimation=void 0})}completeAnimation(){this.resumingFrom&&(this.resumingFrom.currentAnimation=void 0,this.resumingFrom.preserveOpacity=void 0);const s=this.getStack();s&&s.exitAnimationComplete(),this.resumingFrom=this.currentAnimation=this.animationValues=void 0,this.notifyListeners("animationComplete")}finishAnimation(){this.currentAnimation&&(this.mixTargetDelta&&this.mixTargetDelta(UP),this.currentAnimation.stop()),this.completeAnimation()}applyTransformsToTarget(){const s=this.getLead();let{targetWithTransforms:a,target:l,layout:u,latestValues:c}=s;if(!(!a||!l||!u)){if(this!==s&&this.layout&&u&&RL(this.options.animationType,this.layout.layoutBox,u.layoutBox)){l=this.target||Wt();const d=Mr(this.layout.layoutBox.x);l.x.min=s.target.x.min,l.x.max=l.x.min+d;const f=Mr(this.layout.layoutBox.y);l.y.min=s.target.y.min,l.y.max=l.y.min+f}Vr(a,l),mu(a,c),Id(this.projectionDeltaWithTransform,this.layoutCorrected,a,c)}}registerSharedNode(s,a){this.sharedNodes.has(s)||this.sharedNodes.set(s,new W1e),this.sharedNodes.get(s).add(a);const u=a.options.initialPromotionConfig;a.promote({transition:u?u.transition:void 0,preserveFollowOpacity:u&&u.shouldPreserveFollowOpacity?u.shouldPreserveFollowOpacity(a):void 0})}isLead(){const s=this.getStack();return s?s.lead===this:!0}getLead(){var s;const{layoutId:a}=this.options;return a?((s=this.getStack())===null||s===void 0?void 0:s.lead)||this:this}getPrevLead(){var s;const{layoutId:a}=this.options;return a?(s=this.getStack())===null||s===void 0?void 0:s.prevLead:void 0}getStack(){const{layoutId:s}=this.options;if(s)return this.root.sharedNodes.get(s)}promote({needsReset:s,transition:a,preserveFollowOpacity:l}={}){const u=this.getStack();u&&u.promote(this,l),s&&(this.projectionDelta=void 0,this.needsReset=!0),a&&this.setOptions({transition:a})}relegate(){const s=this.getStack();return s?s.relegate(this):!1}resetRotation(){const{visualElement:s}=this.options;if(!s)return;let a=!1;const{latestValues:l}=s;if((l.rotate||l.rotateX||l.rotateY||l.rotateZ)&&(a=!0),!a)return;const u={};for(let c=0;c{var a;return(a=s.currentAnimation)===null||a===void 0?void 0:a.stop()}),this.root.nodes.forEach(GP),this.root.sharedNodes.clear()}}}function tbe(e){e.updateLayout()}function nbe(e){var t;const n=((t=e.resumeFrom)===null||t===void 0?void 0:t.snapshot)||e.snapshot;if(e.isLead()&&e.layout&&n&&e.hasListeners("didUpdate")){const{layoutBox:r,measuredBox:i}=e.layout,{animationType:o}=e.options,s=n.source!==e.layout.source;o==="size"?Li(d=>{const f=s?n.measuredBox[d]:n.layoutBox[d],h=Mr(f);f.min=r[d].min,f.max=f.min+h}):RL(o,n.layoutBox,r)&&Li(d=>{const f=s?n.measuredBox[d]:n.layoutBox[d],h=Mr(r[d]);f.max=f.min+h,e.relativeTarget&&!e.currentAnimation&&(e.isProjectionDirty=!0,e.relativeTarget[d].max=e.relativeTarget[d].min+h)});const a=gu();Id(a,r,n.layoutBox);const l=gu();s?Id(l,e.applyTransform(i,!0),n.measuredBox):Id(l,r,n.layoutBox);const u=!AL(a);let c=!1;if(!e.resumeFrom){const d=e.getClosestProjectingParent();if(d&&!d.resumeFrom){const{snapshot:f,layout:h}=d;if(f&&h){const p=Wt();Nd(p,n.layoutBox,f.layoutBox);const m=Wt();Nd(m,r,h.layoutBox),G2(p,m)||(c=!0),d.options.layoutRoot&&(e.relativeTarget=m,e.relativeTargetOrigin=p,e.relativeParent=d)}}}e.notifyListeners("didUpdate",{layout:r,snapshot:n,delta:l,layoutDelta:a,hasLayoutChanged:u,hasRelativeTargetChanged:c})}else if(e.isLead()){const{onExitComplete:r}=e.options;r&&r()}e.options.transition=void 0}function rbe(e){Ta.totalNodes++,e.parent&&(e.isProjecting()||(e.isProjectionDirty=e.parent.isProjectionDirty),e.isSharedProjectionDirty||(e.isSharedProjectionDirty=!!(e.isProjectionDirty||e.parent.isProjectionDirty||e.parent.isSharedProjectionDirty)),e.isTransformDirty||(e.isTransformDirty=e.parent.isTransformDirty))}function ibe(e){e.isProjectionDirty=e.isSharedProjectionDirty=e.isTransformDirty=!1}function obe(e){e.clearSnapshot()}function GP(e){e.clearMeasurements()}function sbe(e){e.isLayoutDirty=!1}function abe(e){const{visualElement:t}=e.options;t&&t.getProps().onBeforeLayoutMeasure&&t.notify("BeforeLayoutMeasure"),e.resetTransform()}function HP(e){e.finishAnimation(),e.targetDelta=e.relativeTarget=e.target=void 0,e.isProjectionDirty=!0}function lbe(e){e.resolveTargetDelta()}function ube(e){e.calcProjection()}function cbe(e){e.resetRotation()}function dbe(e){e.removeLeadSnapshot()}function qP(e,t,n){e.translate=At(t.translate,0,n),e.scale=At(t.scale,1,n),e.origin=t.origin,e.originPoint=t.originPoint}function WP(e,t,n,r){e.min=At(t.min,n.min,r),e.max=At(t.max,n.max,r)}function fbe(e,t,n,r){WP(e.x,t.x,n.x,r),WP(e.y,t.y,n.y,r)}function hbe(e){return e.animationValues&&e.animationValues.opacityExit!==void 0}const pbe={duration:.45,ease:[.4,0,.1,1]};function KP(e){e.min=Math.round(e.min*2)/2,e.max=Math.round(e.max*2)/2}function gbe(e){KP(e.x),KP(e.y)}function RL(e,t,n){return e==="position"||e==="preserve-aspect"&&!j2(jP(t),jP(n),.2)}const mbe=kL({attachResizeListener:(e,t)=>Ao(e,"resize",t),measureScroll:()=>({x:document.documentElement.scrollLeft||document.body.scrollLeft,y:document.documentElement.scrollTop||document.body.scrollTop}),checkIsScrollRoot:()=>!0}),pS={current:void 0},OL=kL({measureScroll:e=>({x:e.scrollLeft,y:e.scrollTop}),defaultParent:()=>{if(!pS.current){const e=new mbe({});e.mount(window),e.setOptions({layoutScroll:!0}),pS.current=e}return pS.current},resetTransform:(e,t)=>{e.style.transform=t!==void 0?t:"none"},checkIsScrollRoot:e=>window.getComputedStyle(e).position==="fixed"}),ybe={pan:{Feature:N1e},drag:{Feature:I1e,ProjectionNode:OL,MeasureLayout:TL}},vbe=/var\((--[a-zA-Z0-9-_]+),? ?([a-zA-Z0-9 ()%#.,-]+)?\)/;function bbe(e){const t=vbe.exec(e);if(!t)return[,];const[,n,r]=t;return[n,r]}function H2(e,t,n=1){const[r,i]=bbe(e);if(!r)return;const o=window.getComputedStyle(t).getPropertyValue(r);return o?o.trim():I2(i)?H2(i,t,n+1):i}function Sbe(e,{...t},n){const r=e.current;if(!(r instanceof Element))return{target:t,transitionEnd:n};n&&(n={...n}),e.values.forEach(i=>{const o=i.get();if(!I2(o))return;const s=H2(o,r);s&&i.set(s)});for(const i in t){const o=t[i];if(!I2(o))continue;const s=H2(o,r);s&&(t[i]=s,n||(n={}),n[i]===void 0&&(n[i]=o))}return{target:t,transitionEnd:n}}const _be=new Set(["width","height","top","left","right","bottom","x","y","translateX","translateY"]),ML=e=>_be.has(e),wbe=e=>Object.keys(e).some(ML),XP=e=>e===Pl||e===me,YP=(e,t)=>parseFloat(e.split(", ")[t]),QP=(e,t)=>(n,{transform:r})=>{if(r==="none"||!r)return 0;const i=r.match(/^matrix3d\((.+)\)$/);if(i)return YP(i[1],t);{const o=r.match(/^matrix\((.+)\)$/);return o?YP(o[1],e):0}},xbe=new Set(["x","y","z"]),Cbe=$h.filter(e=>!xbe.has(e));function Tbe(e){const t=[];return Cbe.forEach(n=>{const r=e.getValue(n);r!==void 0&&(t.push([n,r.get()]),r.set(n.startsWith("scale")?1:0))}),t.length&&e.render(),t}const cc={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:QP(4,13),y:QP(5,14)};cc.translateX=cc.x;cc.translateY=cc.y;const Ebe=(e,t,n)=>{const r=t.measureViewportBox(),i=t.current,o=getComputedStyle(i),{display:s}=o,a={};s==="none"&&t.setStaticValue("display",e.display||"block"),n.forEach(u=>{a[u]=cc[u](r,o)}),t.render();const l=t.measureViewportBox();return n.forEach(u=>{const c=t.getValue(u);c&&c.jump(a[u]),e[u]=cc[u](l,o)}),e},Pbe=(e,t,n={},r={})=>{t={...t},r={...r};const i=Object.keys(t).filter(ML);let o=[],s=!1;const a=[];if(i.forEach(l=>{const u=e.getValue(l);if(!e.hasValue(l))return;let c=n[l],d=id(c);const f=t[l];let h;if(ay(f)){const p=f.length,m=f[0]===null?1:0;c=f[m],d=id(c);for(let S=m;S=0?window.pageYOffset:null,u=Ebe(t,e,a);return o.length&&o.forEach(([c,d])=>{e.getValue(c).set(d)}),e.render(),t1&&l!==null&&window.scrollTo({top:l}),{target:u,transitionEnd:r}}else return{target:t,transitionEnd:r}};function Abe(e,t,n,r){return wbe(t)?Pbe(e,t,n,r):{target:t,transitionEnd:r}}const kbe=(e,t,n,r)=>{const i=Sbe(e,t,r);return t=i.target,r=i.transitionEnd,Abe(e,t,n,r)},q2={current:null},IL={current:!1};function Rbe(){if(IL.current=!0,!!t1)if(window.matchMedia){const e=window.matchMedia("(prefers-reduced-motion)"),t=()=>q2.current=e.matches;e.addListener(t),t()}else q2.current=!1}function Obe(e,t,n){const{willChange:r}=t;for(const i in t){const o=t[i],s=n[i];if(_r(o))e.addValue(i,o),dy(r)&&r.add(i);else if(_r(s))e.addValue(i,uc(o,{owner:e})),dy(r)&&r.remove(i);else if(s!==o)if(e.hasValue(i)){const a=e.getValue(i);!a.hasAnimated&&a.set(o)}else{const a=e.getStaticValue(i);e.addValue(i,uc(a!==void 0?a:o,{owner:e}))}}for(const i in n)t[i]===void 0&&e.removeValue(i);return t}const ZP=new WeakMap,NL=Object.keys(Hf),Mbe=NL.length,JP=["AnimationStart","AnimationComplete","Update","BeforeLayoutMeasure","LayoutMeasure","LayoutAnimationStart","LayoutAnimationComplete"],Ibe=GC.length;class Nbe{constructor({parent:t,props:n,presenceContext:r,reducedMotionConfig:i,visualState:o},s={}){this.current=null,this.children=new Set,this.isVariantNode=!1,this.isControllingVariants=!1,this.shouldReduceMotion=null,this.values=new Map,this.features={},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=()=>_t.render(this.render,!1,!0);const{latestValues:a,renderState:l}=o;this.latestValues=a,this.baseTarget={...a},this.initialValues=n.initial?{...a}:{},this.renderState=l,this.parent=t,this.props=n,this.presenceContext=r,this.depth=t?t.depth+1:0,this.reducedMotionConfig=i,this.options=s,this.isControllingVariants=r1(n),this.isVariantNode=bD(n),this.isVariantNode&&(this.variantChildren=new Set),this.manuallyAnimateOnMount=!!(t&&t.current);const{willChange:u,...c}=this.scrapeMotionValuesFromProps(n,{});for(const d in c){const f=c[d];a[d]!==void 0&&_r(f)&&(f.set(a[d],!1),dy(u)&&u.add(d))}}scrapeMotionValuesFromProps(t,n){return{}}mount(t){this.current=t,ZP.set(t,this),this.projection&&!this.projection.instance&&this.projection.mount(t),this.parent&&this.isVariantNode&&!this.isControllingVariants&&(this.removeFromVariantTree=this.parent.addVariantChild(this)),this.values.forEach((n,r)=>this.bindToMotionValue(r,n)),IL.current||Rbe(),this.shouldReduceMotion=this.reducedMotionConfig==="never"?!1:this.reducedMotionConfig==="always"?!0:q2.current,this.parent&&this.parent.children.add(this),this.update(this.props,this.presenceContext)}unmount(){ZP.delete(this.current),this.projection&&this.projection.unmount(),Uo(this.notifyUpdate),Uo(this.render),this.valueSubscriptions.forEach(t=>t()),this.removeFromVariantTree&&this.removeFromVariantTree(),this.parent&&this.parent.children.delete(this);for(const t in this.events)this.events[t].clear();for(const t in this.features)this.features[t].unmount();this.current=null}bindToMotionValue(t,n){const r=El.has(t),i=n.on("change",s=>{this.latestValues[t]=s,this.props.onUpdate&&_t.update(this.notifyUpdate,!1,!0),r&&this.projection&&(this.projection.isTransformDirty=!0)}),o=n.on("renderRequest",this.scheduleRender);this.valueSubscriptions.set(t,()=>{i(),o()})}sortNodePosition(t){return!this.current||!this.sortInstanceNodePosition||this.type!==t.type?0:this.sortInstanceNodePosition(this.current,t.current)}loadFeatures({children:t,...n},r,i,o){let s,a;for(let l=0;lthis.scheduleRender(),animationType:typeof u=="string"?u:"both",initialPromotionConfig:o,layoutScroll:f,layoutRoot:h})}return a}updateFeatures(){for(const t in this.features){const n=this.features[t];n.isMounted?n.update():(n.mount(),n.isMounted=!0)}}triggerBuild(){this.build(this.renderState,this.latestValues,this.options,this.props)}measureViewportBox(){return this.current?this.measureInstanceViewportBox(this.current,this.props):Wt()}getStaticValue(t){return this.latestValues[t]}setStaticValue(t,n){this.latestValues[t]=n}makeTargetAnimatable(t,n=!0){return this.makeTargetAnimatableFromInstance(t,this.props,n)}update(t,n){(t.transformTemplate||this.props.transformTemplate)&&this.scheduleRender(),this.prevProps=this.props,this.props=t,this.prevPresenceContext=this.presenceContext,this.presenceContext=n;for(let r=0;rn.variantChildren.delete(t)}addValue(t,n){n!==this.values.get(t)&&(this.removeValue(t),this.bindToMotionValue(t,n)),this.values.set(t,n),this.latestValues[t]=n.get()}removeValue(t){this.values.delete(t);const n=this.valueSubscriptions.get(t);n&&(n(),this.valueSubscriptions.delete(t)),delete this.latestValues[t],this.removeValueFromRenderState(t,this.renderState)}hasValue(t){return this.values.has(t)}getValue(t,n){if(this.props.values&&this.props.values[t])return this.props.values[t];let r=this.values.get(t);return r===void 0&&n!==void 0&&(r=uc(n,{owner:this}),this.addValue(t,r)),r}readValue(t){var n;return this.latestValues[t]!==void 0||!this.current?this.latestValues[t]:(n=this.getBaseTargetFromProps(this.props,t))!==null&&n!==void 0?n:this.readValueFromInstance(this.current,t,this.options)}setBaseTarget(t,n){this.baseTarget[t]=n}getBaseTarget(t){var n;const{initial:r}=this.props,i=typeof r=="string"||typeof r=="object"?(n=JC(this.props,r))===null||n===void 0?void 0:n[t]:void 0;if(r&&i!==void 0)return i;const o=this.getBaseTargetFromProps(this.props,t);return o!==void 0&&!_r(o)?o:this.initialValues[t]!==void 0&&i===void 0?void 0:this.baseTarget[t]}on(t,n){return this.events[t]||(this.events[t]=new l3),this.events[t].add(n)}notify(t,...n){this.events[t]&&this.events[t].notify(...n)}}class DL extends Nbe{sortInstanceNodePosition(t,n){return t.compareDocumentPosition(n)&2?1:-1}getBaseTargetFromProps(t,n){return t.style?t.style[n]:void 0}removeValueFromRenderState(t,{vars:n,style:r}){delete n[t],delete r[t]}makeTargetAnimatableFromInstance({transition:t,transitionEnd:n,...r},{transformValues:i},o){let s=Jve(r,t||{},this);if(i&&(n&&(n=i(n)),r&&(r=i(r)),s&&(s=i(s))),o){Qve(this,r,s);const a=kbe(this,r,s,n);n=a.transitionEnd,r=a.target}return{transition:t,transitionEnd:n,...r}}}function Dbe(e){return window.getComputedStyle(e)}class Lbe extends DL{readValueFromInstance(t,n){if(El.has(n)){const r=i3(n);return r&&r.default||0}else{const r=Dbe(t),i=(xD(n)?r.getPropertyValue(n):r[n])||0;return typeof i=="string"?i.trim():i}}measureInstanceViewportBox(t,{transformPagePoint:n}){return CL(t,n)}build(t,n,r,i){WC(t,n,r,i.transformTemplate)}scrapeMotionValuesFromProps(t,n){return ZC(t,n)}handleChildMotionValue(){this.childSubscription&&(this.childSubscription(),delete this.childSubscription);const{children:t}=this.props;_r(t)&&(this.childSubscription=t.on("change",n=>{this.current&&(this.current.textContent=`${n}`)}))}renderInstance(t,n,r,i){kD(t,n,r,i)}}class $be extends DL{constructor(){super(...arguments),this.isSVGTag=!1}getBaseTargetFromProps(t,n){return t[n]}readValueFromInstance(t,n){if(El.has(n)){const r=i3(n);return r&&r.default||0}return n=RD.has(n)?n:QC(n),t.getAttribute(n)}measureInstanceViewportBox(){return Wt()}scrapeMotionValuesFromProps(t,n){return MD(t,n)}build(t,n,r,i){XC(t,n,r,this.isSVGTag,i.transformTemplate)}renderInstance(t,n,r,i){OD(t,n,r,i)}mount(t){this.isSVGTag=YC(t.tagName),super.mount(t)}}const Fbe=(e,t)=>qC(e)?new $be(t,{enableHardwareAcceleration:!1}):new Lbe(t,{enableHardwareAcceleration:!0}),Bbe={layout:{ProjectionNode:OL,MeasureLayout:TL}},jbe={...h1e,...N0e,...ybe,...Bbe},Vbe=Uye((e,t)=>v0e(e,t,jbe,Fbe));function LL(){const e=k.useRef(!1);return iy(()=>(e.current=!0,()=>{e.current=!1}),[]),e}function zbe(){const e=LL(),[t,n]=k.useState(0),r=k.useCallback(()=>{e.current&&n(t+1)},[t]);return[k.useCallback(()=>_t.postRender(r),[r]),t]}class Ube extends k.Component{getSnapshotBeforeUpdate(t){const n=this.props.childRef.current;if(n&&t.isPresent&&!this.props.isPresent){const r=this.props.sizeRef.current;r.height=n.offsetHeight||0,r.width=n.offsetWidth||0,r.top=n.offsetTop,r.left=n.offsetLeft}return null}componentDidUpdate(){}render(){return this.props.children}}function Gbe({children:e,isPresent:t}){const n=k.useId(),r=k.useRef(null),i=k.useRef({width:0,height:0,top:0,left:0});return k.useInsertionEffect(()=>{const{width:o,height:s,top:a,left:l}=i.current;if(t||!r.current||!o||!s)return;r.current.dataset.motionPopId=n;const u=document.createElement("style");return document.head.appendChild(u),u.sheet&&u.sheet.insertRule(` - [data-motion-pop-id="${n}"] { - position: absolute !important; - width: ${o}px !important; - height: ${s}px !important; - top: ${a}px !important; - left: ${l}px !important; - } - `),()=>{document.head.removeChild(u)}},[t]),k.createElement(Ube,{isPresent:t,childRef:r,sizeRef:i},k.cloneElement(e,{ref:r}))}const gS=({children:e,initial:t,isPresent:n,onExitComplete:r,custom:i,presenceAffectsLayout:o,mode:s})=>{const a=ID(Hbe),l=k.useId(),u=k.useMemo(()=>({id:l,initial:t,isPresent:n,custom:i,onExitComplete:c=>{a.set(c,!0);for(const d of a.values())if(!d)return;r&&r()},register:c=>(a.set(c,!1),()=>a.delete(c))}),o?void 0:[n]);return k.useMemo(()=>{a.forEach((c,d)=>a.set(d,!1))},[n]),k.useEffect(()=>{!n&&!a.size&&r&&r()},[n]),s==="popLayout"&&(e=k.createElement(Gbe,{isPresent:n},e)),k.createElement(Lh.Provider,{value:u},e)};function Hbe(){return new Map}function qbe(e){return k.useEffect(()=>()=>e(),[])}const Ql=e=>e.key||"";function Wbe(e,t){e.forEach(n=>{const r=Ql(n);t.set(r,n)})}function Kbe(e){const t=[];return k.Children.forEach(e,n=>{k.isValidElement(n)&&t.push(n)}),t}const Xbe=({children:e,custom:t,initial:n=!0,onExitComplete:r,exitBeforeEnter:i,presenceAffectsLayout:o=!0,mode:s="sync"})=>{const a=k.useContext(HC).forceRender||zbe()[0],l=LL(),u=Kbe(e);let c=u;const d=k.useRef(new Map).current,f=k.useRef(c),h=k.useRef(new Map).current,p=k.useRef(!0);if(iy(()=>{p.current=!1,Wbe(u,h),f.current=c}),qbe(()=>{p.current=!0,h.clear(),d.clear()}),p.current)return k.createElement(k.Fragment,null,c.map(y=>k.createElement(gS,{key:Ql(y),isPresent:!0,initial:n?void 0:!1,presenceAffectsLayout:o,mode:s},y)));c=[...c];const m=f.current.map(Ql),S=u.map(Ql),v=m.length;for(let y=0;y{if(S.indexOf(g)!==-1)return;const b=h.get(g);if(!b)return;const _=m.indexOf(g);let w=y;if(!w){const x=()=>{h.delete(g),d.delete(g);const T=f.current.findIndex(P=>P.key===g);if(f.current.splice(T,1),!d.size){if(f.current=u,l.current===!1)return;a(),r&&r()}};w=k.createElement(gS,{key:Ql(b),isPresent:!1,onExitComplete:x,custom:t,presenceAffectsLayout:o,mode:s},b),d.set(g,w)}c.splice(_,0,w)}),c=c.map(y=>{const g=y.key;return d.has(g)?y:k.createElement(gS,{key:Ql(y),isPresent:!0,presenceAffectsLayout:o,mode:s},y)}),k.createElement(k.Fragment,null,d.size?c:c.map(y=>k.cloneElement(y)))};var Ybe=Lge({"0%":{transform:"rotate(0deg)"},"100%":{transform:"rotate(360deg)"}}),$L=Tl((e,t)=>{const n=mD("Spinner",e),{label:r="Loading...",thickness:i="2px",speed:o="0.45s",emptyColor:s="transparent",className:a,...l}=fD(e),u=oD("chakra-spinner",a),c={display:"inline-block",borderColor:"currentColor",borderStyle:"solid",borderRadius:"99999px",borderWidth:i,borderBottomColor:s,borderLeftColor:s,animation:`${Ybe} ${o} linear infinite`,...n};return K.jsx(sl.div,{ref:t,__css:c,className:u,...l,children:r&&K.jsx(sl.span,{srOnly:!0,children:r})})});$L.displayName="Spinner";var W2=Tl(function(t,n){const{htmlWidth:r,htmlHeight:i,alt:o,...s}=t;return K.jsx("img",{width:r,height:i,ref:n,alt:o,...s})});W2.displayName="NativeImage";function Qbe(e){const{loading:t,src:n,srcSet:r,onLoad:i,onError:o,crossOrigin:s,sizes:a,ignoreFallback:l}=e,[u,c]=k.useState("pending");k.useEffect(()=>{c(n?"loading":"pending")},[n]);const d=k.useRef(),f=k.useCallback(()=>{if(!n)return;h();const p=new Image;p.src=n,s&&(p.crossOrigin=s),r&&(p.srcset=r),a&&(p.sizes=a),t&&(p.loading=t),p.onload=m=>{h(),c("loaded"),i==null||i(m)},p.onerror=m=>{h(),c("failed"),o==null||o(m)},d.current=p},[n,s,r,a,i,o,t]),h=()=>{d.current&&(d.current.onload=null,d.current.onerror=null,d.current=null)};return $ge(()=>{if(!l)return u==="loading"&&f(),()=>{h()}},[u,f,l]),l?"loaded":u}var Zbe=(e,t)=>e!=="loaded"&&t==="beforeLoadOrError"||e==="failed"&&t==="onError";function Jbe(e,t=[]){const n=Object.assign({},e);for(const r of t)r in n&&delete n[r];return n}var u3=Tl(function(t,n){const{fallbackSrc:r,fallback:i,src:o,srcSet:s,align:a,fit:l,loading:u,ignoreFallback:c,crossOrigin:d,fallbackStrategy:f="beforeLoadOrError",referrerPolicy:h,...p}=t,m=r!==void 0||i!==void 0,S=u!=null||c||!m,v=Qbe({...t,crossOrigin:d,ignoreFallback:S}),y=Zbe(v,f),g={ref:n,objectFit:l,objectPosition:a,...S?p:Jbe(p,["onError","onLoad"])};return y?i||K.jsx(sl.img,{as:W2,className:"chakra-image__placeholder",src:r,...g}):K.jsx(sl.img,{as:W2,src:o,srcSet:s,crossOrigin:d,loading:u,referrerPolicy:h,className:"chakra-image",...g})});u3.displayName="Image";var eSe=aye?k.useLayoutEffect:k.useEffect;function e8(e,t=[]){const n=k.useRef(e);return eSe(()=>{n.current=e}),k.useCallback((...r)=>{var i;return(i=n.current)==null?void 0:i.call(n,...r)},t)}function tSe(e,t){const n=k.useId();return k.useMemo(()=>e||[t,n].filter(Boolean).join("-"),[e,t,n])}function nSe(e,t){const n=e!==void 0;return[n,n&&typeof e<"u"?e:t]}function rSe(e={}){const{onClose:t,onOpen:n,isOpen:r,id:i}=e,o=e8(n),s=e8(t),[a,l]=k.useState(e.defaultIsOpen||!1),[u,c]=nSe(r,a),d=tSe(i,"disclosure"),f=k.useCallback(()=>{u||l(!1),s==null||s()},[u,s]),h=k.useCallback(()=>{u||l(!0),o==null||o()},[u,o]),p=k.useCallback(()=>{(c?f:h)()},[c,h,f]);return{isOpen:!!c,onOpen:h,onClose:f,onToggle:p,isControlled:u,getButtonProps:(m={})=>({...m,"aria-expanded":c,"aria-controls":d,onClick:pye(m.onClick,p)}),getDisclosureProps:(m={})=>({...m,hidden:!c,id:d})}}var K2=Tl(function(t,n){const r=mD("Heading",t),{className:i,...o}=fD(t);return K.jsx(sl.h2,{ref:n,className:oD("chakra-heading",t.className),...o,__css:r})});K2.displayName="Heading";var c3=sl("div");c3.displayName="Box";var FL=Tl(function(t,n){const{size:r,centerContent:i=!0,...o}=t,s=i?{display:"flex",alignItems:"center",justifyContent:"center"}:{};return K.jsx(c3,{ref:n,boxSize:r,__css:{...s,flexShrink:0,flexGrow:0},...o})});FL.displayName="Square";var iSe=Tl(function(t,n){const{size:r,...i}=t;return K.jsx(FL,{size:r,ref:n,borderRadius:"9999px",...i})});iSe.displayName="Circle";var d3=Tl(function(t,n){const{direction:r,align:i,justify:o,wrap:s,basis:a,grow:l,shrink:u,...c}=t,d={display:"flex",flexDirection:r,alignItems:i,justifyContent:o,flexWrap:s,flexBasis:a,flexGrow:l,flexShrink:u};return K.jsx(sl.div,{ref:n,__css:d,...c})});d3.displayName="Flex";const oSe=""+new URL("logo-13003d72.png",import.meta.url).href,sSe=()=>K.jsxs(d3,{position:"relative",width:"100vw",height:"100vh",alignItems:"center",justifyContent:"center",bg:"#151519",children:[K.jsx(u3,{src:oSe,w:"8rem",h:"8rem"}),K.jsx($L,{label:"Loading",color:"grey",position:"absolute",size:"sm",width:"24px !important",height:"24px !important",right:"1.5rem",bottom:"1.5rem"})]}),aSe=k.memo(sSe);function X2(e){"@babel/helpers - typeof";return X2=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},X2(e)}var BL=[],lSe=BL.forEach,uSe=BL.slice;function Y2(e){return lSe.call(uSe.call(arguments,1),function(t){if(t)for(var n in t)e[n]===void 0&&(e[n]=t[n])}),e}function jL(){return typeof XMLHttpRequest=="function"||(typeof XMLHttpRequest>"u"?"undefined":X2(XMLHttpRequest))==="object"}function cSe(e){return!!e&&typeof e.then=="function"}function dSe(e){return cSe(e)?e:Promise.resolve(e)}function fSe(e){throw new Error('Could not dynamically require "'+e+'". Please configure the dynamicRequireTargets or/and ignoreDynamicRequires option of @rollup/plugin-commonjs appropriately for this require call to work.')}var Q2={exports:{}},Wp={exports:{}},t8;function hSe(){return t8||(t8=1,function(e,t){var n=typeof self<"u"?self:Ee,r=function(){function o(){this.fetch=!1,this.DOMException=n.DOMException}return o.prototype=n,new o}();(function(o){(function(s){var a={searchParams:"URLSearchParams"in o,iterable:"Symbol"in o&&"iterator"in Symbol,blob:"FileReader"in o&&"Blob"in o&&function(){try{return new Blob,!0}catch{return!1}}(),formData:"FormData"in o,arrayBuffer:"ArrayBuffer"in o};function l(C){return C&&DataView.prototype.isPrototypeOf(C)}if(a.arrayBuffer)var u=["[object Int8Array]","[object Uint8Array]","[object Uint8ClampedArray]","[object Int16Array]","[object Uint16Array]","[object Int32Array]","[object Uint32Array]","[object Float32Array]","[object Float64Array]"],c=ArrayBuffer.isView||function(C){return C&&u.indexOf(Object.prototype.toString.call(C))>-1};function d(C){if(typeof C!="string"&&(C=String(C)),/[^a-z0-9\-#$%&'*+.^_`|~]/i.test(C))throw new TypeError("Invalid character in header field name");return C.toLowerCase()}function f(C){return typeof C!="string"&&(C=String(C)),C}function h(C){var R={next:function(){var M=C.shift();return{done:M===void 0,value:M}}};return a.iterable&&(R[Symbol.iterator]=function(){return R}),R}function p(C){this.map={},C instanceof p?C.forEach(function(R,M){this.append(M,R)},this):Array.isArray(C)?C.forEach(function(R){this.append(R[0],R[1])},this):C&&Object.getOwnPropertyNames(C).forEach(function(R){this.append(R,C[R])},this)}p.prototype.append=function(C,R){C=d(C),R=f(R);var M=this.map[C];this.map[C]=M?M+", "+R:R},p.prototype.delete=function(C){delete this.map[d(C)]},p.prototype.get=function(C){return C=d(C),this.has(C)?this.map[C]:null},p.prototype.has=function(C){return this.map.hasOwnProperty(d(C))},p.prototype.set=function(C,R){this.map[d(C)]=f(R)},p.prototype.forEach=function(C,R){for(var M in this.map)this.map.hasOwnProperty(M)&&C.call(R,this.map[M],M,this)},p.prototype.keys=function(){var C=[];return this.forEach(function(R,M){C.push(M)}),h(C)},p.prototype.values=function(){var C=[];return this.forEach(function(R){C.push(R)}),h(C)},p.prototype.entries=function(){var C=[];return this.forEach(function(R,M){C.push([M,R])}),h(C)},a.iterable&&(p.prototype[Symbol.iterator]=p.prototype.entries);function m(C){if(C.bodyUsed)return Promise.reject(new TypeError("Already read"));C.bodyUsed=!0}function S(C){return new Promise(function(R,M){C.onload=function(){R(C.result)},C.onerror=function(){M(C.error)}})}function v(C){var R=new FileReader,M=S(R);return R.readAsArrayBuffer(C),M}function y(C){var R=new FileReader,M=S(R);return R.readAsText(C),M}function g(C){for(var R=new Uint8Array(C),M=new Array(R.length),N=0;N-1?R:C}function T(C,R){R=R||{};var M=R.body;if(C instanceof T){if(C.bodyUsed)throw new TypeError("Already read");this.url=C.url,this.credentials=C.credentials,R.headers||(this.headers=new p(C.headers)),this.method=C.method,this.mode=C.mode,this.signal=C.signal,!M&&C._bodyInit!=null&&(M=C._bodyInit,C.bodyUsed=!0)}else this.url=String(C);if(this.credentials=R.credentials||this.credentials||"same-origin",(R.headers||!this.headers)&&(this.headers=new p(R.headers)),this.method=x(R.method||this.method||"GET"),this.mode=R.mode||this.mode||null,this.signal=R.signal||this.signal,this.referrer=null,(this.method==="GET"||this.method==="HEAD")&&M)throw new TypeError("Body not allowed for GET or HEAD requests");this._initBody(M)}T.prototype.clone=function(){return new T(this,{body:this._bodyInit})};function P(C){var R=new FormData;return C.trim().split("&").forEach(function(M){if(M){var N=M.split("="),O=N.shift().replace(/\+/g," "),D=N.join("=").replace(/\+/g," ");R.append(decodeURIComponent(O),decodeURIComponent(D))}}),R}function E(C){var R=new p,M=C.replace(/\r?\n[\t ]+/g," ");return M.split(/\r?\n/).forEach(function(N){var O=N.split(":"),D=O.shift().trim();if(D){var L=O.join(":").trim();R.append(D,L)}}),R}_.call(T.prototype);function A(C,R){R||(R={}),this.type="default",this.status=R.status===void 0?200:R.status,this.ok=this.status>=200&&this.status<300,this.statusText="statusText"in R?R.statusText:"OK",this.headers=new p(R.headers),this.url=R.url||"",this._initBody(C)}_.call(A.prototype),A.prototype.clone=function(){return new A(this._bodyInit,{status:this.status,statusText:this.statusText,headers:new p(this.headers),url:this.url})},A.error=function(){var C=new A(null,{status:0,statusText:""});return C.type="error",C};var $=[301,302,303,307,308];A.redirect=function(C,R){if($.indexOf(R)===-1)throw new RangeError("Invalid status code");return new A(null,{status:R,headers:{location:C}})},s.DOMException=o.DOMException;try{new s.DOMException}catch{s.DOMException=function(R,M){this.message=R,this.name=M;var N=Error(R);this.stack=N.stack},s.DOMException.prototype=Object.create(Error.prototype),s.DOMException.prototype.constructor=s.DOMException}function I(C,R){return new Promise(function(M,N){var O=new T(C,R);if(O.signal&&O.signal.aborted)return N(new s.DOMException("Aborted","AbortError"));var D=new XMLHttpRequest;function L(){D.abort()}D.onload=function(){var j={status:D.status,statusText:D.statusText,headers:E(D.getAllResponseHeaders()||"")};j.url="responseURL"in D?D.responseURL:j.headers.get("X-Request-URL");var U="response"in D?D.response:D.responseText;M(new A(U,j))},D.onerror=function(){N(new TypeError("Network request failed"))},D.ontimeout=function(){N(new TypeError("Network request failed"))},D.onabort=function(){N(new s.DOMException("Aborted","AbortError"))},D.open(O.method,O.url,!0),O.credentials==="include"?D.withCredentials=!0:O.credentials==="omit"&&(D.withCredentials=!1),"responseType"in D&&a.blob&&(D.responseType="blob"),O.headers.forEach(function(j,U){D.setRequestHeader(U,j)}),O.signal&&(O.signal.addEventListener("abort",L),D.onreadystatechange=function(){D.readyState===4&&O.signal.removeEventListener("abort",L)}),D.send(typeof O._bodyInit>"u"?null:O._bodyInit)})}return I.polyfill=!0,o.fetch||(o.fetch=I,o.Headers=p,o.Request=T,o.Response=A),s.Headers=p,s.Request=T,s.Response=A,s.fetch=I,Object.defineProperty(s,"__esModule",{value:!0}),s})({})})(r),r.fetch.ponyfill=!0,delete r.fetch.polyfill;var i=r;t=i.fetch,t.default=i.fetch,t.fetch=i.fetch,t.Headers=i.Headers,t.Request=i.Request,t.Response=i.Response,e.exports=t}(Wp,Wp.exports)),Wp.exports}(function(e,t){var n;if(typeof fetch=="function"&&(typeof Ee<"u"&&Ee.fetch?n=Ee.fetch:typeof window<"u"&&window.fetch?n=window.fetch:n=fetch),typeof fSe<"u"&&(typeof window>"u"||typeof window.document>"u")){var r=n||hSe();r.default&&(r=r.default),t.default=r,e.exports=t.default}})(Q2,Q2.exports);var VL=Q2.exports;const zL=al(VL),n8=R8({__proto__:null,default:zL},[VL]);function hy(e){"@babel/helpers - typeof";return hy=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},hy(e)}var Do;typeof fetch=="function"&&(typeof global<"u"&&global.fetch?Do=global.fetch:typeof window<"u"&&window.fetch?Do=window.fetch:Do=fetch);var Wf;jL()&&(typeof global<"u"&&global.XMLHttpRequest?Wf=global.XMLHttpRequest:typeof window<"u"&&window.XMLHttpRequest&&(Wf=window.XMLHttpRequest));var py;typeof ActiveXObject=="function"&&(typeof global<"u"&&global.ActiveXObject?py=global.ActiveXObject:typeof window<"u"&&window.ActiveXObject&&(py=window.ActiveXObject));!Do&&n8&&!Wf&&!py&&(Do=zL||n8);typeof Do!="function"&&(Do=void 0);var Z2=function(t,n){if(n&&hy(n)==="object"){var r="";for(var i in n)r+="&"+encodeURIComponent(i)+"="+encodeURIComponent(n[i]);if(!r)return t;t=t+(t.indexOf("?")!==-1?"&":"?")+r.slice(1)}return t},r8=function(t,n,r){Do(t,n).then(function(i){if(!i.ok)return r(i.statusText||"Error",{status:i.status});i.text().then(function(o){r(null,{status:i.status,data:o})}).catch(r)}).catch(r)},i8=!1,pSe=function(t,n,r,i){t.queryStringParams&&(n=Z2(n,t.queryStringParams));var o=Y2({},typeof t.customHeaders=="function"?t.customHeaders():t.customHeaders);r&&(o["Content-Type"]="application/json");var s=typeof t.requestOptions=="function"?t.requestOptions(r):t.requestOptions,a=Y2({method:r?"POST":"GET",body:r?t.stringify(r):void 0,headers:o},i8?{}:s);try{r8(n,a,i)}catch(l){if(!s||Object.keys(s).length===0||!l.message||l.message.indexOf("not implemented")<0)return i(l);try{Object.keys(s).forEach(function(u){delete a[u]}),r8(n,a,i),i8=!0}catch(u){i(u)}}},gSe=function(t,n,r,i){r&&hy(r)==="object"&&(r=Z2("",r).slice(1)),t.queryStringParams&&(n=Z2(n,t.queryStringParams));try{var o;Wf?o=new Wf:o=new py("MSXML2.XMLHTTP.3.0"),o.open(r?"POST":"GET",n,1),t.crossDomain||o.setRequestHeader("X-Requested-With","XMLHttpRequest"),o.withCredentials=!!t.withCredentials,r&&o.setRequestHeader("Content-Type","application/x-www-form-urlencoded"),o.overrideMimeType&&o.overrideMimeType("application/json");var s=t.customHeaders;if(s=typeof s=="function"?s():s,s)for(var a in s)o.setRequestHeader(a,s[a]);o.onreadystatechange=function(){o.readyState>3&&i(o.status>=400?o.statusText:null,{status:o.status,data:o.responseText})},o.send(r)}catch(l){console&&console.log(l)}},mSe=function(t,n,r,i){if(typeof r=="function"&&(i=r,r=void 0),i=i||function(){},Do&&n.indexOf("file:")!==0)return pSe(t,n,r,i);if(jL()||typeof ActiveXObject=="function")return gSe(t,n,r,i);i(new Error("No fetch and no xhr implementation found!"))};function Kf(e){"@babel/helpers - typeof";return Kf=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},Kf(e)}function ySe(e,t){if(!(e instanceof t))throw new TypeError("Cannot call a class as a function")}function o8(e,t){for(var n=0;n1&&arguments[1]!==void 0?arguments[1]:{},r=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};ySe(this,e),this.services=t,this.options=n,this.allOptions=r,this.type="backend",this.init(t,n,r)}return vSe(e,[{key:"init",value:function(n){var r=this,i=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},o=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};this.services=n,this.options=Y2(i,this.options||{},_Se()),this.allOptions=o,this.services&&this.options.reloadInterval&&setInterval(function(){return r.reload()},this.options.reloadInterval)}},{key:"readMulti",value:function(n,r,i){this._readAny(n,n,r,r,i)}},{key:"read",value:function(n,r,i){this._readAny([n],n,[r],r,i)}},{key:"_readAny",value:function(n,r,i,o,s){var a=this,l=this.options.loadPath;typeof this.options.loadPath=="function"&&(l=this.options.loadPath(n,i)),l=dSe(l),l.then(function(u){if(!u)return s(null,{});var c=a.services.interpolator.interpolate(u,{lng:n.join("+"),ns:i.join("+")});a.loadUrl(c,s,r,o)})}},{key:"loadUrl",value:function(n,r,i,o){var s=this,a=typeof i=="string"?[i]:i,l=typeof o=="string"?[o]:o,u=this.options.parseLoadPayload(a,l);this.options.request(this.options,n,u,function(c,d){if(d&&(d.status>=500&&d.status<600||!d.status))return r("failed loading "+n+"; status code: "+d.status,!0);if(d&&d.status>=400&&d.status<500)return r("failed loading "+n+"; status code: "+d.status,!1);if(!d&&c&&c.message&&c.message.indexOf("Failed to fetch")>-1)return r("failed loading "+n+": "+c.message,!0);if(c)return r(c,!1);var f,h;try{typeof d.data=="string"?f=s.options.parse(d.data,i,o):f=d.data}catch{h="failed parsing "+n+" to json"}if(h)return r(h,!1);r(null,f)})}},{key:"create",value:function(n,r,i,o,s){var a=this;if(this.options.addPath){typeof n=="string"&&(n=[n]);var l=this.options.parsePayload(r,i,o),u=0,c=[],d=[];n.forEach(function(f){var h=a.options.addPath;typeof a.options.addPath=="function"&&(h=a.options.addPath(f,r));var p=a.services.interpolator.interpolate(h,{lng:f,ns:r});a.options.request(a.options,p,l,function(m,S){u+=1,c.push(m),d.push(S),u===n.length&&typeof s=="function"&&s(c,d)})})}}},{key:"reload",value:function(){var n=this,r=this.services,i=r.backendConnector,o=r.languageUtils,s=r.logger,a=i.language;if(!(a&&a.toLowerCase()==="cimode")){var l=[],u=function(d){var f=o.toResolveHierarchy(d);f.forEach(function(h){l.indexOf(h)<0&&l.push(h)})};u(a),this.allOptions.preload&&this.allOptions.preload.forEach(function(c){return u(c)}),l.forEach(function(c){n.allOptions.ns.forEach(function(d){i.read(c,d,"read",null,null,function(f,h){f&&s.warn("loading namespace ".concat(d," for language ").concat(c," failed"),f),!f&&h&&s.log("loaded namespace ".concat(d," for language ").concat(c),h),i.loaded("".concat(c,"|").concat(d),f,h)})})})}}}]),e}();GL.type="backend";const wSe=/&(?:amp|#38|lt|#60|gt|#62|apos|#39|quot|#34|nbsp|#160|copy|#169|reg|#174|hellip|#8230|#x2F|#47);/g,xSe={"&":"&","&":"&","<":"<","<":"<",">":">",">":">","'":"'","'":"'",""":'"',""":'"'," ":" "," ":" ","©":"©","©":"©","®":"®","®":"®","…":"…","…":"…","/":"/","/":"/"},CSe=e=>xSe[e],TSe=e=>e.replace(wSe,CSe);let J2={bindI18n:"languageChanged",bindI18nStore:"",transEmptyNodeValue:"",transSupportBasicHtmlNodes:!0,transWrapTextNodes:"",transKeepBasicHtmlNodesFor:["br","strong","i","p"],useSuspense:!0,unescape:TSe};function ESe(){let e=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};J2={...J2,...e}}function F4e(){return J2}let HL;function PSe(e){HL=e}function B4e(){return HL}const ASe={type:"3rdParty",init(e){ESe(e.options.react),PSe(e)}};zn.use(GL).use(ASe).init({fallbackLng:"en",debug:!1,backend:{loadPath:"/locales/{{lng}}.json"},interpolation:{escapeValue:!1},returnNull:!1});const kSe=e=>{const{socket:t,storeApi:n}=e,{dispatch:r,getState:i}=n;t.on("connect",()=>{fe("socketio").debug("Connected"),r(n7());const{sessionId:s}=i().system;s&&(t.emit("subscribe",{session:s}),r(Vx({sessionId:s})))}),t.on("connect_error",o=>{o&&o.message&&o.data==="ERR_UNAUTHENTICATED"&&r(Bt(Ga({title:o.message,status:"error",duration:1e4})))}),t.on("disconnect",()=>{r(i7())}),t.on("invocation_started",o=>{r(u7({data:o}))}),t.on("generator_progress",o=>{r(g7({data:o}))}),t.on("invocation_error",o=>{r(f7({data:o}))}),t.on("invocation_complete",o=>{r(zx({data:o}))}),t.on("graph_execution_state_complete",o=>{r(h7({data:o}))}),t.on("model_load_started",o=>{r(y7({data:o}))}),t.on("model_load_completed",o=>{r(v7({data:o}))}),t.on("session_retrieval_error",o=>{r(b7({data:o}))}),t.on("invocation_retrieval_error",o=>{r(_7({data:o}))})},ro=Object.create(null);ro.open="0";ro.close="1";ro.ping="2";ro.pong="3";ro.message="4";ro.upgrade="5";ro.noop="6";const Ag=Object.create(null);Object.keys(ro).forEach(e=>{Ag[ro[e]]=e});const RSe={type:"error",data:"parser error"},qL=typeof Blob=="function"||typeof Blob<"u"&&Object.prototype.toString.call(Blob)==="[object BlobConstructor]",WL=typeof ArrayBuffer=="function",KL=e=>typeof ArrayBuffer.isView=="function"?ArrayBuffer.isView(e):e&&e.buffer instanceof ArrayBuffer,f3=({type:e,data:t},n,r)=>qL&&t instanceof Blob?n?r(t):s8(t,r):WL&&(t instanceof ArrayBuffer||KL(t))?n?r(t):s8(new Blob([t]),r):r(ro[e]+(t||"")),s8=(e,t)=>{const n=new FileReader;return n.onload=function(){const r=n.result.split(",")[1];t("b"+(r||""))},n.readAsDataURL(e)};function a8(e){return e instanceof Uint8Array?e:e instanceof ArrayBuffer?new Uint8Array(e):new Uint8Array(e.buffer,e.byteOffset,e.byteLength)}let mS;function OSe(e,t){if(qL&&e.data instanceof Blob)return e.data.arrayBuffer().then(a8).then(t);if(WL&&(e.data instanceof ArrayBuffer||KL(e.data)))return t(a8(e.data));f3(e,!1,n=>{mS||(mS=new TextEncoder),t(mS.encode(n))})}const l8="ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/",md=typeof Uint8Array>"u"?[]:new Uint8Array(256);for(let e=0;e{let t=e.length*.75,n=e.length,r,i=0,o,s,a,l;e[e.length-1]==="="&&(t--,e[e.length-2]==="="&&t--);const u=new ArrayBuffer(t),c=new Uint8Array(u);for(r=0;r>4,c[i++]=(s&15)<<4|a>>2,c[i++]=(a&3)<<6|l&63;return u},ISe=typeof ArrayBuffer=="function",h3=(e,t)=>{if(typeof e!="string")return{type:"message",data:XL(e,t)};const n=e.charAt(0);return n==="b"?{type:"message",data:NSe(e.substring(1),t)}:Ag[n]?e.length>1?{type:Ag[n],data:e.substring(1)}:{type:Ag[n]}:RSe},NSe=(e,t)=>{if(ISe){const n=MSe(e);return XL(n,t)}else return{base64:!0,data:e}},XL=(e,t)=>{switch(t){case"blob":return e instanceof Blob?e:new Blob([e]);case"arraybuffer":default:return e instanceof ArrayBuffer?e:e.buffer}},YL=String.fromCharCode(30),DSe=(e,t)=>{const n=e.length,r=new Array(n);let i=0;e.forEach((o,s)=>{f3(o,!1,a=>{r[s]=a,++i===n&&t(r.join(YL))})})},LSe=(e,t)=>{const n=e.split(YL),r=[];for(let i=0;i54;return h3(r?e:yS.decode(e),n)}const QL=4;function Zt(e){if(e)return FSe(e)}function FSe(e){for(var t in Zt.prototype)e[t]=Zt.prototype[t];return e}Zt.prototype.on=Zt.prototype.addEventListener=function(e,t){return this._callbacks=this._callbacks||{},(this._callbacks["$"+e]=this._callbacks["$"+e]||[]).push(t),this};Zt.prototype.once=function(e,t){function n(){this.off(e,n),t.apply(this,arguments)}return n.fn=t,this.on(e,n),this};Zt.prototype.off=Zt.prototype.removeListener=Zt.prototype.removeAllListeners=Zt.prototype.removeEventListener=function(e,t){if(this._callbacks=this._callbacks||{},arguments.length==0)return this._callbacks={},this;var n=this._callbacks["$"+e];if(!n)return this;if(arguments.length==1)return delete this._callbacks["$"+e],this;for(var r,i=0;itypeof self<"u"?self:typeof window<"u"?window:Function("return this")())();function ZL(e,...t){return t.reduce((n,r)=>(e.hasOwnProperty(r)&&(n[r]=e[r]),n),{})}const BSe=qr.setTimeout,jSe=qr.clearTimeout;function a1(e,t){t.useNativeTimers?(e.setTimeoutFn=BSe.bind(qr),e.clearTimeoutFn=jSe.bind(qr)):(e.setTimeoutFn=qr.setTimeout.bind(qr),e.clearTimeoutFn=qr.clearTimeout.bind(qr))}const VSe=1.33;function zSe(e){return typeof e=="string"?USe(e):Math.ceil((e.byteLength||e.size)*VSe)}function USe(e){let t=0,n=0;for(let r=0,i=e.length;r=57344?n+=3:(r++,n+=4);return n}function GSe(e){let t="";for(let n in e)e.hasOwnProperty(n)&&(t.length&&(t+="&"),t+=encodeURIComponent(n)+"="+encodeURIComponent(e[n]));return t}function HSe(e){let t={},n=e.split("&");for(let r=0,i=n.length;r0);return t}function e$(){const e=d8(+new Date);return e!==c8?(u8=0,c8=e):e+"."+d8(u8++)}for(;Kp{this.readyState="paused",t()};if(this.polling||!this.writable){let r=0;this.polling&&(r++,this.once("pollComplete",function(){--r||n()})),this.writable||(r++,this.once("drain",function(){--r||n()}))}else n()}poll(){this.polling=!0,this.doPoll(),this.emitReserved("poll")}onData(t){const n=r=>{if(this.readyState==="opening"&&r.type==="open"&&this.onOpen(),r.type==="close")return this.onClose({description:"transport closed by the server"}),!1;this.onPacket(r)};LSe(t,this.socket.binaryType).forEach(n),this.readyState!=="closed"&&(this.polling=!1,this.emitReserved("pollComplete"),this.readyState==="open"&&this.poll())}doClose(){const t=()=>{this.write([{type:"close"}])};this.readyState==="open"?t():this.once("open",t)}write(t){this.writable=!1,DSe(t,n=>{this.doWrite(n,()=>{this.writable=!0,this.emitReserved("drain")})})}uri(){const t=this.opts.secure?"https":"http",n=this.query||{};return this.opts.timestampRequests!==!1&&(n[this.opts.timestampParam]=e$()),!this.supportsBinary&&!n.sid&&(n.b64=1),this.createUri(t,n)}request(t={}){return Object.assign(t,{xd:this.xd,cookieJar:this.cookieJar},this.opts),new $u(this.uri(),t)}doWrite(t,n){const r=this.request({method:"POST",data:t});r.on("success",n),r.on("error",(i,o)=>{this.onError("xhr post error",i,o)})}doPoll(){const t=this.request();t.on("data",this.onData.bind(this)),t.on("error",(n,r)=>{this.onError("xhr poll error",n,r)}),this.pollXhr=t}}let $u=class kg extends Zt{constructor(t,n){super(),a1(this,n),this.opts=n,this.method=n.method||"GET",this.uri=t,this.data=n.data!==void 0?n.data:null,this.create()}create(){var t;const n=ZL(this.opts,"agent","pfx","key","passphrase","cert","ca","ciphers","rejectUnauthorized","autoUnref");n.xdomain=!!this.opts.xd;const r=this.xhr=new n$(n);try{r.open(this.method,this.uri,!0);try{if(this.opts.extraHeaders){r.setDisableHeaderCheck&&r.setDisableHeaderCheck(!0);for(let i in this.opts.extraHeaders)this.opts.extraHeaders.hasOwnProperty(i)&&r.setRequestHeader(i,this.opts.extraHeaders[i])}}catch{}if(this.method==="POST")try{r.setRequestHeader("Content-type","text/plain;charset=UTF-8")}catch{}try{r.setRequestHeader("Accept","*/*")}catch{}(t=this.opts.cookieJar)===null||t===void 0||t.addCookies(r),"withCredentials"in r&&(r.withCredentials=this.opts.withCredentials),this.opts.requestTimeout&&(r.timeout=this.opts.requestTimeout),r.onreadystatechange=()=>{var i;r.readyState===3&&((i=this.opts.cookieJar)===null||i===void 0||i.parseCookies(r)),r.readyState===4&&(r.status===200||r.status===1223?this.onLoad():this.setTimeoutFn(()=>{this.onError(typeof r.status=="number"?r.status:0)},0))},r.send(this.data)}catch(i){this.setTimeoutFn(()=>{this.onError(i)},0);return}typeof document<"u"&&(this.index=kg.requestsCount++,kg.requests[this.index]=this)}onError(t){this.emitReserved("error",t,this.xhr),this.cleanup(!0)}cleanup(t){if(!(typeof this.xhr>"u"||this.xhr===null)){if(this.xhr.onreadystatechange=XSe,t)try{this.xhr.abort()}catch{}typeof document<"u"&&delete kg.requests[this.index],this.xhr=null}}onLoad(){const t=this.xhr.responseText;t!==null&&(this.emitReserved("data",t),this.emitReserved("success"),this.cleanup())}abort(){this.cleanup()}};$u.requestsCount=0;$u.requests={};if(typeof document<"u"){if(typeof attachEvent=="function")attachEvent("onunload",f8);else if(typeof addEventListener=="function"){const e="onpagehide"in qr?"pagehide":"unload";addEventListener(e,f8,!1)}}function f8(){for(let e in $u.requests)$u.requests.hasOwnProperty(e)&&$u.requests[e].abort()}const g3=(()=>typeof Promise=="function"&&typeof Promise.resolve=="function"?t=>Promise.resolve().then(t):(t,n)=>n(t,0))(),Xp=qr.WebSocket||qr.MozWebSocket,h8=!0,ZSe="arraybuffer",p8=typeof navigator<"u"&&typeof navigator.product=="string"&&navigator.product.toLowerCase()==="reactnative";class JSe extends p3{constructor(t){super(t),this.supportsBinary=!t.forceBase64}get name(){return"websocket"}doOpen(){if(!this.check())return;const t=this.uri(),n=this.opts.protocols,r=p8?{}:ZL(this.opts,"agent","perMessageDeflate","pfx","key","passphrase","cert","ca","ciphers","rejectUnauthorized","localAddress","protocolVersion","origin","maxPayload","family","checkServerIdentity");this.opts.extraHeaders&&(r.headers=this.opts.extraHeaders);try{this.ws=h8&&!p8?n?new Xp(t,n):new Xp(t):new Xp(t,n,r)}catch(i){return this.emitReserved("error",i)}this.ws.binaryType=this.socket.binaryType||ZSe,this.addEventListeners()}addEventListeners(){this.ws.onopen=()=>{this.opts.autoUnref&&this.ws._socket.unref(),this.onOpen()},this.ws.onclose=t=>this.onClose({description:"websocket connection closed",context:t}),this.ws.onmessage=t=>this.onData(t.data),this.ws.onerror=t=>this.onError("websocket error",t)}write(t){this.writable=!1;for(let n=0;n{const s={};try{h8&&this.ws.send(o)}catch{}i&&g3(()=>{this.writable=!0,this.emitReserved("drain")},this.setTimeoutFn)})}}doClose(){typeof this.ws<"u"&&(this.ws.close(),this.ws=null)}uri(){const t=this.opts.secure?"wss":"ws",n=this.query||{};return this.opts.timestampRequests&&(n[this.opts.timestampParam]=e$()),this.supportsBinary||(n.b64=1),this.createUri(t,n)}check(){return!!Xp}}function e_e(e,t){return e.type==="message"&&typeof e.data!="string"&&t[0]>=48&&t[0]<=54}class t_e extends p3{get name(){return"webtransport"}doOpen(){typeof WebTransport=="function"&&(this.transport=new WebTransport(this.createUri("https"),this.opts.transportOptions[this.name]),this.transport.closed.then(()=>{this.onClose()}).catch(t=>{this.onError("webtransport error",t)}),this.transport.ready.then(()=>{this.transport.createBidirectionalStream().then(t=>{const n=t.readable.getReader();this.writer=t.writable.getWriter();let r;const i=()=>{n.read().then(({done:s,value:a})=>{s||(!r&&a.byteLength===1&&a[0]===54?r=!0:(this.onPacket($Se(a,r,"arraybuffer")),r=!1),i())}).catch(s=>{})};i();const o=this.query.sid?`0{"sid":"${this.query.sid}"}`:"0";this.writer.write(new TextEncoder().encode(o)).then(()=>this.onOpen())})}))}write(t){this.writable=!1;for(let n=0;n{e_e(r,o)&&this.writer.write(Uint8Array.of(54)),this.writer.write(o).then(()=>{i&&g3(()=>{this.writable=!0,this.emitReserved("drain")},this.setTimeoutFn)})})}}doClose(){var t;(t=this.transport)===null||t===void 0||t.close()}}const n_e={websocket:JSe,webtransport:t_e,polling:QSe},r_e=/^(?:(?![^:@\/?#]+:[^:@\/]*@)(http|https|ws|wss):\/\/)?((?:(([^:@\/?#]*)(?::([^:@\/?#]*))?)?@)?((?:[a-f0-9]{0,4}:){2,7}[a-f0-9]{0,4}|[^:\/?#]*)(?::(\d*))?)(((\/(?:[^?#](?![^?#\/]*\.[^?#\/.]+(?:[?#]|$)))*\/?)?([^?#\/]*))(?:\?([^#]*))?(?:#(.*))?)/,i_e=["source","protocol","authority","userInfo","user","password","host","port","relative","path","directory","file","query","anchor"];function tw(e){const t=e,n=e.indexOf("["),r=e.indexOf("]");n!=-1&&r!=-1&&(e=e.substring(0,n)+e.substring(n,r).replace(/:/g,";")+e.substring(r,e.length));let i=r_e.exec(e||""),o={},s=14;for(;s--;)o[i_e[s]]=i[s]||"";return n!=-1&&r!=-1&&(o.source=t,o.host=o.host.substring(1,o.host.length-1).replace(/;/g,":"),o.authority=o.authority.replace("[","").replace("]","").replace(/;/g,":"),o.ipv6uri=!0),o.pathNames=o_e(o,o.path),o.queryKey=s_e(o,o.query),o}function o_e(e,t){const n=/\/{2,9}/g,r=t.replace(n,"/").split("/");return(t.slice(0,1)=="/"||t.length===0)&&r.splice(0,1),t.slice(-1)=="/"&&r.splice(r.length-1,1),r}function s_e(e,t){const n={};return t.replace(/(?:^|&)([^&=]*)=?([^&]*)/g,function(r,i,o){i&&(n[i]=o)}),n}let r$=class Zl extends Zt{constructor(t,n={}){super(),this.writeBuffer=[],t&&typeof t=="object"&&(n=t,t=null),t?(t=tw(t),n.hostname=t.host,n.secure=t.protocol==="https"||t.protocol==="wss",n.port=t.port,t.query&&(n.query=t.query)):n.host&&(n.hostname=tw(n.host).host),a1(this,n),this.secure=n.secure!=null?n.secure:typeof location<"u"&&location.protocol==="https:",n.hostname&&!n.port&&(n.port=this.secure?"443":"80"),this.hostname=n.hostname||(typeof location<"u"?location.hostname:"localhost"),this.port=n.port||(typeof location<"u"&&location.port?location.port:this.secure?"443":"80"),this.transports=n.transports||["polling","websocket","webtransport"],this.writeBuffer=[],this.prevBufferLen=0,this.opts=Object.assign({path:"/engine.io",agent:!1,withCredentials:!1,upgrade:!0,timestampParam:"t",rememberUpgrade:!1,addTrailingSlash:!0,rejectUnauthorized:!0,perMessageDeflate:{threshold:1024},transportOptions:{},closeOnBeforeunload:!1},n),this.opts.path=this.opts.path.replace(/\/$/,"")+(this.opts.addTrailingSlash?"/":""),typeof this.opts.query=="string"&&(this.opts.query=HSe(this.opts.query)),this.id=null,this.upgrades=null,this.pingInterval=null,this.pingTimeout=null,this.pingTimeoutTimer=null,typeof addEventListener=="function"&&(this.opts.closeOnBeforeunload&&(this.beforeunloadEventListener=()=>{this.transport&&(this.transport.removeAllListeners(),this.transport.close())},addEventListener("beforeunload",this.beforeunloadEventListener,!1)),this.hostname!=="localhost"&&(this.offlineEventListener=()=>{this.onClose("transport close",{description:"network connection lost"})},addEventListener("offline",this.offlineEventListener,!1))),this.open()}createTransport(t){const n=Object.assign({},this.opts.query);n.EIO=QL,n.transport=t,this.id&&(n.sid=this.id);const r=Object.assign({},this.opts,{query:n,socket:this,hostname:this.hostname,secure:this.secure,port:this.port},this.opts.transportOptions[t]);return new n_e[t](r)}open(){let t;if(this.opts.rememberUpgrade&&Zl.priorWebsocketSuccess&&this.transports.indexOf("websocket")!==-1)t="websocket";else if(this.transports.length===0){this.setTimeoutFn(()=>{this.emitReserved("error","No transports available")},0);return}else t=this.transports[0];this.readyState="opening";try{t=this.createTransport(t)}catch{this.transports.shift(),this.open();return}t.open(),this.setTransport(t)}setTransport(t){this.transport&&this.transport.removeAllListeners(),this.transport=t,t.on("drain",this.onDrain.bind(this)).on("packet",this.onPacket.bind(this)).on("error",this.onError.bind(this)).on("close",n=>this.onClose("transport close",n))}probe(t){let n=this.createTransport(t),r=!1;Zl.priorWebsocketSuccess=!1;const i=()=>{r||(n.send([{type:"ping",data:"probe"}]),n.once("packet",d=>{if(!r)if(d.type==="pong"&&d.data==="probe"){if(this.upgrading=!0,this.emitReserved("upgrading",n),!n)return;Zl.priorWebsocketSuccess=n.name==="websocket",this.transport.pause(()=>{r||this.readyState!=="closed"&&(c(),this.setTransport(n),n.send([{type:"upgrade"}]),this.emitReserved("upgrade",n),n=null,this.upgrading=!1,this.flush())})}else{const f=new Error("probe error");f.transport=n.name,this.emitReserved("upgradeError",f)}}))};function o(){r||(r=!0,c(),n.close(),n=null)}const s=d=>{const f=new Error("probe error: "+d);f.transport=n.name,o(),this.emitReserved("upgradeError",f)};function a(){s("transport closed")}function l(){s("socket closed")}function u(d){n&&d.name!==n.name&&o()}const c=()=>{n.removeListener("open",i),n.removeListener("error",s),n.removeListener("close",a),this.off("close",l),this.off("upgrading",u)};n.once("open",i),n.once("error",s),n.once("close",a),this.once("close",l),this.once("upgrading",u),this.upgrades.indexOf("webtransport")!==-1&&t!=="webtransport"?this.setTimeoutFn(()=>{r||n.open()},200):n.open()}onOpen(){if(this.readyState="open",Zl.priorWebsocketSuccess=this.transport.name==="websocket",this.emitReserved("open"),this.flush(),this.readyState==="open"&&this.opts.upgrade){let t=0;const n=this.upgrades.length;for(;t{this.onClose("ping timeout")},this.pingInterval+this.pingTimeout),this.opts.autoUnref&&this.pingTimeoutTimer.unref()}onDrain(){this.writeBuffer.splice(0,this.prevBufferLen),this.prevBufferLen=0,this.writeBuffer.length===0?this.emitReserved("drain"):this.flush()}flush(){if(this.readyState!=="closed"&&this.transport.writable&&!this.upgrading&&this.writeBuffer.length){const t=this.getWritablePackets();this.transport.send(t),this.prevBufferLen=t.length,this.emitReserved("flush")}}getWritablePackets(){if(!(this.maxPayload&&this.transport.name==="polling"&&this.writeBuffer.length>1))return this.writeBuffer;let n=1;for(let r=0;r0&&n>this.maxPayload)return this.writeBuffer.slice(0,r);n+=2}return this.writeBuffer}write(t,n,r){return this.sendPacket("message",t,n,r),this}send(t,n,r){return this.sendPacket("message",t,n,r),this}sendPacket(t,n,r,i){if(typeof n=="function"&&(i=n,n=void 0),typeof r=="function"&&(i=r,r=null),this.readyState==="closing"||this.readyState==="closed")return;r=r||{},r.compress=r.compress!==!1;const o={type:t,data:n,options:r};this.emitReserved("packetCreate",o),this.writeBuffer.push(o),i&&this.once("flush",i),this.flush()}close(){const t=()=>{this.onClose("forced close"),this.transport.close()},n=()=>{this.off("upgrade",n),this.off("upgradeError",n),t()},r=()=>{this.once("upgrade",n),this.once("upgradeError",n)};return(this.readyState==="opening"||this.readyState==="open")&&(this.readyState="closing",this.writeBuffer.length?this.once("drain",()=>{this.upgrading?r():t()}):this.upgrading?r():t()),this}onError(t){Zl.priorWebsocketSuccess=!1,this.emitReserved("error",t),this.onClose("transport error",t)}onClose(t,n){(this.readyState==="opening"||this.readyState==="open"||this.readyState==="closing")&&(this.clearTimeoutFn(this.pingTimeoutTimer),this.transport.removeAllListeners("close"),this.transport.close(),this.transport.removeAllListeners(),typeof removeEventListener=="function"&&(removeEventListener("beforeunload",this.beforeunloadEventListener,!1),removeEventListener("offline",this.offlineEventListener,!1)),this.readyState="closed",this.id=null,this.emitReserved("close",t,n),this.writeBuffer=[],this.prevBufferLen=0)}filterUpgrades(t){const n=[];let r=0;const i=t.length;for(;rtypeof ArrayBuffer.isView=="function"?ArrayBuffer.isView(e):e.buffer instanceof ArrayBuffer,i$=Object.prototype.toString,c_e=typeof Blob=="function"||typeof Blob<"u"&&i$.call(Blob)==="[object BlobConstructor]",d_e=typeof File=="function"||typeof File<"u"&&i$.call(File)==="[object FileConstructor]";function m3(e){return l_e&&(e instanceof ArrayBuffer||u_e(e))||c_e&&e instanceof Blob||d_e&&e instanceof File}function Rg(e,t){if(!e||typeof e!="object")return!1;if(Array.isArray(e)){for(let n=0,r=e.length;n=0&&e.num{delete this.acks[t];for(let s=0;s{this.io.clearTimeoutFn(o),n.apply(this,[null,...s])}}emitWithAck(t,...n){const r=this.flags.timeout!==void 0||this._opts.ackTimeout!==void 0;return new Promise((i,o)=>{n.push((s,a)=>r?s?o(s):i(a):i(s)),this.emit(t,...n)})}_addToQueue(t){let n;typeof t[t.length-1]=="function"&&(n=t.pop());const r={id:this._queueSeq++,tryCount:0,pending:!1,args:t,flags:Object.assign({fromQueue:!0},this.flags)};t.push((i,...o)=>r!==this._queue[0]?void 0:(i!==null?r.tryCount>this._opts.retries&&(this._queue.shift(),n&&n(i)):(this._queue.shift(),n&&n(null,...o)),r.pending=!1,this._drainQueue())),this._queue.push(r),this._drainQueue()}_drainQueue(t=!1){if(!this.connected||this._queue.length===0)return;const n=this._queue[0];n.pending&&!t||(n.pending=!0,n.tryCount++,this.flags=n.flags,this.emit.apply(this,n.args))}packet(t){t.nsp=this.nsp,this.io._packet(t)}onopen(){typeof this.auth=="function"?this.auth(t=>{this._sendConnectPacket(t)}):this._sendConnectPacket(this.auth)}_sendConnectPacket(t){this.packet({type:Ie.CONNECT,data:this._pid?Object.assign({pid:this._pid,offset:this._lastOffset},t):t})}onerror(t){this.connected||this.emitReserved("connect_error",t)}onclose(t,n){this.connected=!1,delete this.id,this.emitReserved("disconnect",t,n)}onpacket(t){if(t.nsp===this.nsp)switch(t.type){case Ie.CONNECT:t.data&&t.data.sid?this.onconnect(t.data.sid,t.data.pid):this.emitReserved("connect_error",new Error("It seems you are trying to reach a Socket.IO server in v2.x with a v3.x client, but they are not compatible (more information here: https://socket.io/docs/v3/migrating-from-2-x-to-3-0/)"));break;case Ie.EVENT:case Ie.BINARY_EVENT:this.onevent(t);break;case Ie.ACK:case Ie.BINARY_ACK:this.onack(t);break;case Ie.DISCONNECT:this.ondisconnect();break;case Ie.CONNECT_ERROR:this.destroy();const r=new Error(t.data.message);r.data=t.data.data,this.emitReserved("connect_error",r);break}}onevent(t){const n=t.data||[];t.id!=null&&n.push(this.ack(t.id)),this.connected?this.emitEvent(n):this.receiveBuffer.push(Object.freeze(n))}emitEvent(t){if(this._anyListeners&&this._anyListeners.length){const n=this._anyListeners.slice();for(const r of n)r.apply(this,t)}super.emit.apply(this,t),this._pid&&t.length&&typeof t[t.length-1]=="string"&&(this._lastOffset=t[t.length-1])}ack(t){const n=this;let r=!1;return function(...i){r||(r=!0,n.packet({type:Ie.ACK,id:t,data:i}))}}onack(t){const n=this.acks[t.id];typeof n=="function"&&(n.apply(this,t.data),delete this.acks[t.id])}onconnect(t,n){this.id=t,this.recovered=n&&this._pid===n,this._pid=n,this.connected=!0,this.emitBuffered(),this.emitReserved("connect"),this._drainQueue(!0)}emitBuffered(){this.receiveBuffer.forEach(t=>this.emitEvent(t)),this.receiveBuffer=[],this.sendBuffer.forEach(t=>{this.notifyOutgoingListeners(t),this.packet(t)}),this.sendBuffer=[]}ondisconnect(){this.destroy(),this.onclose("io server disconnect")}destroy(){this.subs&&(this.subs.forEach(t=>t()),this.subs=void 0),this.io._destroy(this)}disconnect(){return this.connected&&this.packet({type:Ie.DISCONNECT}),this.destroy(),this.connected&&this.onclose("io client disconnect"),this}close(){return this.disconnect()}compress(t){return this.flags.compress=t,this}get volatile(){return this.flags.volatile=!0,this}timeout(t){return this.flags.timeout=t,this}onAny(t){return this._anyListeners=this._anyListeners||[],this._anyListeners.push(t),this}prependAny(t){return this._anyListeners=this._anyListeners||[],this._anyListeners.unshift(t),this}offAny(t){if(!this._anyListeners)return this;if(t){const n=this._anyListeners;for(let r=0;r0&&e.jitter<=1?e.jitter:0,this.attempts=0}Tc.prototype.duration=function(){var e=this.ms*Math.pow(this.factor,this.attempts++);if(this.jitter){var t=Math.random(),n=Math.floor(t*this.jitter*e);e=Math.floor(t*10)&1?e+n:e-n}return Math.min(e,this.max)|0};Tc.prototype.reset=function(){this.attempts=0};Tc.prototype.setMin=function(e){this.ms=e};Tc.prototype.setMax=function(e){this.max=e};Tc.prototype.setJitter=function(e){this.jitter=e};class iw extends Zt{constructor(t,n){var r;super(),this.nsps={},this.subs=[],t&&typeof t=="object"&&(n=t,t=void 0),n=n||{},n.path=n.path||"/socket.io",this.opts=n,a1(this,n),this.reconnection(n.reconnection!==!1),this.reconnectionAttempts(n.reconnectionAttempts||1/0),this.reconnectionDelay(n.reconnectionDelay||1e3),this.reconnectionDelayMax(n.reconnectionDelayMax||5e3),this.randomizationFactor((r=n.randomizationFactor)!==null&&r!==void 0?r:.5),this.backoff=new Tc({min:this.reconnectionDelay(),max:this.reconnectionDelayMax(),jitter:this.randomizationFactor()}),this.timeout(n.timeout==null?2e4:n.timeout),this._readyState="closed",this.uri=t;const i=n.parser||v_e;this.encoder=new i.Encoder,this.decoder=new i.Decoder,this._autoConnect=n.autoConnect!==!1,this._autoConnect&&this.open()}reconnection(t){return arguments.length?(this._reconnection=!!t,this):this._reconnection}reconnectionAttempts(t){return t===void 0?this._reconnectionAttempts:(this._reconnectionAttempts=t,this)}reconnectionDelay(t){var n;return t===void 0?this._reconnectionDelay:(this._reconnectionDelay=t,(n=this.backoff)===null||n===void 0||n.setMin(t),this)}randomizationFactor(t){var n;return t===void 0?this._randomizationFactor:(this._randomizationFactor=t,(n=this.backoff)===null||n===void 0||n.setJitter(t),this)}reconnectionDelayMax(t){var n;return t===void 0?this._reconnectionDelayMax:(this._reconnectionDelayMax=t,(n=this.backoff)===null||n===void 0||n.setMax(t),this)}timeout(t){return arguments.length?(this._timeout=t,this):this._timeout}maybeReconnectOnOpen(){!this._reconnecting&&this._reconnection&&this.backoff.attempts===0&&this.reconnect()}open(t){if(~this._readyState.indexOf("open"))return this;this.engine=new r$(this.uri,this.opts);const n=this.engine,r=this;this._readyState="opening",this.skipReconnect=!1;const i=ui(n,"open",function(){r.onopen(),t&&t()}),o=a=>{this.cleanup(),this._readyState="closed",this.emitReserved("error",a),t?t(a):this.maybeReconnectOnOpen()},s=ui(n,"error",o);if(this._timeout!==!1){const a=this._timeout,l=this.setTimeoutFn(()=>{i(),o(new Error("timeout")),n.close()},a);this.opts.autoUnref&&l.unref(),this.subs.push(()=>{this.clearTimeoutFn(l)})}return this.subs.push(i),this.subs.push(s),this}connect(t){return this.open(t)}onopen(){this.cleanup(),this._readyState="open",this.emitReserved("open");const t=this.engine;this.subs.push(ui(t,"ping",this.onping.bind(this)),ui(t,"data",this.ondata.bind(this)),ui(t,"error",this.onerror.bind(this)),ui(t,"close",this.onclose.bind(this)),ui(this.decoder,"decoded",this.ondecoded.bind(this)))}onping(){this.emitReserved("ping")}ondata(t){try{this.decoder.add(t)}catch(n){this.onclose("parse error",n)}}ondecoded(t){g3(()=>{this.emitReserved("packet",t)},this.setTimeoutFn)}onerror(t){this.emitReserved("error",t)}socket(t,n){let r=this.nsps[t];return r?this._autoConnect&&!r.active&&r.connect():(r=new o$(this,t,n),this.nsps[t]=r),r}_destroy(t){const n=Object.keys(this.nsps);for(const r of n)if(this.nsps[r].active)return;this._close()}_packet(t){const n=this.encoder.encode(t);for(let r=0;rt()),this.subs.length=0,this.decoder.destroy()}_close(){this.skipReconnect=!0,this._reconnecting=!1,this.onclose("forced close"),this.engine&&this.engine.close()}disconnect(){return this._close()}onclose(t,n){this.cleanup(),this.backoff.reset(),this._readyState="closed",this.emitReserved("close",t,n),this._reconnection&&!this.skipReconnect&&this.reconnect()}reconnect(){if(this._reconnecting||this.skipReconnect)return this;const t=this;if(this.backoff.attempts>=this._reconnectionAttempts)this.backoff.reset(),this.emitReserved("reconnect_failed"),this._reconnecting=!1;else{const n=this.backoff.duration();this._reconnecting=!0;const r=this.setTimeoutFn(()=>{t.skipReconnect||(this.emitReserved("reconnect_attempt",t.backoff.attempts),!t.skipReconnect&&t.open(i=>{i?(t._reconnecting=!1,t.reconnect(),this.emitReserved("reconnect_error",i)):t.onreconnect()}))},n);this.opts.autoUnref&&r.unref(),this.subs.push(()=>{this.clearTimeoutFn(r)})}}onreconnect(){const t=this.backoff.attempts;this._reconnecting=!1,this.backoff.reset(),this.emitReserved("reconnect",t)}}const sd={};function Og(e,t){typeof e=="object"&&(t=e,e=void 0),t=t||{};const n=a_e(e,t.path||"/socket.io"),r=n.source,i=n.id,o=n.path,s=sd[i]&&o in sd[i].nsps,a=t.forceNew||t["force new connection"]||t.multiplex===!1||s;let l;return a?l=new iw(r,t):(sd[i]||(sd[i]=new iw(r,t)),l=sd[i]),n.query&&!t.query&&(t.query=n.queryKey),l.socket(n.path,t)}Object.assign(Og,{Manager:iw,Socket:o$,io:Og,connect:Og});const m8=()=>{let e=!1,t=`ws://${window.location.host}`;const n={timeout:6e4,path:"/ws/socket.io",autoConnect:!1};if(["nodes","package"].includes("production")){const o=Tf.get();o&&(t=o.replace(/^https?\:\/\//i,""));const s=Cf.get();s&&(n.auth={token:s}),n.transports=["websocket","polling"]}const r=Og(t,n);return o=>s=>a=>{const{dispatch:l,getState:u}=o;if(e||(kSe({storeApi:o,socket:r}),e=!0,r.connect()),Rn.fulfilled.match(a)){const c=a.payload.id,d=u().system.sessionId;d&&(r.emit("unsubscribe",{session:d}),l(a7({sessionId:d}))),r.emit("subscribe",{session:c}),l(Vx({sessionId:c}))}s(a)}},l1=typeof window<"u"&&typeof window.document<"u"&&typeof window.document.createElement<"u";function Ec(e){const t=Object.prototype.toString.call(e);return t==="[object Window]"||t==="[object global]"}function v3(e){return"nodeType"in e}function or(e){var t,n;return e?Ec(e)?e:v3(e)&&(t=(n=e.ownerDocument)==null?void 0:n.defaultView)!=null?t:window:window}function b3(e){const{Document:t}=or(e);return e instanceof t}function Vh(e){return Ec(e)?!1:e instanceof or(e).HTMLElement}function S_e(e){return e instanceof or(e).SVGElement}function Pc(e){return e?Ec(e)?e.document:v3(e)?b3(e)?e:Vh(e)?e.ownerDocument:document:document:document}const io=l1?k.useLayoutEffect:k.useEffect;function u1(e){const t=k.useRef(e);return io(()=>{t.current=e}),k.useCallback(function(){for(var n=arguments.length,r=new Array(n),i=0;i{e.current=setInterval(r,i)},[]),n=k.useCallback(()=>{e.current!==null&&(clearInterval(e.current),e.current=null)},[]);return[t,n]}function Xf(e,t){t===void 0&&(t=[e]);const n=k.useRef(e);return io(()=>{n.current!==e&&(n.current=e)},t),n}function zh(e,t){const n=k.useRef();return k.useMemo(()=>{const r=e(n.current);return n.current=r,r},[...t])}function gy(e){const t=u1(e),n=k.useRef(null),r=k.useCallback(i=>{i!==n.current&&(t==null||t(i,n.current)),n.current=i},[]);return[n,r]}function my(e){const t=k.useRef();return k.useEffect(()=>{t.current=e},[e]),t.current}let vS={};function c1(e,t){return k.useMemo(()=>{if(t)return t;const n=vS[e]==null?0:vS[e]+1;return vS[e]=n,e+"-"+n},[e,t])}function s$(e){return function(t){for(var n=arguments.length,r=new Array(n>1?n-1:0),i=1;i{const a=Object.entries(s);for(const[l,u]of a){const c=o[l];c!=null&&(o[l]=c+e*u)}return o},{...t})}}const Fu=s$(1),yy=s$(-1);function w_e(e){return"clientX"in e&&"clientY"in e}function S3(e){if(!e)return!1;const{KeyboardEvent:t}=or(e.target);return t&&e instanceof t}function x_e(e){if(!e)return!1;const{TouchEvent:t}=or(e.target);return t&&e instanceof t}function Yf(e){if(x_e(e)){if(e.touches&&e.touches.length){const{clientX:t,clientY:n}=e.touches[0];return{x:t,y:n}}else if(e.changedTouches&&e.changedTouches.length){const{clientX:t,clientY:n}=e.changedTouches[0];return{x:t,y:n}}}return w_e(e)?{x:e.clientX,y:e.clientY}:null}const Qf=Object.freeze({Translate:{toString(e){if(!e)return;const{x:t,y:n}=e;return"translate3d("+(t?Math.round(t):0)+"px, "+(n?Math.round(n):0)+"px, 0)"}},Scale:{toString(e){if(!e)return;const{scaleX:t,scaleY:n}=e;return"scaleX("+t+") scaleY("+n+")"}},Transform:{toString(e){if(e)return[Qf.Translate.toString(e),Qf.Scale.toString(e)].join(" ")}},Transition:{toString(e){let{property:t,duration:n,easing:r}=e;return t+" "+n+"ms "+r}}}),y8="a,frame,iframe,input:not([type=hidden]):not(:disabled),select:not(:disabled),textarea:not(:disabled),button:not(:disabled),*[tabindex]";function C_e(e){return e.matches(y8)?e:e.querySelector(y8)}const T_e={display:"none"};function E_e(e){let{id:t,value:n}=e;return Xe.createElement("div",{id:t,style:T_e},n)}const P_e={position:"fixed",width:1,height:1,margin:-1,border:0,padding:0,overflow:"hidden",clip:"rect(0 0 0 0)",clipPath:"inset(100%)",whiteSpace:"nowrap"};function A_e(e){let{id:t,announcement:n}=e;return Xe.createElement("div",{id:t,style:P_e,role:"status","aria-live":"assertive","aria-atomic":!0},n)}function k_e(){const[e,t]=k.useState("");return{announce:k.useCallback(r=>{r!=null&&t(r)},[]),announcement:e}}const a$=k.createContext(null);function R_e(e){const t=k.useContext(a$);k.useEffect(()=>{if(!t)throw new Error("useDndMonitor must be used within a children of ");return t(e)},[e,t])}function O_e(){const[e]=k.useState(()=>new Set),t=k.useCallback(r=>(e.add(r),()=>e.delete(r)),[e]);return[k.useCallback(r=>{let{type:i,event:o}=r;e.forEach(s=>{var a;return(a=s[i])==null?void 0:a.call(s,o)})},[e]),t]}const M_e={draggable:` - To pick up a draggable item, press the space bar. - While dragging, use the arrow keys to move the item. - Press space again to drop the item in its new position, or press escape to cancel. - `},I_e={onDragStart(e){let{active:t}=e;return"Picked up draggable item "+t.id+"."},onDragOver(e){let{active:t,over:n}=e;return n?"Draggable item "+t.id+" was moved over droppable area "+n.id+".":"Draggable item "+t.id+" is no longer over a droppable area."},onDragEnd(e){let{active:t,over:n}=e;return n?"Draggable item "+t.id+" was dropped over droppable area "+n.id:"Draggable item "+t.id+" was dropped."},onDragCancel(e){let{active:t}=e;return"Dragging was cancelled. Draggable item "+t.id+" was dropped."}};function N_e(e){let{announcements:t=I_e,container:n,hiddenTextDescribedById:r,screenReaderInstructions:i=M_e}=e;const{announce:o,announcement:s}=k_e(),a=c1("DndLiveRegion"),[l,u]=k.useState(!1);if(k.useEffect(()=>{u(!0)},[]),R_e(k.useMemo(()=>({onDragStart(d){let{active:f}=d;o(t.onDragStart({active:f}))},onDragMove(d){let{active:f,over:h}=d;t.onDragMove&&o(t.onDragMove({active:f,over:h}))},onDragOver(d){let{active:f,over:h}=d;o(t.onDragOver({active:f,over:h}))},onDragEnd(d){let{active:f,over:h}=d;o(t.onDragEnd({active:f,over:h}))},onDragCancel(d){let{active:f,over:h}=d;o(t.onDragCancel({active:f,over:h}))}}),[o,t])),!l)return null;const c=Xe.createElement(Xe.Fragment,null,Xe.createElement(E_e,{id:r,value:i.draggable}),Xe.createElement(A_e,{id:a,announcement:s}));return n?zi.createPortal(c,n):c}var nn;(function(e){e.DragStart="dragStart",e.DragMove="dragMove",e.DragEnd="dragEnd",e.DragCancel="dragCancel",e.DragOver="dragOver",e.RegisterDroppable="registerDroppable",e.SetDroppableDisabled="setDroppableDisabled",e.UnregisterDroppable="unregisterDroppable"})(nn||(nn={}));function vy(){}function v8(e,t){return k.useMemo(()=>({sensor:e,options:t??{}}),[e,t])}function D_e(){for(var e=arguments.length,t=new Array(e),n=0;n[...t].filter(r=>r!=null),[...t])}const Ei=Object.freeze({x:0,y:0});function L_e(e,t){return Math.sqrt(Math.pow(e.x-t.x,2)+Math.pow(e.y-t.y,2))}function $_e(e,t){const n=Yf(e);if(!n)return"0 0";const r={x:(n.x-t.left)/t.width*100,y:(n.y-t.top)/t.height*100};return r.x+"% "+r.y+"%"}function F_e(e,t){let{data:{value:n}}=e,{data:{value:r}}=t;return n-r}function B_e(e,t){let{data:{value:n}}=e,{data:{value:r}}=t;return r-n}function j_e(e){let{left:t,top:n,height:r,width:i}=e;return[{x:t,y:n},{x:t+i,y:n},{x:t,y:n+r},{x:t+i,y:n+r}]}function V_e(e,t){if(!e||e.length===0)return null;const[n]=e;return t?n[t]:n}function z_e(e,t){const n=Math.max(t.top,e.top),r=Math.max(t.left,e.left),i=Math.min(t.left+t.width,e.left+e.width),o=Math.min(t.top+t.height,e.top+e.height),s=i-r,a=o-n;if(r{let{collisionRect:t,droppableRects:n,droppableContainers:r}=e;const i=[];for(const o of r){const{id:s}=o,a=n.get(s);if(a){const l=z_e(a,t);l>0&&i.push({id:s,data:{droppableContainer:o,value:l}})}}return i.sort(B_e)};function G_e(e,t){const{top:n,left:r,bottom:i,right:o}=t;return n<=e.y&&e.y<=i&&r<=e.x&&e.x<=o}const H_e=e=>{let{droppableContainers:t,droppableRects:n,pointerCoordinates:r}=e;if(!r)return[];const i=[];for(const o of t){const{id:s}=o,a=n.get(s);if(a&&G_e(r,a)){const u=j_e(a).reduce((d,f)=>d+L_e(r,f),0),c=Number((u/4).toFixed(4));i.push({id:s,data:{droppableContainer:o,value:c}})}}return i.sort(F_e)};function q_e(e,t,n){return{...e,scaleX:t&&n?t.width/n.width:1,scaleY:t&&n?t.height/n.height:1}}function l$(e,t){return e&&t?{x:e.left-t.left,y:e.top-t.top}:Ei}function W_e(e){return function(n){for(var r=arguments.length,i=new Array(r>1?r-1:0),o=1;o({...s,top:s.top+e*a.y,bottom:s.bottom+e*a.y,left:s.left+e*a.x,right:s.right+e*a.x}),{...n})}}const K_e=W_e(1);function u$(e){if(e.startsWith("matrix3d(")){const t=e.slice(9,-1).split(/, /);return{x:+t[12],y:+t[13],scaleX:+t[0],scaleY:+t[5]}}else if(e.startsWith("matrix(")){const t=e.slice(7,-1).split(/, /);return{x:+t[4],y:+t[5],scaleX:+t[0],scaleY:+t[3]}}return null}function X_e(e,t,n){const r=u$(t);if(!r)return e;const{scaleX:i,scaleY:o,x:s,y:a}=r,l=e.left-s-(1-i)*parseFloat(n),u=e.top-a-(1-o)*parseFloat(n.slice(n.indexOf(" ")+1)),c=i?e.width/i:e.width,d=o?e.height/o:e.height;return{width:c,height:d,top:u,right:l+c,bottom:u+d,left:l}}const Y_e={ignoreTransform:!1};function Uh(e,t){t===void 0&&(t=Y_e);let n=e.getBoundingClientRect();if(t.ignoreTransform){const{transform:u,transformOrigin:c}=or(e).getComputedStyle(e);u&&(n=X_e(n,u,c))}const{top:r,left:i,width:o,height:s,bottom:a,right:l}=n;return{top:r,left:i,width:o,height:s,bottom:a,right:l}}function b8(e){return Uh(e,{ignoreTransform:!0})}function Q_e(e){const t=e.innerWidth,n=e.innerHeight;return{top:0,left:0,right:t,bottom:n,width:t,height:n}}function Z_e(e,t){return t===void 0&&(t=or(e).getComputedStyle(e)),t.position==="fixed"}function J_e(e,t){t===void 0&&(t=or(e).getComputedStyle(e));const n=/(auto|scroll|overlay)/;return["overflow","overflowX","overflowY"].some(i=>{const o=t[i];return typeof o=="string"?n.test(o):!1})}function _3(e,t){const n=[];function r(i){if(t!=null&&n.length>=t||!i)return n;if(b3(i)&&i.scrollingElement!=null&&!n.includes(i.scrollingElement))return n.push(i.scrollingElement),n;if(!Vh(i)||S_e(i)||n.includes(i))return n;const o=or(e).getComputedStyle(i);return i!==e&&J_e(i,o)&&n.push(i),Z_e(i,o)?n:r(i.parentNode)}return e?r(e):n}function c$(e){const[t]=_3(e,1);return t??null}function bS(e){return!l1||!e?null:Ec(e)?e:v3(e)?b3(e)||e===Pc(e).scrollingElement?window:Vh(e)?e:null:null}function d$(e){return Ec(e)?e.scrollX:e.scrollLeft}function f$(e){return Ec(e)?e.scrollY:e.scrollTop}function ow(e){return{x:d$(e),y:f$(e)}}var hn;(function(e){e[e.Forward=1]="Forward",e[e.Backward=-1]="Backward"})(hn||(hn={}));function h$(e){return!l1||!e?!1:e===document.scrollingElement}function p$(e){const t={x:0,y:0},n=h$(e)?{height:window.innerHeight,width:window.innerWidth}:{height:e.clientHeight,width:e.clientWidth},r={x:e.scrollWidth-n.width,y:e.scrollHeight-n.height},i=e.scrollTop<=t.y,o=e.scrollLeft<=t.x,s=e.scrollTop>=r.y,a=e.scrollLeft>=r.x;return{isTop:i,isLeft:o,isBottom:s,isRight:a,maxScroll:r,minScroll:t}}const e2e={x:.2,y:.2};function t2e(e,t,n,r,i){let{top:o,left:s,right:a,bottom:l}=n;r===void 0&&(r=10),i===void 0&&(i=e2e);const{isTop:u,isBottom:c,isLeft:d,isRight:f}=p$(e),h={x:0,y:0},p={x:0,y:0},m={height:t.height*i.y,width:t.width*i.x};return!u&&o<=t.top+m.height?(h.y=hn.Backward,p.y=r*Math.abs((t.top+m.height-o)/m.height)):!c&&l>=t.bottom-m.height&&(h.y=hn.Forward,p.y=r*Math.abs((t.bottom-m.height-l)/m.height)),!f&&a>=t.right-m.width?(h.x=hn.Forward,p.x=r*Math.abs((t.right-m.width-a)/m.width)):!d&&s<=t.left+m.width&&(h.x=hn.Backward,p.x=r*Math.abs((t.left+m.width-s)/m.width)),{direction:h,speed:p}}function n2e(e){if(e===document.scrollingElement){const{innerWidth:o,innerHeight:s}=window;return{top:0,left:0,right:o,bottom:s,width:o,height:s}}const{top:t,left:n,right:r,bottom:i}=e.getBoundingClientRect();return{top:t,left:n,right:r,bottom:i,width:e.clientWidth,height:e.clientHeight}}function g$(e){return e.reduce((t,n)=>Fu(t,ow(n)),Ei)}function r2e(e){return e.reduce((t,n)=>t+d$(n),0)}function i2e(e){return e.reduce((t,n)=>t+f$(n),0)}function m$(e,t){if(t===void 0&&(t=Uh),!e)return;const{top:n,left:r,bottom:i,right:o}=t(e);c$(e)&&(i<=0||o<=0||n>=window.innerHeight||r>=window.innerWidth)&&e.scrollIntoView({block:"center",inline:"center"})}const o2e=[["x",["left","right"],r2e],["y",["top","bottom"],i2e]];class w3{constructor(t,n){this.rect=void 0,this.width=void 0,this.height=void 0,this.top=void 0,this.bottom=void 0,this.right=void 0,this.left=void 0;const r=_3(n),i=g$(r);this.rect={...t},this.width=t.width,this.height=t.height;for(const[o,s,a]of o2e)for(const l of s)Object.defineProperty(this,l,{get:()=>{const u=a(r),c=i[o]-u;return this.rect[l]+c},enumerable:!0});Object.defineProperty(this,"rect",{enumerable:!1})}}class Dd{constructor(t){this.target=void 0,this.listeners=[],this.removeAll=()=>{this.listeners.forEach(n=>{var r;return(r=this.target)==null?void 0:r.removeEventListener(...n)})},this.target=t}add(t,n,r){var i;(i=this.target)==null||i.addEventListener(t,n,r),this.listeners.push([t,n,r])}}function s2e(e){const{EventTarget:t}=or(e);return e instanceof t?e:Pc(e)}function SS(e,t){const n=Math.abs(e.x),r=Math.abs(e.y);return typeof t=="number"?Math.sqrt(n**2+r**2)>t:"x"in t&&"y"in t?n>t.x&&r>t.y:"x"in t?n>t.x:"y"in t?r>t.y:!1}var Ur;(function(e){e.Click="click",e.DragStart="dragstart",e.Keydown="keydown",e.ContextMenu="contextmenu",e.Resize="resize",e.SelectionChange="selectionchange",e.VisibilityChange="visibilitychange"})(Ur||(Ur={}));function S8(e){e.preventDefault()}function a2e(e){e.stopPropagation()}var at;(function(e){e.Space="Space",e.Down="ArrowDown",e.Right="ArrowRight",e.Left="ArrowLeft",e.Up="ArrowUp",e.Esc="Escape",e.Enter="Enter"})(at||(at={}));const y$={start:[at.Space,at.Enter],cancel:[at.Esc],end:[at.Space,at.Enter]},l2e=(e,t)=>{let{currentCoordinates:n}=t;switch(e.code){case at.Right:return{...n,x:n.x+25};case at.Left:return{...n,x:n.x-25};case at.Down:return{...n,y:n.y+25};case at.Up:return{...n,y:n.y-25}}};class v${constructor(t){this.props=void 0,this.autoScrollEnabled=!1,this.referenceCoordinates=void 0,this.listeners=void 0,this.windowListeners=void 0,this.props=t;const{event:{target:n}}=t;this.props=t,this.listeners=new Dd(Pc(n)),this.windowListeners=new Dd(or(n)),this.handleKeyDown=this.handleKeyDown.bind(this),this.handleCancel=this.handleCancel.bind(this),this.attach()}attach(){this.handleStart(),this.windowListeners.add(Ur.Resize,this.handleCancel),this.windowListeners.add(Ur.VisibilityChange,this.handleCancel),setTimeout(()=>this.listeners.add(Ur.Keydown,this.handleKeyDown))}handleStart(){const{activeNode:t,onStart:n}=this.props,r=t.node.current;r&&m$(r),n(Ei)}handleKeyDown(t){if(S3(t)){const{active:n,context:r,options:i}=this.props,{keyboardCodes:o=y$,coordinateGetter:s=l2e,scrollBehavior:a="smooth"}=i,{code:l}=t;if(o.end.includes(l)){this.handleEnd(t);return}if(o.cancel.includes(l)){this.handleCancel(t);return}const{collisionRect:u}=r.current,c=u?{x:u.left,y:u.top}:Ei;this.referenceCoordinates||(this.referenceCoordinates=c);const d=s(t,{active:n,context:r.current,currentCoordinates:c});if(d){const f=yy(d,c),h={x:0,y:0},{scrollableAncestors:p}=r.current;for(const m of p){const S=t.code,{isTop:v,isRight:y,isLeft:g,isBottom:b,maxScroll:_,minScroll:w}=p$(m),x=n2e(m),T={x:Math.min(S===at.Right?x.right-x.width/2:x.right,Math.max(S===at.Right?x.left:x.left+x.width/2,d.x)),y:Math.min(S===at.Down?x.bottom-x.height/2:x.bottom,Math.max(S===at.Down?x.top:x.top+x.height/2,d.y))},P=S===at.Right&&!y||S===at.Left&&!g,E=S===at.Down&&!b||S===at.Up&&!v;if(P&&T.x!==d.x){const A=m.scrollLeft+f.x,$=S===at.Right&&A<=_.x||S===at.Left&&A>=w.x;if($&&!f.y){m.scrollTo({left:A,behavior:a});return}$?h.x=m.scrollLeft-A:h.x=S===at.Right?m.scrollLeft-_.x:m.scrollLeft-w.x,h.x&&m.scrollBy({left:-h.x,behavior:a});break}else if(E&&T.y!==d.y){const A=m.scrollTop+f.y,$=S===at.Down&&A<=_.y||S===at.Up&&A>=w.y;if($&&!f.x){m.scrollTo({top:A,behavior:a});return}$?h.y=m.scrollTop-A:h.y=S===at.Down?m.scrollTop-_.y:m.scrollTop-w.y,h.y&&m.scrollBy({top:-h.y,behavior:a});break}}this.handleMove(t,Fu(yy(d,this.referenceCoordinates),h))}}}handleMove(t,n){const{onMove:r}=this.props;t.preventDefault(),r(n)}handleEnd(t){const{onEnd:n}=this.props;t.preventDefault(),this.detach(),n()}handleCancel(t){const{onCancel:n}=this.props;t.preventDefault(),this.detach(),n()}detach(){this.listeners.removeAll(),this.windowListeners.removeAll()}}v$.activators=[{eventName:"onKeyDown",handler:(e,t,n)=>{let{keyboardCodes:r=y$,onActivation:i}=t,{active:o}=n;const{code:s}=e.nativeEvent;if(r.start.includes(s)){const a=o.activatorNode.current;return a&&e.target!==a?!1:(e.preventDefault(),i==null||i({event:e.nativeEvent}),!0)}return!1}}];function _8(e){return!!(e&&"distance"in e)}function w8(e){return!!(e&&"delay"in e)}class x3{constructor(t,n,r){var i;r===void 0&&(r=s2e(t.event.target)),this.props=void 0,this.events=void 0,this.autoScrollEnabled=!0,this.document=void 0,this.activated=!1,this.initialCoordinates=void 0,this.timeoutId=null,this.listeners=void 0,this.documentListeners=void 0,this.windowListeners=void 0,this.props=t,this.events=n;const{event:o}=t,{target:s}=o;this.props=t,this.events=n,this.document=Pc(s),this.documentListeners=new Dd(this.document),this.listeners=new Dd(r),this.windowListeners=new Dd(or(s)),this.initialCoordinates=(i=Yf(o))!=null?i:Ei,this.handleStart=this.handleStart.bind(this),this.handleMove=this.handleMove.bind(this),this.handleEnd=this.handleEnd.bind(this),this.handleCancel=this.handleCancel.bind(this),this.handleKeydown=this.handleKeydown.bind(this),this.removeTextSelection=this.removeTextSelection.bind(this),this.attach()}attach(){const{events:t,props:{options:{activationConstraint:n}}}=this;if(this.listeners.add(t.move.name,this.handleMove,{passive:!1}),this.listeners.add(t.end.name,this.handleEnd),this.windowListeners.add(Ur.Resize,this.handleCancel),this.windowListeners.add(Ur.DragStart,S8),this.windowListeners.add(Ur.VisibilityChange,this.handleCancel),this.windowListeners.add(Ur.ContextMenu,S8),this.documentListeners.add(Ur.Keydown,this.handleKeydown),n){if(_8(n))return;if(w8(n)){this.timeoutId=setTimeout(this.handleStart,n.delay);return}}this.handleStart()}detach(){this.listeners.removeAll(),this.windowListeners.removeAll(),setTimeout(this.documentListeners.removeAll,50),this.timeoutId!==null&&(clearTimeout(this.timeoutId),this.timeoutId=null)}handleStart(){const{initialCoordinates:t}=this,{onStart:n}=this.props;t&&(this.activated=!0,this.documentListeners.add(Ur.Click,a2e,{capture:!0}),this.removeTextSelection(),this.documentListeners.add(Ur.SelectionChange,this.removeTextSelection),n(t))}handleMove(t){var n;const{activated:r,initialCoordinates:i,props:o}=this,{onMove:s,options:{activationConstraint:a}}=o;if(!i)return;const l=(n=Yf(t))!=null?n:Ei,u=yy(i,l);if(!r&&a){if(w8(a))return SS(u,a.tolerance)?this.handleCancel():void 0;if(_8(a))return a.tolerance!=null&&SS(u,a.tolerance)?this.handleCancel():SS(u,a.distance)?this.handleStart():void 0}t.cancelable&&t.preventDefault(),s(l)}handleEnd(){const{onEnd:t}=this.props;this.detach(),t()}handleCancel(){const{onCancel:t}=this.props;this.detach(),t()}handleKeydown(t){t.code===at.Esc&&this.handleCancel()}removeTextSelection(){var t;(t=this.document.getSelection())==null||t.removeAllRanges()}}const u2e={move:{name:"pointermove"},end:{name:"pointerup"}};class b$ extends x3{constructor(t){const{event:n}=t,r=Pc(n.target);super(t,u2e,r)}}b$.activators=[{eventName:"onPointerDown",handler:(e,t)=>{let{nativeEvent:n}=e,{onActivation:r}=t;return!n.isPrimary||n.button!==0?!1:(r==null||r({event:n}),!0)}}];const c2e={move:{name:"mousemove"},end:{name:"mouseup"}};var sw;(function(e){e[e.RightClick=2]="RightClick"})(sw||(sw={}));class S$ extends x3{constructor(t){super(t,c2e,Pc(t.event.target))}}S$.activators=[{eventName:"onMouseDown",handler:(e,t)=>{let{nativeEvent:n}=e,{onActivation:r}=t;return n.button===sw.RightClick?!1:(r==null||r({event:n}),!0)}}];const _S={move:{name:"touchmove"},end:{name:"touchend"}};class _$ extends x3{constructor(t){super(t,_S)}static setup(){return window.addEventListener(_S.move.name,t,{capture:!1,passive:!1}),function(){window.removeEventListener(_S.move.name,t)};function t(){}}}_$.activators=[{eventName:"onTouchStart",handler:(e,t)=>{let{nativeEvent:n}=e,{onActivation:r}=t;const{touches:i}=n;return i.length>1?!1:(r==null||r({event:n}),!0)}}];var Ld;(function(e){e[e.Pointer=0]="Pointer",e[e.DraggableRect=1]="DraggableRect"})(Ld||(Ld={}));var by;(function(e){e[e.TreeOrder=0]="TreeOrder",e[e.ReversedTreeOrder=1]="ReversedTreeOrder"})(by||(by={}));function d2e(e){let{acceleration:t,activator:n=Ld.Pointer,canScroll:r,draggingRect:i,enabled:o,interval:s=5,order:a=by.TreeOrder,pointerCoordinates:l,scrollableAncestors:u,scrollableAncestorRects:c,delta:d,threshold:f}=e;const h=h2e({delta:d,disabled:!o}),[p,m]=__e(),S=k.useRef({x:0,y:0}),v=k.useRef({x:0,y:0}),y=k.useMemo(()=>{switch(n){case Ld.Pointer:return l?{top:l.y,bottom:l.y,left:l.x,right:l.x}:null;case Ld.DraggableRect:return i}},[n,i,l]),g=k.useRef(null),b=k.useCallback(()=>{const w=g.current;if(!w)return;const x=S.current.x*v.current.x,T=S.current.y*v.current.y;w.scrollBy(x,T)},[]),_=k.useMemo(()=>a===by.TreeOrder?[...u].reverse():u,[a,u]);k.useEffect(()=>{if(!o||!u.length||!y){m();return}for(const w of _){if((r==null?void 0:r(w))===!1)continue;const x=u.indexOf(w),T=c[x];if(!T)continue;const{direction:P,speed:E}=t2e(w,T,y,t,f);for(const A of["x","y"])h[A][P[A]]||(E[A]=0,P[A]=0);if(E.x>0||E.y>0){m(),g.current=w,p(b,s),S.current=E,v.current=P;return}}S.current={x:0,y:0},v.current={x:0,y:0},m()},[t,b,r,m,o,s,JSON.stringify(y),JSON.stringify(h),p,u,_,c,JSON.stringify(f)])}const f2e={x:{[hn.Backward]:!1,[hn.Forward]:!1},y:{[hn.Backward]:!1,[hn.Forward]:!1}};function h2e(e){let{delta:t,disabled:n}=e;const r=my(t);return zh(i=>{if(n||!r||!i)return f2e;const o={x:Math.sign(t.x-r.x),y:Math.sign(t.y-r.y)};return{x:{[hn.Backward]:i.x[hn.Backward]||o.x===-1,[hn.Forward]:i.x[hn.Forward]||o.x===1},y:{[hn.Backward]:i.y[hn.Backward]||o.y===-1,[hn.Forward]:i.y[hn.Forward]||o.y===1}}},[n,t,r])}function p2e(e,t){const n=t!==null?e.get(t):void 0,r=n?n.node.current:null;return zh(i=>{var o;return t===null?null:(o=r??i)!=null?o:null},[r,t])}function g2e(e,t){return k.useMemo(()=>e.reduce((n,r)=>{const{sensor:i}=r,o=i.activators.map(s=>({eventName:s.eventName,handler:t(s.handler,r)}));return[...n,...o]},[]),[e,t])}var Zf;(function(e){e[e.Always=0]="Always",e[e.BeforeDragging=1]="BeforeDragging",e[e.WhileDragging=2]="WhileDragging"})(Zf||(Zf={}));var aw;(function(e){e.Optimized="optimized"})(aw||(aw={}));const x8=new Map;function m2e(e,t){let{dragging:n,dependencies:r,config:i}=t;const[o,s]=k.useState(null),{frequency:a,measure:l,strategy:u}=i,c=k.useRef(e),d=S(),f=Xf(d),h=k.useCallback(function(v){v===void 0&&(v=[]),!f.current&&s(y=>y===null?v:y.concat(v.filter(g=>!y.includes(g))))},[f]),p=k.useRef(null),m=zh(v=>{if(d&&!n)return x8;if(!v||v===x8||c.current!==e||o!=null){const y=new Map;for(let g of e){if(!g)continue;if(o&&o.length>0&&!o.includes(g.id)&&g.rect.current){y.set(g.id,g.rect.current);continue}const b=g.node.current,_=b?new w3(l(b),b):null;g.rect.current=_,_&&y.set(g.id,_)}return y}return v},[e,o,n,d,l]);return k.useEffect(()=>{c.current=e},[e]),k.useEffect(()=>{d||h()},[n,d]),k.useEffect(()=>{o&&o.length>0&&s(null)},[JSON.stringify(o)]),k.useEffect(()=>{d||typeof a!="number"||p.current!==null||(p.current=setTimeout(()=>{h(),p.current=null},a))},[a,d,h,...r]),{droppableRects:m,measureDroppableContainers:h,measuringScheduled:o!=null};function S(){switch(u){case Zf.Always:return!1;case Zf.BeforeDragging:return n;default:return!n}}}function C3(e,t){return zh(n=>e?n||(typeof t=="function"?t(e):e):null,[t,e])}function y2e(e,t){return C3(e,t)}function v2e(e){let{callback:t,disabled:n}=e;const r=u1(t),i=k.useMemo(()=>{if(n||typeof window>"u"||typeof window.MutationObserver>"u")return;const{MutationObserver:o}=window;return new o(r)},[r,n]);return k.useEffect(()=>()=>i==null?void 0:i.disconnect(),[i]),i}function d1(e){let{callback:t,disabled:n}=e;const r=u1(t),i=k.useMemo(()=>{if(n||typeof window>"u"||typeof window.ResizeObserver>"u")return;const{ResizeObserver:o}=window;return new o(r)},[n]);return k.useEffect(()=>()=>i==null?void 0:i.disconnect(),[i]),i}function b2e(e){return new w3(Uh(e),e)}function C8(e,t,n){t===void 0&&(t=b2e);const[r,i]=k.useReducer(a,null),o=v2e({callback(l){if(e)for(const u of l){const{type:c,target:d}=u;if(c==="childList"&&d instanceof HTMLElement&&d.contains(e)){i();break}}}}),s=d1({callback:i});return io(()=>{i(),e?(s==null||s.observe(e),o==null||o.observe(document.body,{childList:!0,subtree:!0})):(s==null||s.disconnect(),o==null||o.disconnect())},[e]),r;function a(l){if(!e)return null;if(e.isConnected===!1){var u;return(u=l??n)!=null?u:null}const c=t(e);return JSON.stringify(l)===JSON.stringify(c)?l:c}}function S2e(e){const t=C3(e);return l$(e,t)}const T8=[];function _2e(e){const t=k.useRef(e),n=zh(r=>e?r&&r!==T8&&e&&t.current&&e.parentNode===t.current.parentNode?r:_3(e):T8,[e]);return k.useEffect(()=>{t.current=e},[e]),n}function w2e(e){const[t,n]=k.useState(null),r=k.useRef(e),i=k.useCallback(o=>{const s=bS(o.target);s&&n(a=>a?(a.set(s,ow(s)),new Map(a)):null)},[]);return k.useEffect(()=>{const o=r.current;if(e!==o){s(o);const a=e.map(l=>{const u=bS(l);return u?(u.addEventListener("scroll",i,{passive:!0}),[u,ow(u)]):null}).filter(l=>l!=null);n(a.length?new Map(a):null),r.current=e}return()=>{s(e),s(o)};function s(a){a.forEach(l=>{const u=bS(l);u==null||u.removeEventListener("scroll",i)})}},[i,e]),k.useMemo(()=>e.length?t?Array.from(t.values()).reduce((o,s)=>Fu(o,s),Ei):g$(e):Ei,[e,t])}function E8(e,t){t===void 0&&(t=[]);const n=k.useRef(null);return k.useEffect(()=>{n.current=null},t),k.useEffect(()=>{const r=e!==Ei;r&&!n.current&&(n.current=e),!r&&n.current&&(n.current=null)},[e]),n.current?yy(e,n.current):Ei}function x2e(e){k.useEffect(()=>{if(!l1)return;const t=e.map(n=>{let{sensor:r}=n;return r.setup==null?void 0:r.setup()});return()=>{for(const n of t)n==null||n()}},e.map(t=>{let{sensor:n}=t;return n}))}function C2e(e,t){return k.useMemo(()=>e.reduce((n,r)=>{let{eventName:i,handler:o}=r;return n[i]=s=>{o(s,t)},n},{}),[e,t])}function w$(e){return k.useMemo(()=>e?Q_e(e):null,[e])}const wS=[];function T2e(e,t){t===void 0&&(t=Uh);const[n]=e,r=w$(n?or(n):null),[i,o]=k.useReducer(a,wS),s=d1({callback:o});return e.length>0&&i===wS&&o(),io(()=>{e.length?e.forEach(l=>s==null?void 0:s.observe(l)):(s==null||s.disconnect(),o())},[e]),i;function a(){return e.length?e.map(l=>h$(l)?r:new w3(t(l),l)):wS}}function x$(e){if(!e)return null;if(e.children.length>1)return e;const t=e.children[0];return Vh(t)?t:e}function E2e(e){let{measure:t}=e;const[n,r]=k.useState(null),i=k.useCallback(u=>{for(const{target:c}of u)if(Vh(c)){r(d=>{const f=t(c);return d?{...d,width:f.width,height:f.height}:f});break}},[t]),o=d1({callback:i}),s=k.useCallback(u=>{const c=x$(u);o==null||o.disconnect(),c&&(o==null||o.observe(c)),r(c?t(c):null)},[t,o]),[a,l]=gy(s);return k.useMemo(()=>({nodeRef:a,rect:n,setRef:l}),[n,a,l])}const P2e=[{sensor:b$,options:{}},{sensor:v$,options:{}}],A2e={current:{}},Mg={draggable:{measure:b8},droppable:{measure:b8,strategy:Zf.WhileDragging,frequency:aw.Optimized},dragOverlay:{measure:Uh}};class $d extends Map{get(t){var n;return t!=null&&(n=super.get(t))!=null?n:void 0}toArray(){return Array.from(this.values())}getEnabled(){return this.toArray().filter(t=>{let{disabled:n}=t;return!n})}getNodeFor(t){var n,r;return(n=(r=this.get(t))==null?void 0:r.node.current)!=null?n:void 0}}const k2e={activatorEvent:null,active:null,activeNode:null,activeNodeRect:null,collisions:null,containerNodeRect:null,draggableNodes:new Map,droppableRects:new Map,droppableContainers:new $d,over:null,dragOverlay:{nodeRef:{current:null},rect:null,setRef:vy},scrollableAncestors:[],scrollableAncestorRects:[],measuringConfiguration:Mg,measureDroppableContainers:vy,windowRect:null,measuringScheduled:!1},C$={activatorEvent:null,activators:[],active:null,activeNodeRect:null,ariaDescribedById:{draggable:""},dispatch:vy,draggableNodes:new Map,over:null,measureDroppableContainers:vy},Gh=k.createContext(C$),T$=k.createContext(k2e);function R2e(){return{draggable:{active:null,initialCoordinates:{x:0,y:0},nodes:new Map,translate:{x:0,y:0}},droppable:{containers:new $d}}}function O2e(e,t){switch(t.type){case nn.DragStart:return{...e,draggable:{...e.draggable,initialCoordinates:t.initialCoordinates,active:t.active}};case nn.DragMove:return e.draggable.active?{...e,draggable:{...e.draggable,translate:{x:t.coordinates.x-e.draggable.initialCoordinates.x,y:t.coordinates.y-e.draggable.initialCoordinates.y}}}:e;case nn.DragEnd:case nn.DragCancel:return{...e,draggable:{...e.draggable,active:null,initialCoordinates:{x:0,y:0},translate:{x:0,y:0}}};case nn.RegisterDroppable:{const{element:n}=t,{id:r}=n,i=new $d(e.droppable.containers);return i.set(r,n),{...e,droppable:{...e.droppable,containers:i}}}case nn.SetDroppableDisabled:{const{id:n,key:r,disabled:i}=t,o=e.droppable.containers.get(n);if(!o||r!==o.key)return e;const s=new $d(e.droppable.containers);return s.set(n,{...o,disabled:i}),{...e,droppable:{...e.droppable,containers:s}}}case nn.UnregisterDroppable:{const{id:n,key:r}=t,i=e.droppable.containers.get(n);if(!i||r!==i.key)return e;const o=new $d(e.droppable.containers);return o.delete(n),{...e,droppable:{...e.droppable,containers:o}}}default:return e}}function M2e(e){let{disabled:t}=e;const{active:n,activatorEvent:r,draggableNodes:i}=k.useContext(Gh),o=my(r),s=my(n==null?void 0:n.id);return k.useEffect(()=>{if(!t&&!r&&o&&s!=null){if(!S3(o)||document.activeElement===o.target)return;const a=i.get(s);if(!a)return;const{activatorNode:l,node:u}=a;if(!l.current&&!u.current)return;requestAnimationFrame(()=>{for(const c of[l.current,u.current]){if(!c)continue;const d=C_e(c);if(d){d.focus();break}}})}},[r,t,i,s,o]),null}function E$(e,t){let{transform:n,...r}=t;return e!=null&&e.length?e.reduce((i,o)=>o({transform:i,...r}),n):n}function I2e(e){return k.useMemo(()=>({draggable:{...Mg.draggable,...e==null?void 0:e.draggable},droppable:{...Mg.droppable,...e==null?void 0:e.droppable},dragOverlay:{...Mg.dragOverlay,...e==null?void 0:e.dragOverlay}}),[e==null?void 0:e.draggable,e==null?void 0:e.droppable,e==null?void 0:e.dragOverlay])}function N2e(e){let{activeNode:t,measure:n,initialRect:r,config:i=!0}=e;const o=k.useRef(!1),{x:s,y:a}=typeof i=="boolean"?{x:i,y:i}:i;io(()=>{if(!s&&!a||!t){o.current=!1;return}if(o.current||!r)return;const u=t==null?void 0:t.node.current;if(!u||u.isConnected===!1)return;const c=n(u),d=l$(c,r);if(s||(d.x=0),a||(d.y=0),o.current=!0,Math.abs(d.x)>0||Math.abs(d.y)>0){const f=c$(u);f&&f.scrollBy({top:d.y,left:d.x})}},[t,s,a,r,n])}const f1=k.createContext({...Ei,scaleX:1,scaleY:1});var hs;(function(e){e[e.Uninitialized=0]="Uninitialized",e[e.Initializing=1]="Initializing",e[e.Initialized=2]="Initialized"})(hs||(hs={}));const D2e=k.memo(function(t){var n,r,i,o;let{id:s,accessibility:a,autoScroll:l=!0,children:u,sensors:c=P2e,collisionDetection:d=U_e,measuring:f,modifiers:h,...p}=t;const m=k.useReducer(O2e,void 0,R2e),[S,v]=m,[y,g]=O_e(),[b,_]=k.useState(hs.Uninitialized),w=b===hs.Initialized,{draggable:{active:x,nodes:T,translate:P},droppable:{containers:E}}=S,A=x?T.get(x):null,$=k.useRef({initial:null,translated:null}),I=k.useMemo(()=>{var Ct;return x!=null?{id:x,data:(Ct=A==null?void 0:A.data)!=null?Ct:A2e,rect:$}:null},[x,A]),C=k.useRef(null),[R,M]=k.useState(null),[N,O]=k.useState(null),D=Xf(p,Object.values(p)),L=c1("DndDescribedBy",s),j=k.useMemo(()=>E.getEnabled(),[E]),U=I2e(f),{droppableRects:G,measureDroppableContainers:W,measuringScheduled:X}=m2e(j,{dragging:w,dependencies:[P.x,P.y],config:U.droppable}),Y=p2e(T,x),B=k.useMemo(()=>N?Yf(N):null,[N]),H=da(),Q=y2e(Y,U.draggable.measure);N2e({activeNode:x?T.get(x):null,config:H.layoutShiftCompensation,initialRect:Q,measure:U.draggable.measure});const J=C8(Y,U.draggable.measure,Q),ne=C8(Y?Y.parentElement:null),te=k.useRef({activatorEvent:null,active:null,activeNode:Y,collisionRect:null,collisions:null,droppableRects:G,draggableNodes:T,draggingNode:null,draggingNodeRect:null,droppableContainers:E,over:null,scrollableAncestors:[],scrollAdjustedTranslate:null}),xe=E.getNodeFor((n=te.current.over)==null?void 0:n.id),ve=E2e({measure:U.dragOverlay.measure}),ce=(r=ve.nodeRef.current)!=null?r:Y,Ne=w?(i=ve.rect)!=null?i:J:null,se=!!(ve.nodeRef.current&&ve.rect),gt=S2e(se?null:J),vn=w$(ce?or(ce):null),It=_2e(w?xe??Y:null),ut=T2e(It),tt=E$(h,{transform:{x:P.x-gt.x,y:P.y-gt.y,scaleX:1,scaleY:1},activatorEvent:N,active:I,activeNodeRect:J,containerNodeRect:ne,draggingNodeRect:Ne,over:te.current.over,overlayNodeRect:ve.rect,scrollableAncestors:It,scrollableAncestorRects:ut,windowRect:vn}),Gt=B?Fu(B,P):null,sr=w2e(It),ni=E8(sr),Lr=E8(sr,[J]),On=Fu(tt,ni),bn=Ne?K_e(Ne,tt):null,Un=I&&bn?d({active:I,collisionRect:bn,droppableRects:G,droppableContainers:j,pointerCoordinates:Gt}):null,Ht=V_e(Un,"id"),[xt,wr]=k.useState(null),$r=se?tt:Fu(tt,Lr),ri=q_e($r,(o=xt==null?void 0:xt.rect)!=null?o:null,J),uo=k.useCallback((Ct,nt)=>{let{sensor:_n,options:ln}=nt;if(C.current==null)return;const Mn=T.get(C.current);if(!Mn)return;const Gn=Ct.nativeEvent,ar=new _n({active:C.current,activeNode:Mn,event:Gn,options:ln,context:te,onStart(Hn){const wn=C.current;if(wn==null)return;const co=T.get(wn);if(!co)return;const{onDragStart:Zo}=D.current,Jo={active:{id:wn,data:co.data,rect:$}};zi.unstable_batchedUpdates(()=>{Zo==null||Zo(Jo),_(hs.Initializing),v({type:nn.DragStart,initialCoordinates:Hn,active:wn}),y({type:"onDragStart",event:Jo})})},onMove(Hn){v({type:nn.DragMove,coordinates:Hn})},onEnd:Ri(nn.DragEnd),onCancel:Ri(nn.DragCancel)});zi.unstable_batchedUpdates(()=>{M(ar),O(Ct.nativeEvent)});function Ri(Hn){return async function(){const{active:co,collisions:Zo,over:Jo,scrollAdjustedTranslate:Al}=te.current;let fo=null;if(co&&Al){const{cancelDrop:qn}=D.current;fo={activatorEvent:Gn,active:co,collisions:Zo,delta:Al,over:Jo},Hn===nn.DragEnd&&typeof qn=="function"&&await Promise.resolve(qn(fo))&&(Hn=nn.DragCancel)}C.current=null,zi.unstable_batchedUpdates(()=>{v({type:Hn}),_(hs.Uninitialized),wr(null),M(null),O(null);const qn=Hn===nn.DragEnd?"onDragEnd":"onDragCancel";if(fo){const fa=D.current[qn];fa==null||fa(fo),y({type:qn,event:fo})}})}}},[T]),Sn=k.useCallback((Ct,nt)=>(_n,ln)=>{const Mn=_n.nativeEvent,Gn=T.get(ln);if(C.current!==null||!Gn||Mn.dndKit||Mn.defaultPrevented)return;const ar={active:Gn};Ct(_n,nt.options,ar)===!0&&(Mn.dndKit={capturedBy:nt.sensor},C.current=ln,uo(_n,nt))},[T,uo]),ii=g2e(c,Sn);x2e(c),io(()=>{J&&b===hs.Initializing&&_(hs.Initialized)},[J,b]),k.useEffect(()=>{const{onDragMove:Ct}=D.current,{active:nt,activatorEvent:_n,collisions:ln,over:Mn}=te.current;if(!nt||!_n)return;const Gn={active:nt,activatorEvent:_n,collisions:ln,delta:{x:On.x,y:On.y},over:Mn};zi.unstable_batchedUpdates(()=>{Ct==null||Ct(Gn),y({type:"onDragMove",event:Gn})})},[On.x,On.y]),k.useEffect(()=>{const{active:Ct,activatorEvent:nt,collisions:_n,droppableContainers:ln,scrollAdjustedTranslate:Mn}=te.current;if(!Ct||C.current==null||!nt||!Mn)return;const{onDragOver:Gn}=D.current,ar=ln.get(Ht),Ri=ar&&ar.rect.current?{id:ar.id,rect:ar.rect.current,data:ar.data,disabled:ar.disabled}:null,Hn={active:Ct,activatorEvent:nt,collisions:_n,delta:{x:Mn.x,y:Mn.y},over:Ri};zi.unstable_batchedUpdates(()=>{wr(Ri),Gn==null||Gn(Hn),y({type:"onDragOver",event:Hn})})},[Ht]),io(()=>{te.current={activatorEvent:N,active:I,activeNode:Y,collisionRect:bn,collisions:Un,droppableRects:G,draggableNodes:T,draggingNode:ce,draggingNodeRect:Ne,droppableContainers:E,over:xt,scrollableAncestors:It,scrollAdjustedTranslate:On},$.current={initial:Ne,translated:bn}},[I,Y,Un,bn,T,ce,Ne,G,E,xt,It,On]),d2e({...H,delta:P,draggingRect:bn,pointerCoordinates:Gt,scrollableAncestors:It,scrollableAncestorRects:ut});const ca=k.useMemo(()=>({active:I,activeNode:Y,activeNodeRect:J,activatorEvent:N,collisions:Un,containerNodeRect:ne,dragOverlay:ve,draggableNodes:T,droppableContainers:E,droppableRects:G,over:xt,measureDroppableContainers:W,scrollableAncestors:It,scrollableAncestorRects:ut,measuringConfiguration:U,measuringScheduled:X,windowRect:vn}),[I,Y,J,N,Un,ne,ve,T,E,G,xt,W,It,ut,U,X,vn]),ki=k.useMemo(()=>({activatorEvent:N,activators:ii,active:I,activeNodeRect:J,ariaDescribedById:{draggable:L},dispatch:v,draggableNodes:T,over:xt,measureDroppableContainers:W}),[N,ii,I,J,v,L,T,xt,W]);return Xe.createElement(a$.Provider,{value:g},Xe.createElement(Gh.Provider,{value:ki},Xe.createElement(T$.Provider,{value:ca},Xe.createElement(f1.Provider,{value:ri},u)),Xe.createElement(M2e,{disabled:(a==null?void 0:a.restoreFocus)===!1})),Xe.createElement(N_e,{...a,hiddenTextDescribedById:L}));function da(){const Ct=(R==null?void 0:R.autoScrollEnabled)===!1,nt=typeof l=="object"?l.enabled===!1:l===!1,_n=w&&!Ct&&!nt;return typeof l=="object"?{...l,enabled:_n}:{enabled:_n}}}),L2e=k.createContext(null),P8="button",$2e="Droppable";function F2e(e){let{id:t,data:n,disabled:r=!1,attributes:i}=e;const o=c1($2e),{activators:s,activatorEvent:a,active:l,activeNodeRect:u,ariaDescribedById:c,draggableNodes:d,over:f}=k.useContext(Gh),{role:h=P8,roleDescription:p="draggable",tabIndex:m=0}=i??{},S=(l==null?void 0:l.id)===t,v=k.useContext(S?f1:L2e),[y,g]=gy(),[b,_]=gy(),w=C2e(s,t),x=Xf(n);io(()=>(d.set(t,{id:t,key:o,node:y,activatorNode:b,data:x}),()=>{const P=d.get(t);P&&P.key===o&&d.delete(t)}),[d,t]);const T=k.useMemo(()=>({role:h,tabIndex:m,"aria-disabled":r,"aria-pressed":S&&h===P8?!0:void 0,"aria-roledescription":p,"aria-describedby":c.draggable}),[r,h,m,S,p,c.draggable]);return{active:l,activatorEvent:a,activeNodeRect:u,attributes:T,isDragging:S,listeners:r?void 0:w,node:y,over:f,setNodeRef:g,setActivatorNodeRef:_,transform:v}}function B2e(){return k.useContext(T$)}const j2e="Droppable",V2e={timeout:25};function z2e(e){let{data:t,disabled:n=!1,id:r,resizeObserverConfig:i}=e;const o=c1(j2e),{active:s,dispatch:a,over:l,measureDroppableContainers:u}=k.useContext(Gh),c=k.useRef({disabled:n}),d=k.useRef(!1),f=k.useRef(null),h=k.useRef(null),{disabled:p,updateMeasurementsFor:m,timeout:S}={...V2e,...i},v=Xf(m??r),y=k.useCallback(()=>{if(!d.current){d.current=!0;return}h.current!=null&&clearTimeout(h.current),h.current=setTimeout(()=>{u(Array.isArray(v.current)?v.current:[v.current]),h.current=null},S)},[S]),g=d1({callback:y,disabled:p||!s}),b=k.useCallback((T,P)=>{g&&(P&&(g.unobserve(P),d.current=!1),T&&g.observe(T))},[g]),[_,w]=gy(b),x=Xf(t);return k.useEffect(()=>{!g||!_.current||(g.disconnect(),d.current=!1,g.observe(_.current))},[_,g]),io(()=>(a({type:nn.RegisterDroppable,element:{id:r,key:o,disabled:n,node:_,rect:f,data:x}}),()=>a({type:nn.UnregisterDroppable,key:o,id:r})),[r]),k.useEffect(()=>{n!==c.current.disabled&&(a({type:nn.SetDroppableDisabled,id:r,key:o,disabled:n}),c.current.disabled=n)},[r,o,n,a]),{active:s,rect:f,isOver:(l==null?void 0:l.id)===r,node:_,over:l,setNodeRef:w}}function U2e(e){let{animation:t,children:n}=e;const[r,i]=k.useState(null),[o,s]=k.useState(null),a=my(n);return!n&&!r&&a&&i(a),io(()=>{if(!o)return;const l=r==null?void 0:r.key,u=r==null?void 0:r.props.id;if(l==null||u==null){i(null);return}Promise.resolve(t(u,o)).then(()=>{i(null)})},[t,r,o]),Xe.createElement(Xe.Fragment,null,n,r?k.cloneElement(r,{ref:s}):null)}const G2e={x:0,y:0,scaleX:1,scaleY:1};function H2e(e){let{children:t}=e;return Xe.createElement(Gh.Provider,{value:C$},Xe.createElement(f1.Provider,{value:G2e},t))}const q2e={position:"fixed",touchAction:"none"},W2e=e=>S3(e)?"transform 250ms ease":void 0,K2e=k.forwardRef((e,t)=>{let{as:n,activatorEvent:r,adjustScale:i,children:o,className:s,rect:a,style:l,transform:u,transition:c=W2e}=e;if(!a)return null;const d=i?u:{...u,scaleX:1,scaleY:1},f={...q2e,width:a.width,height:a.height,top:a.top,left:a.left,transform:Qf.Transform.toString(d),transformOrigin:i&&r?$_e(r,a):void 0,transition:typeof c=="function"?c(r):c,...l};return Xe.createElement(n,{className:s,style:f,ref:t},o)}),X2e=e=>t=>{let{active:n,dragOverlay:r}=t;const i={},{styles:o,className:s}=e;if(o!=null&&o.active)for(const[a,l]of Object.entries(o.active))l!==void 0&&(i[a]=n.node.style.getPropertyValue(a),n.node.style.setProperty(a,l));if(o!=null&&o.dragOverlay)for(const[a,l]of Object.entries(o.dragOverlay))l!==void 0&&r.node.style.setProperty(a,l);return s!=null&&s.active&&n.node.classList.add(s.active),s!=null&&s.dragOverlay&&r.node.classList.add(s.dragOverlay),function(){for(const[l,u]of Object.entries(i))n.node.style.setProperty(l,u);s!=null&&s.active&&n.node.classList.remove(s.active)}},Y2e=e=>{let{transform:{initial:t,final:n}}=e;return[{transform:Qf.Transform.toString(t)},{transform:Qf.Transform.toString(n)}]},Q2e={duration:250,easing:"ease",keyframes:Y2e,sideEffects:X2e({styles:{active:{opacity:"0"}}})};function Z2e(e){let{config:t,draggableNodes:n,droppableContainers:r,measuringConfiguration:i}=e;return u1((o,s)=>{if(t===null)return;const a=n.get(o);if(!a)return;const l=a.node.current;if(!l)return;const u=x$(s);if(!u)return;const{transform:c}=or(s).getComputedStyle(s),d=u$(c);if(!d)return;const f=typeof t=="function"?t:J2e(t);return m$(l,i.draggable.measure),f({active:{id:o,data:a.data,node:l,rect:i.draggable.measure(l)},draggableNodes:n,dragOverlay:{node:s,rect:i.dragOverlay.measure(u)},droppableContainers:r,measuringConfiguration:i,transform:d})})}function J2e(e){const{duration:t,easing:n,sideEffects:r,keyframes:i}={...Q2e,...e};return o=>{let{active:s,dragOverlay:a,transform:l,...u}=o;if(!t)return;const c={x:a.rect.left-s.rect.left,y:a.rect.top-s.rect.top},d={scaleX:l.scaleX!==1?s.rect.width*l.scaleX/a.rect.width:1,scaleY:l.scaleY!==1?s.rect.height*l.scaleY/a.rect.height:1},f={x:l.x-c.x,y:l.y-c.y,...d},h=i({...u,active:s,dragOverlay:a,transform:{initial:l,final:f}}),[p]=h,m=h[h.length-1];if(JSON.stringify(p)===JSON.stringify(m))return;const S=r==null?void 0:r({active:s,dragOverlay:a,...u}),v=a.node.animate(h,{duration:t,easing:n,fill:"forwards"});return new Promise(y=>{v.onfinish=()=>{S==null||S(),y()}})}}let A8=0;function ewe(e){return k.useMemo(()=>{if(e!=null)return A8++,A8},[e])}const twe=Xe.memo(e=>{let{adjustScale:t=!1,children:n,dropAnimation:r,style:i,transition:o,modifiers:s,wrapperElement:a="div",className:l,zIndex:u=999}=e;const{activatorEvent:c,active:d,activeNodeRect:f,containerNodeRect:h,draggableNodes:p,droppableContainers:m,dragOverlay:S,over:v,measuringConfiguration:y,scrollableAncestors:g,scrollableAncestorRects:b,windowRect:_}=B2e(),w=k.useContext(f1),x=ewe(d==null?void 0:d.id),T=E$(s,{activatorEvent:c,active:d,activeNodeRect:f,containerNodeRect:h,draggingNodeRect:S.rect,over:v,overlayNodeRect:S.rect,scrollableAncestors:g,scrollableAncestorRects:b,transform:w,windowRect:_}),P=C3(f),E=Z2e({config:r,draggableNodes:p,droppableContainers:m,measuringConfiguration:y}),A=P?S.setRef:void 0;return Xe.createElement(H2e,null,Xe.createElement(U2e,{animation:E},d&&x?Xe.createElement(K2e,{key:x,id:d.id,ref:A,as:a,activatorEvent:c,adjustScale:t,className:l,transition:o,rect:P,style:{zIndex:u,...i},transform:T},n):null))}),nwe=e=>{let{activatorEvent:t,draggingNodeRect:n,transform:r}=e;if(n&&t){const i=Yf(t);if(!i)return r;const o=i.x-n.left,s=i.y-n.top;return{...r,x:r.x+o-n.width/2,y:r.y+s-n.height/2}}return r},P$=()=>ak(),j4e=J9,Yp=28,k8={w:Yp,h:Yp,maxW:Yp,maxH:Yp,shadow:"dark-lg",borderRadius:"lg",opacity:.3,bg:"base.800",color:"base.50",_dark:{borderColor:"base.200",bg:"base.900",color:"base.100"}},rwe=e=>{if(!e.dragData)return null;if(e.dragData.payloadType==="IMAGE_DTO"){const{thumbnail_url:t,width:n,height:r}=e.dragData.payload.imageDTO;return K.jsx(c3,{sx:{position:"relative",width:"100%",height:"100%",display:"flex",alignItems:"center",justifyContent:"center",userSelect:"none",cursor:"none"},children:K.jsx(u3,{sx:{...k8},objectFit:"contain",src:t,width:n,height:r})})}return e.dragData.payloadType==="IMAGE_NAMES"?K.jsxs(d3,{sx:{cursor:"none",userSelect:"none",position:"relative",alignItems:"center",justifyContent:"center",flexDir:"column",...k8},children:[K.jsx(K2,{children:e.dragData.payload.image_names.length}),K.jsx(K2,{size:"sm",children:"Images"})]}):null},iwe=k.memo(rwe);function V4e(e){return z2e(e)}function z4e(e){return F2e(e)}const U4e=(e,t)=>{if(!e||!(t!=null&&t.data.current))return!1;const{actionType:n}=e,{payloadType:r}=t.data.current;if(e.id===t.data.current.id)return!1;switch(n){case"SET_CURRENT_IMAGE":return r==="IMAGE_DTO";case"SET_INITIAL_IMAGE":return r==="IMAGE_DTO";case"SET_CONTROLNET_IMAGE":return r==="IMAGE_DTO";case"SET_CANVAS_INITIAL_IMAGE":return r==="IMAGE_DTO";case"SET_NODES_IMAGE":return r==="IMAGE_DTO";case"SET_MULTI_NODES_IMAGE":return r==="IMAGE_DTO"||"IMAGE_NAMES";case"ADD_TO_BATCH":return r==="IMAGE_DTO"||"IMAGE_NAMES";case"MOVE_BOARD":{if(!(r==="IMAGE_DTO"||"IMAGE_NAMES"))return!1;if(r==="IMAGE_DTO"){const{imageDTO:o}=t.data.current.payload,s=o.board_id,a=e.context.boardId;return!(s===a)&&(s?!0:a)}return r!=="IMAGE_NAMES"}default:return!1}};function owe(e){return K.jsx(D2e,{...e})}const swe=e=>{const[t,n]=k.useState(null),r=P$(),i=k.useCallback(u=>{console.log("dragStart",u.active.data.current);const c=u.active.data.current;c&&n(c)},[]),o=k.useCallback(u=>{var d;console.log("dragEnd",u.active.data.current);const c=(d=u.over)==null?void 0:d.data.current;!t||!c||(r(tN({overData:c,activeData:t})),n(null))},[t,r]),s=v8(S$,{activationConstraint:{distance:10}}),a=v8(_$,{activationConstraint:{distance:10}}),l=D_e(s,a);return K.jsxs(owe,{onDragStart:i,onDragEnd:o,sensors:l,collisionDetection:H_e,children:[e.children,K.jsx(twe,{dropAnimation:null,modifiers:[nwe],children:K.jsx(Xbe,{children:t&&K.jsx(Vbe.div,{layout:!0,initial:{opacity:0,scale:.7},animate:{opacity:1,scale:1,transition:{duration:.1}},children:K.jsx(iwe,{dragData:t})},"overlay-drag-image")})})]})},awe=k.memo(swe),lwe=k.createContext({isOpen:!1,onClose:()=>{},onClickAddToBoard:()=>{},handleAddToBoard:()=>{}}),uwe=e=>{const[t,n]=k.useState(),{isOpen:r,onOpen:i,onClose:o}=rSe(),s=P$(),a=k.useCallback(()=>{n(void 0),o()},[o]),l=k.useCallback(c=>{c&&(n(c),i())},[n,i]),u=k.useCallback(c=>{t&&(s(he.endpoints.addImageToBoard.initiate({imageDTO:t,board_id:c})),a())},[s,a,t]);return K.jsx(lwe.Provider,{value:{isOpen:r,image:t,onClose:a,onClickAddToBoard:l,handleAddToBoard:u},children:e.children})},cwe=k.lazy(()=>G9(()=>import("./App-ea7b7298.js"),["./App-ea7b7298.js","./MantineProvider-ae002ae6.js","./App-6125620a.css"],import.meta.url)),dwe=k.lazy(()=>G9(()=>import("./ThemeLocaleProvider-b9d3eb39.js"),["./ThemeLocaleProvider-b9d3eb39.js","./MantineProvider-ae002ae6.js","./ThemeLocaleProvider-5b992bc7.css"],import.meta.url)),fwe=({apiUrl:e,token:t,config:n,headerComponent:r,middleware:i})=>(k.useEffect(()=>(t&&Cf.set(t),e&&Tf.set(e),zI(),i&&i.length>0?c2(m8(),...i):c2(m8()),()=>{Tf.set(void 0),Cf.set(void 0)}),[e,t,i]),K.jsx(Xe.StrictMode,{children:K.jsx(mV,{store:Kpe,children:K.jsx(Xe.Suspense,{fallback:K.jsx(aSe,{}),children:K.jsx(dwe,{children:K.jsx(awe,{children:K.jsx(uwe,{children:K.jsx(cwe,{config:n,headerComponent:r})})})})})})})),hwe=k.memo(fwe);xS.createRoot(document.getElementById("root")).render(K.jsx(hwe,{}));export{fD as $,K as A,ti as B,Vt as C,Iu as D,Vn as E,fi as F,Jne as G,br as H,Ms as I,$i as J,W3e as K,_M as L,pre as M,Gre as N,ute as O,nre as P,rc as Q,Fge as R,df as S,Tl as T,sl as U,oD as V,T4e as W,w4e as X,Xbe as Y,Vbe as Z,D4e as _,Zk as a,U_ as a$,$L as a0,mD as a1,x4e as a2,C4e as a3,$ge as a4,Lge as a5,E4e as a6,Na as a7,al as a8,rm as a9,d3 as aA,K2 as aB,y4e as aC,jN as aD,l3e as aE,Y4 as aF,vCe as aG,zi as aH,BC as aI,nF as aJ,ywe as aK,gwe as aL,mwe as aM,Ee as aN,Ea as aO,N3e as aP,YI as aQ,M3e as aR,I3e as aS,R3e as aT,E3e as aU,$pe as aV,V4e as aW,U4e as aX,k3e as aY,V3e as aZ,r3e as a_,MV as aa,Xe as ab,e8 as ac,hye as ad,N4e as ae,Mo as af,rD as ag,D1e as ah,k4e as ai,O2 as aj,_4e as ak,I4e as al,Jn as am,mC as an,S0 as ao,j4e as ap,X3e as aq,Th as ar,nI as as,AI as at,Z0 as au,P$ as av,T5e as aw,Bt as ax,Ga as ay,c3 as az,Tx as b,Hle as b$,O3e as b0,u3 as b1,oSe as b2,Axe as b3,Ss as b4,F5e as b5,hp as b6,xge as b7,FC as b8,ZN as b9,Gwe as bA,Lwe as bB,qwe as bC,nue as bD,wE as bE,g5e as bF,m5e as bG,y5e as bH,$we as bI,v5e as bJ,Fwe as bK,b5e as bL,ue as bM,lwe as bN,i3e as bO,gJ as bP,c3e as bQ,$O as bR,sCe as bS,OO as bT,G_ as bU,z4e as bV,S4e as bW,j3e as bX,s3e as bY,a3e as bZ,Os as b_,Tge as ba,$3 as bb,F3e as bc,$3e as bd,pwe as be,wwe as bf,xwe as bg,Cwe as bh,Twe as bi,Xwe as bj,Ywe as bk,d5e as bl,f5e as bm,Rwe as bn,nxe as bo,Pwe as bp,zwe as bq,Iwe as br,rue as bs,Awe as bt,Qwe as bu,Ewe as bv,axe as bw,Owe as bx,Uwe as by,Mwe as bz,AU as c,Wwe as c$,t3e as c0,n3e as c1,JCe as c2,rSe as c3,Am as c4,m4e as c5,G5e as c6,Exe as c7,xle as c8,_5e as c9,C5e as cA,EO as cB,T3e as cC,w3e as cD,x3e as cE,C3e as cF,vxe as cG,lxe as cH,pxe as cI,Kwe as cJ,E5e as cK,hl as cL,A5e as cM,xo as cN,dce as cO,Qa as cP,Bwe as cQ,Ph as cR,X5e as cS,vwe as cT,h5e as cU,q5e as cV,f4e as cW,fe as cX,xf as cY,o4e as cZ,Jse as c_,z3e as ca,M7 as cb,eN as cc,j5e as cd,e3e as ce,d3e as cf,T7 as cg,LO as ch,kwe as ci,Ixe as cj,zn as ck,O5e as cl,V5e as cm,B5e as cn,tle as co,R5e as cp,N5e as cq,D5e as cr,wQ as cs,wae as ct,xae as cu,Cxe as cv,Mxe as cw,I5e as cx,TQ as cy,K3e as cz,mX as d,Swe as d$,mQ as d0,Y5e as d1,PO as d2,bxe as d3,xQ as d4,Ui as d5,Hwe as d6,ixe as d7,_we as d8,aY as d9,v3e as dA,b3e as dB,S3e as dC,sJ as dD,_3e as dE,C7 as dF,p3e as dG,m3e as dH,f3e as dI,Cpe as dJ,h3e as dK,gxe as dL,mxe as dM,fxe as dN,hxe as dO,dxe as dP,a4e as dQ,e4e as dR,$5e as dS,J5e as dT,d4e as dU,s4e as dV,L5e as dW,n4e as dX,t4e as dY,Q5e as dZ,i4e as d_,sxe as da,p5e as db,Sxe as dc,c5e as dd,yce as de,wxe as df,he as dg,Kn as dh,H5e as di,G3e as dj,H3e as dk,N7 as dl,K5e as dm,U3e as dn,hO as dp,yxe as dq,sY as dr,Dwe as ds,W5e as dt,bT as du,y3e as dv,Hx as dw,oJ as dx,Xl as dy,ST as dz,ZR as e,zCe as e$,Z5e as e0,r4e as e1,bwe as e2,GM as e3,Lx as e4,l4e as e5,Fm as e6,pe as e7,u4e as e8,u2 as e9,TCe as eA,GCe as eB,UCe as eC,iCe as eD,NCe as eE,qCe as eF,Ole as eG,Yxe as eH,SCe as eI,nd as eJ,mCe as eK,Qxe as eL,tv as eM,bCe as eN,Wxe as eO,yCe as eP,Kxe as eQ,eCe as eR,$xe as eS,Lxe as eT,Dxe as eU,HCe as eV,IO as eW,Cf as eX,zxe as eY,Uxe as eZ,Gxe as e_,Nwe as ea,c4e as eb,J9 as ec,ak as ed,u5e as ee,n5e as ef,r5e as eg,i5e as eh,OI as ei,a5e as ej,l5e as ek,Df as el,_0 as em,Z3e as en,Bpe as eo,Y3e as ep,Q3e as eq,e5e as er,J3e as es,t5e as et,s5e as eu,Vie as ev,eI as ew,oN as ex,CF as ey,Pe as ez,sR as f,iD as f$,nCe as f0,tCe as f1,zQ as f2,VCe as f3,Rle as f4,Zxe as f5,Spe as f6,xpe as f7,lCe as f8,uCe as f9,XCe as fA,oCe as fB,kle as fC,Ele as fD,Ple as fE,Ale as fF,jxe as fG,_xe as fH,_Q as fI,uxe as fJ,Vxe as fK,dCe as fL,YCe as fM,Zwe as fN,Jwe as fO,exe as fP,txe as fQ,fCe as fR,g4e as fS,Pxe as fT,AO as fU,Rxe as fV,kxe as fW,Oxe as fX,iY as fY,_le as fZ,b4e as f_,ECe as fa,CCe as fb,_Ce as fc,Fxe as fd,Bxe as fe,z5e as ff,U5e as fg,gCe as fh,aCe as fi,PCe as fj,ICe as fk,ACe as fl,rCe as fm,Xxe as fn,jCe as fo,BCe as fp,OCe as fq,kCe as fr,RCe as fs,QCe as ft,$Ce as fu,ZCe as fv,pCe as fw,hCe as fx,qxe as fy,Hxe as fz,uX as g,M4e as g0,R4e as g1,P4e as g2,O4e as g3,Wi as g4,A4e as g5,v4e as g6,dye as g7,eye as g8,L4e as g9,F4e as ga,B4e as gb,gR as h,vr as i,mc as j,v0 as k,mn as l,y0 as m,hh as n,Ci as o,ta as p,g0 as q,oo as r,gh as s,hb as t,_x as u,iR as v,kx as w,HR as x,aR as y,k as z}; diff --git a/invokeai/frontend/web/dist/index.html b/invokeai/frontend/web/dist/index.html index 440f1b258c4..d4024bc0c83 100644 --- a/invokeai/frontend/web/dist/index.html +++ b/invokeai/frontend/web/dist/index.html @@ -12,7 +12,7 @@ margin: 0; } - + diff --git a/invokeai/frontend/web/dist/locales/en.json b/invokeai/frontend/web/dist/locales/en.json index 7c9f820729a..cf84e4d773a 100644 --- a/invokeai/frontend/web/dist/locales/en.json +++ b/invokeai/frontend/web/dist/locales/en.json @@ -342,6 +342,8 @@ "diffusersModels": "Diffusers", "loraModels": "LoRAs", "safetensorModels": "SafeTensors", + "onnxModels": "Onnx", + "oliveModels": "Olives", "modelAdded": "Model Added", "modelUpdated": "Model Updated", "modelUpdateFailed": "Model Update Failed", diff --git a/invokeai/frontend/web/public/locales/en.json b/invokeai/frontend/web/public/locales/en.json index 7c9f820729a..cf84e4d773a 100644 --- a/invokeai/frontend/web/public/locales/en.json +++ b/invokeai/frontend/web/public/locales/en.json @@ -342,6 +342,8 @@ "diffusersModels": "Diffusers", "loraModels": "LoRAs", "safetensorModels": "SafeTensors", + "onnxModels": "Onnx", + "oliveModels": "Olives", "modelAdded": "Model Added", "modelUpdated": "Model Updated", "modelUpdateFailed": "Model Update Failed", diff --git a/invokeai/frontend/web/src/app/store/middleware/listenerMiddleware/listeners/modelsLoaded.ts b/invokeai/frontend/web/src/app/store/middleware/listenerMiddleware/listeners/modelsLoaded.ts index 1e0b3dbc616..32d512f5041 100644 --- a/invokeai/frontend/web/src/app/store/middleware/listenerMiddleware/listeners/modelsLoaded.ts +++ b/invokeai/frontend/web/src/app/store/middleware/listenerMiddleware/listeners/modelsLoaded.ts @@ -36,7 +36,8 @@ export const addModelsLoadedListener = () => { action.payload.entities, (m) => m?.model_name === currentModel?.model_name && - m?.base_model === currentModel?.base_model + m?.base_model === currentModel?.base_model && + m?.model_type === currentModel?.model_type ); if (isCurrentModelAvailable) { @@ -83,7 +84,8 @@ export const addModelsLoadedListener = () => { action.payload.entities, (m) => m?.model_name === currentModel?.model_name && - m?.base_model === currentModel?.base_model + m?.base_model === currentModel?.base_model && + m?.model_type === currentModel?.model_type ); if (isCurrentModelAvailable) { diff --git a/invokeai/frontend/web/src/app/store/middleware/listenerMiddleware/listeners/tabChanged.ts b/invokeai/frontend/web/src/app/store/middleware/listenerMiddleware/listeners/tabChanged.ts index 578241573c8..0569827859e 100644 --- a/invokeai/frontend/web/src/app/store/middleware/listenerMiddleware/listeners/tabChanged.ts +++ b/invokeai/frontend/web/src/app/store/middleware/listenerMiddleware/listeners/tabChanged.ts @@ -47,9 +47,9 @@ export const addTabChangedListener = () => { } // only store the model name and base model in redux - const { base_model, model_name } = firstValidCanvasModel; + const { base_model, model_name, model_type } = firstValidCanvasModel; - dispatch(modelChanged({ base_model, model_name })); + dispatch(modelChanged({ base_model, model_name, model_type })); } }, }); diff --git a/invokeai/frontend/web/src/features/nodes/components/fields/ModelInputFieldComponent.tsx b/invokeai/frontend/web/src/features/nodes/components/fields/ModelInputFieldComponent.tsx index 273ba3be513..154c3c1cb0a 100644 --- a/invokeai/frontend/web/src/features/nodes/components/fields/ModelInputFieldComponent.tsx +++ b/invokeai/frontend/web/src/features/nodes/components/fields/ModelInputFieldComponent.tsx @@ -14,8 +14,11 @@ import SyncModelsButton from 'features/ui/components/tabs/ModelManager/subpanels import { forEach } from 'lodash-es'; import { memo, useCallback, useMemo } from 'react'; import { useTranslation } from 'react-i18next'; +import { + useGetMainModelsQuery, + useGetOnnxModelsQuery, +} from 'services/api/endpoints/models'; import { NON_REFINER_BASE_MODELS } from 'services/api/constants'; -import { useGetMainModelsQuery } from 'services/api/endpoints/models'; import { FieldComponentProps } from './types'; import { useFeatureStatus } from '../../../system/hooks/useFeatureStatus'; @@ -28,6 +31,7 @@ const ModelInputFieldComponent = ( const { t } = useTranslation(); const isSyncModelEnabled = useFeatureStatus('syncModels').isFeatureEnabled; + const { data: onnxModels } = useGetOnnxModelsQuery(NON_REFINER_BASE_MODELS); const { data: mainModels, isLoading } = useGetMainModelsQuery( NON_REFINER_BASE_MODELS ); @@ -51,17 +55,39 @@ const ModelInputFieldComponent = ( }); }); + if (onnxModels) { + forEach(onnxModels.entities, (model, id) => { + if (!model) { + return; + } + + data.push({ + value: id, + label: model.model_name, + group: MODEL_TYPE_MAP[model.base_model], + }); + }); + } return data; - }, [mainModels]); + }, [mainModels, onnxModels]); // grab the full model entity from the RTK Query cache // TODO: maybe we should just store the full model entity in state? const selectedModel = useMemo( () => - mainModels?.entities[ + (mainModels?.entities[ `${field.value?.base_model}/main/${field.value?.model_name}` - ] ?? null, - [field.value?.base_model, field.value?.model_name, mainModels?.entities] + ] || + onnxModels?.entities[ + `${field.value?.base_model}/onnx/${field.value?.model_name}` + ]) ?? + null, + [ + field.value?.base_model, + field.value?.model_name, + mainModels?.entities, + onnxModels?.entities, + ] ); const handleChangeModel = useCallback( diff --git a/invokeai/frontend/web/src/features/nodes/util/graphBuilders/addLoRAsToGraph.ts b/invokeai/frontend/web/src/features/nodes/util/graphBuilders/addLoRAsToGraph.ts index d38c09cd75b..e4973f0c36e 100644 --- a/invokeai/frontend/web/src/features/nodes/util/graphBuilders/addLoRAsToGraph.ts +++ b/invokeai/frontend/web/src/features/nodes/util/graphBuilders/addLoRAsToGraph.ts @@ -9,6 +9,7 @@ import { CLIP_SKIP, LORA_LOADER, MAIN_MODEL_LOADER, + ONNX_MODEL_LOADER, METADATA_ACCUMULATOR, NEGATIVE_CONDITIONING, POSITIVE_CONDITIONING, @@ -17,7 +18,8 @@ import { export const addLoRAsToGraph = ( state: RootState, graph: NonNullableGraph, - baseNodeId: string + baseNodeId: string, + modelLoader: string = MAIN_MODEL_LOADER ): void => { /** * LoRA nodes get the UNet and CLIP models from the main model loader and apply the LoRA to them. @@ -40,6 +42,10 @@ export const addLoRAsToGraph = ( !( e.source.node_id === MAIN_MODEL_LOADER && ['unet'].includes(e.source.field) + ) && + !( + e.source.node_id === ONNX_MODEL_LOADER && + ['unet'].includes(e.source.field) ) ); // Remove CLIP_SKIP connections to conditionings to feed it through LoRAs @@ -75,12 +81,11 @@ export const addLoRAsToGraph = ( // add to graph graph.nodes[currentLoraNodeId] = loraLoaderNode; - if (currentLoraIndex === 0) { // first lora = start the lora chain, attach directly to model loader graph.edges.push({ source: { - node_id: MAIN_MODEL_LOADER, + node_id: modelLoader, field: 'unet', }, destination: { diff --git a/invokeai/frontend/web/src/features/nodes/util/graphBuilders/addVAEToGraph.ts b/invokeai/frontend/web/src/features/nodes/util/graphBuilders/addVAEToGraph.ts index d4e21f547d4..154bdb60c54 100644 --- a/invokeai/frontend/web/src/features/nodes/util/graphBuilders/addVAEToGraph.ts +++ b/invokeai/frontend/web/src/features/nodes/util/graphBuilders/addVAEToGraph.ts @@ -9,13 +9,15 @@ import { LATENTS_TO_IMAGE, MAIN_MODEL_LOADER, METADATA_ACCUMULATOR, + ONNX_MODEL_LOADER, TEXT_TO_IMAGE_GRAPH, VAE_LOADER, } from './constants'; export const addVAEToGraph = ( state: RootState, - graph: NonNullableGraph + graph: NonNullableGraph, + modelLoader: string = MAIN_MODEL_LOADER ): void => { const { vae } = state.generation; @@ -32,12 +34,12 @@ export const addVAEToGraph = ( vae_model: vae, }; } - + const isOnnxModel = modelLoader == ONNX_MODEL_LOADER; if (graph.id === TEXT_TO_IMAGE_GRAPH || graph.id === IMAGE_TO_IMAGE_GRAPH) { graph.edges.push({ source: { - node_id: isAutoVae ? MAIN_MODEL_LOADER : VAE_LOADER, - field: 'vae', + node_id: isAutoVae ? modelLoader : VAE_LOADER, + field: isAutoVae && isOnnxModel ? 'vae_decoder' : 'vae', }, destination: { node_id: LATENTS_TO_IMAGE, @@ -49,8 +51,8 @@ export const addVAEToGraph = ( if (graph.id === IMAGE_TO_IMAGE_GRAPH) { graph.edges.push({ source: { - node_id: isAutoVae ? MAIN_MODEL_LOADER : VAE_LOADER, - field: 'vae', + node_id: isAutoVae ? modelLoader : VAE_LOADER, + field: isAutoVae && isOnnxModel ? 'vae_decoder' : 'vae', }, destination: { node_id: IMAGE_TO_LATENTS, @@ -62,8 +64,8 @@ export const addVAEToGraph = ( if (graph.id === INPAINT_GRAPH) { graph.edges.push({ source: { - node_id: isAutoVae ? MAIN_MODEL_LOADER : VAE_LOADER, - field: 'vae', + node_id: isAutoVae ? modelLoader : VAE_LOADER, + field: isAutoVae && isOnnxModel ? 'vae_decoder' : 'vae', }, destination: { node_id: INPAINT, diff --git a/invokeai/frontend/web/src/features/nodes/util/graphBuilders/buildCanvasTextToImageGraph.ts b/invokeai/frontend/web/src/features/nodes/util/graphBuilders/buildCanvasTextToImageGraph.ts index 13b27392ba8..14a81c4e4d6 100644 --- a/invokeai/frontend/web/src/features/nodes/util/graphBuilders/buildCanvasTextToImageGraph.ts +++ b/invokeai/frontend/web/src/features/nodes/util/graphBuilders/buildCanvasTextToImageGraph.ts @@ -12,6 +12,7 @@ import { CLIP_SKIP, LATENTS_TO_IMAGE, MAIN_MODEL_LOADER, + ONNX_MODEL_LOADER, METADATA_ACCUMULATOR, NEGATIVE_CONDITIONING, NOISE, @@ -52,7 +53,8 @@ export const buildCanvasTextToImageGraph = ( const use_cpu = shouldUseNoiseSettings ? shouldUseCpuNoise : initialGenerationState.shouldUseCpuNoise; - + const onnx_model_type = model.model_type.includes('onnx'); + const model_loader = onnx_model_type ? ONNX_MODEL_LOADER : MAIN_MODEL_LOADER; /** * The easiest way to build linear graphs is to do it in the node editor, then copy and paste the * full graph here as a template. Then use the parameters from app state and set friendlier node @@ -63,17 +65,18 @@ export const buildCanvasTextToImageGraph = ( */ // copy-pasted graph from node editor, filled in with state values & friendly node ids + // TODO: Actually create the graph correctly for ONNX const graph: NonNullableGraph = { id: TEXT_TO_IMAGE_GRAPH, nodes: { [POSITIVE_CONDITIONING]: { - type: 'compel', + type: onnx_model_type ? 'prompt_onnx' : 'compel', id: POSITIVE_CONDITIONING, is_intermediate: true, prompt: positivePrompt, }, [NEGATIVE_CONDITIONING]: { - type: 'compel', + type: onnx_model_type ? 'prompt_onnx' : 'compel', id: NEGATIVE_CONDITIONING, is_intermediate: true, prompt: negativePrompt, @@ -87,16 +90,16 @@ export const buildCanvasTextToImageGraph = ( use_cpu, }, [TEXT_TO_LATENTS]: { - type: 't2l', + type: onnx_model_type ? 't2l_onnx' : 't2l', id: TEXT_TO_LATENTS, is_intermediate: true, cfg_scale, scheduler, steps, }, - [MAIN_MODEL_LOADER]: { - type: 'main_model_loader', - id: MAIN_MODEL_LOADER, + [model_loader]: { + type: model_loader, + id: model_loader, is_intermediate: true, model, }, @@ -107,7 +110,7 @@ export const buildCanvasTextToImageGraph = ( skipped_layers: clipSkip, }, [LATENTS_TO_IMAGE]: { - type: 'l2i', + type: onnx_model_type ? 'l2i_onnx' : 'l2i', id: LATENTS_TO_IMAGE, is_intermediate: !shouldAutoSave, }, @@ -135,7 +138,7 @@ export const buildCanvasTextToImageGraph = ( }, { source: { - node_id: MAIN_MODEL_LOADER, + node_id: model_loader, field: 'clip', }, destination: { @@ -165,7 +168,7 @@ export const buildCanvasTextToImageGraph = ( }, { source: { - node_id: MAIN_MODEL_LOADER, + node_id: model_loader, field: 'unet', }, destination: { @@ -229,10 +232,10 @@ export const buildCanvasTextToImageGraph = ( }); // add LoRA support - addLoRAsToGraph(state, graph, TEXT_TO_LATENTS); + addLoRAsToGraph(state, graph, TEXT_TO_LATENTS, model_loader); // optionally add custom VAE - addVAEToGraph(state, graph); + addVAEToGraph(state, graph, model_loader); // add dynamic prompts - also sets up core iteration and seed addDynamicPromptsToGraph(state, graph); diff --git a/invokeai/frontend/web/src/features/nodes/util/graphBuilders/buildLinearTextToImageGraph.ts b/invokeai/frontend/web/src/features/nodes/util/graphBuilders/buildLinearTextToImageGraph.ts index 3766ac1ee3e..3ae6f7650d7 100644 --- a/invokeai/frontend/web/src/features/nodes/util/graphBuilders/buildLinearTextToImageGraph.ts +++ b/invokeai/frontend/web/src/features/nodes/util/graphBuilders/buildLinearTextToImageGraph.ts @@ -12,6 +12,7 @@ import { CLIP_SKIP, LATENTS_TO_IMAGE, MAIN_MODEL_LOADER, + ONNX_MODEL_LOADER, METADATA_ACCUMULATOR, NEGATIVE_CONDITIONING, NOISE, @@ -48,6 +49,8 @@ export const buildLinearTextToImageGraph = ( throw new Error('No model found in state'); } + const onnx_model_type = model.model_type.includes('onnx'); + const model_loader = onnx_model_type ? ONNX_MODEL_LOADER : MAIN_MODEL_LOADER; /** * The easiest way to build linear graphs is to do it in the node editor, then copy and paste the * full graph here as a template. Then use the parameters from app state and set friendlier node @@ -58,12 +61,14 @@ export const buildLinearTextToImageGraph = ( */ // copy-pasted graph from node editor, filled in with state values & friendly node ids + + // TODO: Actually create the graph correctly for ONNX const graph: NonNullableGraph = { id: TEXT_TO_IMAGE_GRAPH, nodes: { - [MAIN_MODEL_LOADER]: { - type: 'main_model_loader', - id: MAIN_MODEL_LOADER, + [model_loader]: { + type: model_loader, + id: model_loader, model, }, [CLIP_SKIP]: { @@ -72,12 +77,12 @@ export const buildLinearTextToImageGraph = ( skipped_layers: clipSkip, }, [POSITIVE_CONDITIONING]: { - type: 'compel', + type: onnx_model_type ? 'prompt_onnx' : 'compel', id: POSITIVE_CONDITIONING, prompt: positivePrompt, }, [NEGATIVE_CONDITIONING]: { - type: 'compel', + type: onnx_model_type ? 'prompt_onnx' : 'compel', id: NEGATIVE_CONDITIONING, prompt: negativePrompt, }, @@ -89,14 +94,14 @@ export const buildLinearTextToImageGraph = ( use_cpu, }, [TEXT_TO_LATENTS]: { - type: 't2l', + type: onnx_model_type ? 't2l_onnx' : 't2l', id: TEXT_TO_LATENTS, cfg_scale, scheduler, steps, }, [LATENTS_TO_IMAGE]: { - type: 'l2i', + type: onnx_model_type ? 'l2i_onnx' : 'l2i', id: LATENTS_TO_IMAGE, fp32: vaePrecision === 'fp32' ? true : false, }, @@ -104,7 +109,7 @@ export const buildLinearTextToImageGraph = ( edges: [ { source: { - node_id: MAIN_MODEL_LOADER, + node_id: model_loader, field: 'clip', }, destination: { @@ -114,7 +119,7 @@ export const buildLinearTextToImageGraph = ( }, { source: { - node_id: MAIN_MODEL_LOADER, + node_id: model_loader, field: 'unet', }, destination: { @@ -218,10 +223,10 @@ export const buildLinearTextToImageGraph = ( }); // add LoRA support - addLoRAsToGraph(state, graph, TEXT_TO_LATENTS); + addLoRAsToGraph(state, graph, TEXT_TO_LATENTS, model_loader); // optionally add custom VAE - addVAEToGraph(state, graph); + addVAEToGraph(state, graph, model_loader); // add dynamic prompts - also sets up core iteration and seed addDynamicPromptsToGraph(state, graph); diff --git a/invokeai/frontend/web/src/features/nodes/util/graphBuilders/constants.ts b/invokeai/frontend/web/src/features/nodes/util/graphBuilders/constants.ts index 8cb9c6d50de..7fa87c7f205 100644 --- a/invokeai/frontend/web/src/features/nodes/util/graphBuilders/constants.ts +++ b/invokeai/frontend/web/src/features/nodes/util/graphBuilders/constants.ts @@ -10,6 +10,7 @@ export const RANDOM_INT = 'rand_int'; export const RANGE_OF_SIZE = 'range_of_size'; export const ITERATE = 'iterate'; export const MAIN_MODEL_LOADER = 'main_model_loader'; +export const ONNX_MODEL_LOADER = 'onnx_model_loader'; export const VAE_LOADER = 'vae_loader'; export const LORA_LOADER = 'lora_loader'; export const CLIP_SKIP = 'clip_skip'; diff --git a/invokeai/frontend/web/src/features/parameters/components/Parameters/MainModel/ParamMainModelSelect.tsx b/invokeai/frontend/web/src/features/parameters/components/Parameters/MainModel/ParamMainModelSelect.tsx index d380da60bf1..0a18d4f5569 100644 --- a/invokeai/frontend/web/src/features/parameters/components/Parameters/MainModel/ParamMainModelSelect.tsx +++ b/invokeai/frontend/web/src/features/parameters/components/Parameters/MainModel/ParamMainModelSelect.tsx @@ -15,8 +15,11 @@ import { modelIdToMainModelParam } from 'features/parameters/util/modelIdToMainM import SyncModelsButton from 'features/ui/components/tabs/ModelManager/subpanels/ModelManagerSettingsPanel/SyncModelsButton'; import { activeTabNameSelector } from 'features/ui/store/uiSelectors'; import { forEach } from 'lodash-es'; +import { + useGetMainModelsQuery, + useGetOnnxModelsQuery, +} from 'services/api/endpoints/models'; import { NON_REFINER_BASE_MODELS } from 'services/api/constants'; -import { useGetMainModelsQuery } from 'services/api/endpoints/models'; import { useFeatureStatus } from '../../../../system/hooks/useFeatureStatus'; const selector = createSelector( @@ -35,6 +38,9 @@ const ParamMainModelSelect = () => { const { data: mainModels, isLoading } = useGetMainModelsQuery( NON_REFINER_BASE_MODELS ); + const { data: onnxModels, isLoading: onnxLoading } = useGetOnnxModelsQuery( + NON_REFINER_BASE_MODELS + ); const activeTabName = useAppSelector(activeTabNameSelector); @@ -59,17 +65,35 @@ const ParamMainModelSelect = () => { group: MODEL_TYPE_MAP[model.base_model], }); }); + forEach(onnxModels?.entities, (model, id) => { + if ( + !model || + activeTabName === 'unifiedCanvas' || + activeTabName === 'img2img' + ) { + return; + } + + data.push({ + value: id, + label: model.model_name, + group: MODEL_TYPE_MAP[model.base_model], + }); + }); return data; - }, [mainModels, activeTabName]); + }, [mainModels, onnxModels, activeTabName]); // grab the full model entity from the RTK Query cache // TODO: maybe we should just store the full model entity in state? const selectedModel = useMemo( () => - mainModels?.entities[`${model?.base_model}/main/${model?.model_name}`] ?? + (mainModels?.entities[`${model?.base_model}/main/${model?.model_name}`] || + onnxModels?.entities[ + `${model?.base_model}/onnx/${model?.model_name}` + ]) ?? null, - [mainModels?.entities, model] + [mainModels?.entities, model, onnxModels?.entities] ); const handleChangeModel = useCallback( @@ -89,7 +113,7 @@ const ParamMainModelSelect = () => { [dispatch] ); - return isLoading ? ( + return isLoading || onnxLoading ? ( ( 'generation/initialImageSelected' ); -export const modelSelected = createAction( +export const modelSelected = createAction( 'generation/modelSelected' ); diff --git a/invokeai/frontend/web/src/features/parameters/store/generationSlice.ts b/invokeai/frontend/web/src/features/parameters/store/generationSlice.ts index a2ddb569dd4..8dd22026a9d 100644 --- a/invokeai/frontend/web/src/features/parameters/store/generationSlice.ts +++ b/invokeai/frontend/web/src/features/parameters/store/generationSlice.ts @@ -3,7 +3,7 @@ import { createSlice } from '@reduxjs/toolkit'; import { roundToMultiple } from 'common/util/roundDownToMultiple'; import { configChanged } from 'features/system/store/configSlice'; import { clamp } from 'lodash-es'; -import { ImageDTO, MainModelField } from 'services/api/types'; +import { ImageDTO, MainModelField, OnnxModelField } from 'services/api/types'; import { clipSkipMap } from '../types/constants'; import { CfgScaleParam, @@ -50,7 +50,7 @@ export interface GenerationState { shouldUseSymmetry: boolean; horizontalSymmetrySteps: number; verticalSymmetrySteps: number; - model: MainModelField | null; + model: MainModelField | OnnxModelField | null; vae: VaeModelParam | null; vaePrecision: PrecisionParam; seamlessXAxis: boolean; @@ -272,11 +272,12 @@ export const generationSlice = createSlice({ const defaultModel = action.payload.sd?.defaultModel; if (defaultModel && !state.model) { - const [base_model, _model_type, model_name] = defaultModel.split('/'); + const [base_model, model_type, model_name] = defaultModel.split('/'); const result = zMainModel.safeParse({ model_name, base_model, + model_type, }); if (result.success) { diff --git a/invokeai/frontend/web/src/features/parameters/types/parameterSchemas.ts b/invokeai/frontend/web/src/features/parameters/types/parameterSchemas.ts index 9cdfaeade3e..cc9df619fb3 100644 --- a/invokeai/frontend/web/src/features/parameters/types/parameterSchemas.ts +++ b/invokeai/frontend/web/src/features/parameters/types/parameterSchemas.ts @@ -210,6 +210,14 @@ export type HeightParam = z.infer; export const isValidHeight = (val: unknown): val is HeightParam => zHeight.safeParse(val).success; +const zModelType = z.enum([ + 'vae', + 'lora', + 'onnx', + 'main', + 'controlnet', + 'embedding', +]); const zBaseModel = z.enum(['sd-1', 'sd-2', 'sdxl', 'sdxl-refiner']); export type BaseModelParam = z.infer; @@ -221,12 +229,18 @@ export type BaseModelParam = z.infer; export const zMainModel = z.object({ model_name: z.string().min(1), base_model: zBaseModel, + model_type: zModelType, }); /** * Type alias for model parameter, inferred from its zod schema */ export type MainModelParam = z.infer; + +/** + * Type alias for model parameter, inferred from its zod schema + */ +export type OnnxModelParam = z.infer; /** * Validates/type-guards a value as a model parameter */ diff --git a/invokeai/frontend/web/src/features/parameters/util/modelIdToMainModelParam.ts b/invokeai/frontend/web/src/features/parameters/util/modelIdToMainModelParam.ts index 1b8cbbfe727..7d2a606e97b 100644 --- a/invokeai/frontend/web/src/features/parameters/util/modelIdToMainModelParam.ts +++ b/invokeai/frontend/web/src/features/parameters/util/modelIdToMainModelParam.ts @@ -8,11 +8,12 @@ export const modelIdToMainModelParam = ( mainModelId: string ): MainModelParam | undefined => { const log = logger('models'); - const [base_model, _model_type, model_name] = mainModelId.split('/'); + const [base_model, model_type, model_name] = mainModelId.split('/'); const result = zMainModel.safeParse({ base_model, model_name, + model_type, }); if (!result.success) { diff --git a/invokeai/frontend/web/src/features/ui/components/tabs/ModelManager/subpanels/ModelManagerPanel/ModelList.tsx b/invokeai/frontend/web/src/features/ui/components/tabs/ModelManager/subpanels/ModelManagerPanel/ModelList.tsx index e4d8a7b15a8..a9810a75ab6 100644 --- a/invokeai/frontend/web/src/features/ui/components/tabs/ModelManager/subpanels/ModelManagerPanel/ModelList.tsx +++ b/invokeai/frontend/web/src/features/ui/components/tabs/ModelManager/subpanels/ModelManagerPanel/ModelList.tsx @@ -8,7 +8,9 @@ import { useCallback, useState } from 'react'; import { useTranslation } from 'react-i18next'; import { MainModelConfigEntity, + OnnxModelConfigEntity, useGetMainModelsQuery, + useGetOnnxModelsQuery, useGetLoRAModelsQuery, LoRAModelConfigEntity, } from 'services/api/endpoints/models'; @@ -20,9 +22,9 @@ type ModelListProps = { setSelectedModelId: (name: string | undefined) => void; }; -type ModelFormat = 'images' | 'checkpoint' | 'diffusers'; +type ModelFormat = 'images' | 'checkpoint' | 'diffusers' | 'olive' | 'onnx'; -type ModelType = 'main' | 'lora'; +type ModelType = 'main' | 'lora' | 'onnx'; type CombinedModelFormat = ModelFormat | 'lora'; @@ -61,6 +63,18 @@ const ModelList = (props: ModelListProps) => { }), }); + const { filteredOnnxModels } = useGetOnnxModelsQuery(ALL_BASE_MODELS, { + selectFromResult: ({ data }) => ({ + filteredOnnxModels: modelsFilter(data, 'onnx', 'onnx', nameFilter), + }), + }); + + const { filteredOliveModels } = useGetOnnxModelsQuery(ALL_BASE_MODELS, { + selectFromResult: ({ data }) => ({ + filteredOliveModels: modelsFilter(data, 'onnx', 'olive', nameFilter), + }), + }); + const handleSearchFilter = useCallback((e: ChangeEvent) => { setNameFilter(e.target.value); }, []); @@ -85,10 +99,17 @@ const ModelList = (props: ModelListProps) => { setModelFormatFilter('checkpoint')} - isChecked={modelFormatFilter === 'checkpoint'} + onClick={() => setModelFormatFilter('onnx')} + isChecked={modelFormatFilter === 'onnx'} + > + {t('modelManager.onnxModels')} + + setModelFormatFilter('olive')} + isChecked={modelFormatFilter === 'olive'} > - {t('modelManager.checkpointModels')} + {t('modelManager.oliveModels')} { )} + {['images', 'olive'].includes(modelFormatFilter) && + filteredOliveModels.length > 0 && ( + + + + Olives + + {filteredOliveModels.map((model) => ( + + ))} + + + )} + {['images', 'onnx'].includes(modelFormatFilter) && + filteredOnnxModels.length > 0 && ( + + + + Onnx + + {filteredOnnxModels.map((model) => ( + + ))} + + + )} {['images', 'lora'].includes(modelFormatFilter) && filteredLoraModels.length > 0 && ( @@ -173,7 +230,12 @@ const ModelList = (props: ModelListProps) => { export default ModelList; -const modelsFilter = ( +const modelsFilter = < + T extends + | MainModelConfigEntity + | LoRAModelConfigEntity + | OnnxModelConfigEntity +>( data: EntityState | undefined, model_type: ModelType, model_format: ModelFormat | undefined, diff --git a/invokeai/frontend/web/src/services/api/endpoints/models.ts b/invokeai/frontend/web/src/services/api/endpoints/models.ts index 9cdded4f853..e994d3fd3aa 100644 --- a/invokeai/frontend/web/src/services/api/endpoints/models.ts +++ b/invokeai/frontend/web/src/services/api/endpoints/models.ts @@ -10,9 +10,11 @@ import { ImportModelConfig, LoRAModelConfig, MainModelConfig, + OnnxModelConfig, MergeModelConfig, TextualInversionModelConfig, VaeModelConfig, + ModelType, } from 'services/api/types'; import queryString from 'query-string'; @@ -27,6 +29,8 @@ export type MainModelConfigEntity = | DiffusersModelConfigEntity | CheckpointModelConfigEntity; +export type OnnxModelConfigEntity = OnnxModelConfig & { id: string }; + export type LoRAModelConfigEntity = LoRAModelConfig & { id: string }; export type ControlNetModelConfigEntity = ControlNetModelConfig & { @@ -41,6 +45,7 @@ export type VaeModelConfigEntity = VaeModelConfig & { id: string }; type AnyModelConfigEntity = | MainModelConfigEntity + | OnnxModelConfigEntity | LoRAModelConfigEntity | ControlNetModelConfigEntity | TextualInversionModelConfigEntity @@ -66,6 +71,7 @@ type UpdateLoRAModelResponse = UpdateMainModelResponse; type DeleteMainModelArg = { base_model: BaseModelType; model_name: string; + model_type: ModelType; }; type DeleteMainModelResponse = void; @@ -119,6 +125,10 @@ type SearchFolderArg = operations['search_for_models']['parameters']['query']; const mainModelsAdapter = createEntityAdapter({ sortComparer: (a, b) => a.model_name.localeCompare(b.model_name), }); + +const onnxModelsAdapter = createEntityAdapter({ + sortComparer: (a, b) => a.model_name.localeCompare(b.model_name), +}); const loraModelsAdapter = createEntityAdapter({ sortComparer: (a, b) => a.model_name.localeCompare(b.model_name), }); @@ -156,6 +166,49 @@ const createModelEntities = ( export const modelsApi = api.injectEndpoints({ endpoints: (build) => ({ + getOnnxModels: build.query< + EntityState, + BaseModelType[] + >({ + query: (base_models) => { + const params = { + model_type: 'onnx', + base_models, + }; + + const query = queryString.stringify(params, { arrayFormat: 'none' }); + return `models/?${query}`; + }, + providesTags: (result, error, arg) => { + const tags: ApiFullTagDescription[] = [ + { id: 'OnnxModel', type: LIST_TAG }, + ]; + + if (result) { + tags.push( + ...result.ids.map((id) => ({ + type: 'OnnxModel' as const, + id, + })) + ); + } + + return tags; + }, + transformResponse: ( + response: { models: OnnxModelConfig[] }, + meta, + arg + ) => { + const entities = createModelEntities( + response.models + ); + return onnxModelsAdapter.setAll( + onnxModelsAdapter.getInitialState(), + entities + ); + }, + }), getMainModels: build.query< EntityState, BaseModelType[] @@ -248,9 +301,9 @@ export const modelsApi = api.injectEndpoints({ DeleteMainModelResponse, DeleteMainModelArg >({ - query: ({ base_model, model_name }) => { + query: ({ base_model, model_name, model_type }) => { return { - url: `models/${base_model}/main/${model_name}`, + url: `models/${base_model}/${model_type}/${model_name}`, method: 'DELETE', }; }, @@ -494,6 +547,7 @@ export const modelsApi = api.injectEndpoints({ export const { useGetMainModelsQuery, + useGetOnnxModelsQuery, useGetControlNetModelsQuery, useGetLoRAModelsQuery, useGetTextualInversionModelsQuery, diff --git a/invokeai/frontend/web/src/services/api/schema.d.ts b/invokeai/frontend/web/src/services/api/schema.d.ts index 260b95263a7..34e0bc70e5a 100644 --- a/invokeai/frontend/web/src/services/api/schema.d.ts +++ b/invokeai/frontend/web/src/services/api/schema.d.ts @@ -1381,7 +1381,7 @@ export type components = { * @description The nodes in this graph */ nodes?: { - [key: string]: (components["schemas"]["ControlNetInvocation"] | components["schemas"]["ImageProcessorInvocation"] | components["schemas"]["MainModelLoaderInvocation"] | components["schemas"]["LoraLoaderInvocation"] | components["schemas"]["VaeLoaderInvocation"] | components["schemas"]["MetadataAccumulatorInvocation"] | components["schemas"]["RangeInvocation"] | components["schemas"]["RangeOfSizeInvocation"] | components["schemas"]["RandomRangeInvocation"] | components["schemas"]["ImageCollectionInvocation"] | components["schemas"]["CompelInvocation"] | components["schemas"]["SDXLCompelPromptInvocation"] | components["schemas"]["SDXLRefinerCompelPromptInvocation"] | components["schemas"]["SDXLRawPromptInvocation"] | components["schemas"]["SDXLRefinerRawPromptInvocation"] | components["schemas"]["ClipSkipInvocation"] | components["schemas"]["LoadImageInvocation"] | components["schemas"]["ShowImageInvocation"] | components["schemas"]["ImageCropInvocation"] | components["schemas"]["ImagePasteInvocation"] | components["schemas"]["MaskFromAlphaInvocation"] | components["schemas"]["ImageMultiplyInvocation"] | components["schemas"]["ImageChannelInvocation"] | components["schemas"]["ImageConvertInvocation"] | components["schemas"]["ImageBlurInvocation"] | components["schemas"]["ImageResizeInvocation"] | components["schemas"]["ImageScaleInvocation"] | components["schemas"]["ImageLerpInvocation"] | components["schemas"]["ImageInverseLerpInvocation"] | components["schemas"]["ImageNSFWBlurInvocation"] | components["schemas"]["ImageWatermarkInvocation"] | components["schemas"]["CvInpaintInvocation"] | components["schemas"]["TextToLatentsInvocation"] | components["schemas"]["LatentsToImageInvocation"] | components["schemas"]["ResizeLatentsInvocation"] | components["schemas"]["ScaleLatentsInvocation"] | components["schemas"]["ImageToLatentsInvocation"] | components["schemas"]["InpaintInvocation"] | components["schemas"]["InfillColorInvocation"] | components["schemas"]["InfillTileInvocation"] | components["schemas"]["InfillPatchMatchInvocation"] | components["schemas"]["AddInvocation"] | components["schemas"]["SubtractInvocation"] | components["schemas"]["MultiplyInvocation"] | components["schemas"]["DivideInvocation"] | components["schemas"]["RandomIntInvocation"] | components["schemas"]["NoiseInvocation"] | components["schemas"]["DynamicPromptInvocation"] | components["schemas"]["PromptsFromFileInvocation"] | components["schemas"]["ParamIntInvocation"] | components["schemas"]["ParamFloatInvocation"] | components["schemas"]["ParamStringInvocation"] | components["schemas"]["ParamPromptInvocation"] | components["schemas"]["FloatLinearRangeInvocation"] | components["schemas"]["StepParamEasingInvocation"] | components["schemas"]["SDXLModelLoaderInvocation"] | components["schemas"]["SDXLRefinerModelLoaderInvocation"] | components["schemas"]["SDXLTextToLatentsInvocation"] | components["schemas"]["SDXLLatentsToLatentsInvocation"] | components["schemas"]["ESRGANInvocation"] | components["schemas"]["GraphInvocation"] | components["schemas"]["IterateInvocation"] | components["schemas"]["CollectInvocation"] | components["schemas"]["CannyImageProcessorInvocation"] | components["schemas"]["HedImageProcessorInvocation"] | components["schemas"]["LineartImageProcessorInvocation"] | components["schemas"]["LineartAnimeImageProcessorInvocation"] | components["schemas"]["OpenposeImageProcessorInvocation"] | components["schemas"]["MidasDepthImageProcessorInvocation"] | components["schemas"]["NormalbaeImageProcessorInvocation"] | components["schemas"]["MlsdImageProcessorInvocation"] | components["schemas"]["PidiImageProcessorInvocation"] | components["schemas"]["ContentShuffleImageProcessorInvocation"] | components["schemas"]["ZoeDepthImageProcessorInvocation"] | components["schemas"]["MediapipeFaceProcessorInvocation"] | components["schemas"]["LeresImageProcessorInvocation"] | components["schemas"]["TileResamplerProcessorInvocation"] | components["schemas"]["SegmentAnythingProcessorInvocation"] | components["schemas"]["LatentsToLatentsInvocation"]) | undefined; + [key: string]: (components["schemas"]["ControlNetInvocation"] | components["schemas"]["ImageProcessorInvocation"] | components["schemas"]["MainModelLoaderInvocation"] | components["schemas"]["LoraLoaderInvocation"] | components["schemas"]["VaeLoaderInvocation"] | components["schemas"]["MetadataAccumulatorInvocation"] | components["schemas"]["DynamicPromptInvocation"] | components["schemas"]["PromptsFromFileInvocation"] | components["schemas"]["AddInvocation"] | components["schemas"]["SubtractInvocation"] | components["schemas"]["MultiplyInvocation"] | components["schemas"]["DivideInvocation"] | components["schemas"]["RandomIntInvocation"] | components["schemas"]["ParamIntInvocation"] | components["schemas"]["ParamFloatInvocation"] | components["schemas"]["ParamStringInvocation"] | components["schemas"]["ParamPromptInvocation"] | components["schemas"]["CompelInvocation"] | components["schemas"]["SDXLCompelPromptInvocation"] | components["schemas"]["SDXLRefinerCompelPromptInvocation"] | components["schemas"]["SDXLRawPromptInvocation"] | components["schemas"]["SDXLRefinerRawPromptInvocation"] | components["schemas"]["ClipSkipInvocation"] | components["schemas"]["LoadImageInvocation"] | components["schemas"]["ShowImageInvocation"] | components["schemas"]["ImageCropInvocation"] | components["schemas"]["ImagePasteInvocation"] | components["schemas"]["MaskFromAlphaInvocation"] | components["schemas"]["ImageMultiplyInvocation"] | components["schemas"]["ImageChannelInvocation"] | components["schemas"]["ImageConvertInvocation"] | components["schemas"]["ImageBlurInvocation"] | components["schemas"]["ImageResizeInvocation"] | components["schemas"]["ImageScaleInvocation"] | components["schemas"]["ImageLerpInvocation"] | components["schemas"]["ImageInverseLerpInvocation"] | components["schemas"]["ImageNSFWBlurInvocation"] | components["schemas"]["ImageWatermarkInvocation"] | components["schemas"]["TextToLatentsInvocation"] | components["schemas"]["LatentsToImageInvocation"] | components["schemas"]["ResizeLatentsInvocation"] | components["schemas"]["ScaleLatentsInvocation"] | components["schemas"]["ImageToLatentsInvocation"] | components["schemas"]["NoiseInvocation"] | components["schemas"]["RangeInvocation"] | components["schemas"]["RangeOfSizeInvocation"] | components["schemas"]["RandomRangeInvocation"] | components["schemas"]["ImageCollectionInvocation"] | components["schemas"]["FloatLinearRangeInvocation"] | components["schemas"]["StepParamEasingInvocation"] | components["schemas"]["ONNXPromptInvocation"] | components["schemas"]["ONNXTextToLatentsInvocation"] | components["schemas"]["ONNXLatentsToImageInvocation"] | components["schemas"]["ONNXSD1ModelLoaderInvocation"] | components["schemas"]["OnnxModelLoaderInvocation"] | components["schemas"]["SDXLModelLoaderInvocation"] | components["schemas"]["SDXLRefinerModelLoaderInvocation"] | components["schemas"]["SDXLTextToLatentsInvocation"] | components["schemas"]["SDXLLatentsToLatentsInvocation"] | components["schemas"]["InfillColorInvocation"] | components["schemas"]["InfillTileInvocation"] | components["schemas"]["InfillPatchMatchInvocation"] | components["schemas"]["ESRGANInvocation"] | components["schemas"]["InpaintInvocation"] | components["schemas"]["CvInpaintInvocation"] | components["schemas"]["GraphInvocation"] | components["schemas"]["IterateInvocation"] | components["schemas"]["CollectInvocation"] | components["schemas"]["CannyImageProcessorInvocation"] | components["schemas"]["HedImageProcessorInvocation"] | components["schemas"]["LineartImageProcessorInvocation"] | components["schemas"]["LineartAnimeImageProcessorInvocation"] | components["schemas"]["OpenposeImageProcessorInvocation"] | components["schemas"]["MidasDepthImageProcessorInvocation"] | components["schemas"]["NormalbaeImageProcessorInvocation"] | components["schemas"]["MlsdImageProcessorInvocation"] | components["schemas"]["PidiImageProcessorInvocation"] | components["schemas"]["ContentShuffleImageProcessorInvocation"] | components["schemas"]["ZoeDepthImageProcessorInvocation"] | components["schemas"]["MediapipeFaceProcessorInvocation"] | components["schemas"]["LeresImageProcessorInvocation"] | components["schemas"]["TileResamplerProcessorInvocation"] | components["schemas"]["SegmentAnythingProcessorInvocation"] | components["schemas"]["LatentsToLatentsInvocation"]) | undefined; }; /** * Edges @@ -1424,7 +1424,7 @@ export type components = { * @description The results of node executions */ results: { - [key: string]: (components["schemas"]["ImageOutput"] | components["schemas"]["MaskOutput"] | components["schemas"]["ControlOutput"] | components["schemas"]["ModelLoaderOutput"] | components["schemas"]["LoraLoaderOutput"] | components["schemas"]["VaeLoaderOutput"] | components["schemas"]["MetadataAccumulatorOutput"] | components["schemas"]["IntCollectionOutput"] | components["schemas"]["FloatCollectionOutput"] | components["schemas"]["ImageCollectionOutput"] | components["schemas"]["CompelOutput"] | components["schemas"]["ClipSkipInvocationOutput"] | components["schemas"]["LatentsOutput"] | components["schemas"]["IntOutput"] | components["schemas"]["FloatOutput"] | components["schemas"]["NoiseOutput"] | components["schemas"]["PromptOutput"] | components["schemas"]["PromptCollectionOutput"] | components["schemas"]["StringOutput"] | components["schemas"]["SDXLModelLoaderOutput"] | components["schemas"]["SDXLRefinerModelLoaderOutput"] | components["schemas"]["GraphInvocationOutput"] | components["schemas"]["IterateInvocationOutput"] | components["schemas"]["CollectInvocationOutput"]) | undefined; + [key: string]: (components["schemas"]["ImageOutput"] | components["schemas"]["MaskOutput"] | components["schemas"]["ControlOutput"] | components["schemas"]["ModelLoaderOutput"] | components["schemas"]["LoraLoaderOutput"] | components["schemas"]["VaeLoaderOutput"] | components["schemas"]["MetadataAccumulatorOutput"] | components["schemas"]["PromptOutput"] | components["schemas"]["PromptCollectionOutput"] | components["schemas"]["IntOutput"] | components["schemas"]["FloatOutput"] | components["schemas"]["StringOutput"] | components["schemas"]["CompelOutput"] | components["schemas"]["ClipSkipInvocationOutput"] | components["schemas"]["LatentsOutput"] | components["schemas"]["NoiseOutput"] | components["schemas"]["IntCollectionOutput"] | components["schemas"]["FloatCollectionOutput"] | components["schemas"]["ImageCollectionOutput"] | components["schemas"]["ONNXModelLoaderOutput"] | components["schemas"]["SDXLModelLoaderOutput"] | components["schemas"]["SDXLRefinerModelLoaderOutput"] | components["schemas"]["GraphInvocationOutput"] | components["schemas"]["IterateInvocationOutput"] | components["schemas"]["CollectInvocationOutput"]) | undefined; }; /** * Errors @@ -2562,10 +2562,10 @@ export type components = { /** * Infill Method * @description The method used to infill empty regions (px) - * @default patchmatch + * @default tile * @enum {string} */ - infill_method?: "patchmatch" | "tile" | "solid"; + infill_method?: "tile" | "solid"; /** * Inpaint Width * @description The width of the inpaint region (px) @@ -3173,6 +3173,8 @@ export type components = { model_name: string; /** @description Base model */ base_model: components["schemas"]["BaseModelType"]; + /** @description Model Type */ + model_type: components["schemas"]["ModelType"]; }; /** * MainModelLoaderInvocation @@ -3618,7 +3620,7 @@ export type components = { * @description An enumeration. * @enum {string} */ - ModelType: "main" | "vae" | "lora" | "controlnet" | "embedding"; + ModelType: "onnx" | "main" | "vae" | "lora" | "controlnet" | "embedding"; /** * ModelVariantType * @description An enumeration. @@ -3628,7 +3630,7 @@ export type components = { /** ModelsList */ ModelsList: { /** Models */ - models: (components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"])[]; + models: (components["schemas"]["ONNXStableDiffusion1ModelConfig"] | components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["ONNXStableDiffusion2ModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"])[]; }; /** * MultiplyInvocation @@ -3778,6 +3780,261 @@ export type components = { */ image_resolution?: number; }; + /** + * ONNXLatentsToImageInvocation + * @description Generates an image from latents. + */ + ONNXLatentsToImageInvocation: { + /** + * Id + * @description The id of this node. Must be unique among all nodes. + */ + id: string; + /** + * Is Intermediate + * @description Whether or not this node is an intermediate node. + * @default false + */ + is_intermediate?: boolean; + /** + * Type + * @default l2i_onnx + * @enum {string} + */ + type?: "l2i_onnx"; + /** + * Latents + * @description The latents to generate an image from + */ + latents?: components["schemas"]["LatentsField"]; + /** + * Vae + * @description Vae submodel + */ + vae?: components["schemas"]["VaeField"]; + /** + * Metadata + * @description Optional core metadata to be written to the image + */ + metadata?: components["schemas"]["CoreMetadata"]; + }; + /** + * ONNXModelLoaderOutput + * @description Model loader output + */ + ONNXModelLoaderOutput: { + /** + * Type + * @default model_loader_output_onnx + * @enum {string} + */ + type?: "model_loader_output_onnx"; + /** + * Unet + * @description UNet submodel + */ + unet?: components["schemas"]["UNetField"]; + /** + * Clip + * @description Tokenizer and text_encoder submodels + */ + clip?: components["schemas"]["ClipField"]; + /** + * Vae Decoder + * @description Vae submodel + */ + vae_decoder?: components["schemas"]["VaeField"]; + /** + * Vae Encoder + * @description Vae submodel + */ + vae_encoder?: components["schemas"]["VaeField"]; + }; + /** + * ONNXPromptInvocation + * @description A node to process inputs and produce outputs. + * May use dependency injection in __init__ to receive providers. + */ + ONNXPromptInvocation: { + /** + * Id + * @description The id of this node. Must be unique among all nodes. + */ + id: string; + /** + * Is Intermediate + * @description Whether or not this node is an intermediate node. + * @default false + */ + is_intermediate?: boolean; + /** + * Type + * @default prompt_onnx + * @enum {string} + */ + type?: "prompt_onnx"; + /** + * Prompt + * @description Prompt + * @default + */ + prompt?: string; + /** + * Clip + * @description Clip to use + */ + clip?: components["schemas"]["ClipField"]; + }; + /** + * ONNXSD1ModelLoaderInvocation + * @description Loading submodels of selected model. + */ + ONNXSD1ModelLoaderInvocation: { + /** + * Id + * @description The id of this node. Must be unique among all nodes. + */ + id: string; + /** + * Is Intermediate + * @description Whether or not this node is an intermediate node. + * @default false + */ + is_intermediate?: boolean; + /** + * Type + * @default sd1_model_loader_onnx + * @enum {string} + */ + type?: "sd1_model_loader_onnx"; + /** + * Model Name + * @description Model to load + * @default + */ + model_name?: string; + }; + /** ONNXStableDiffusion1ModelConfig */ + ONNXStableDiffusion1ModelConfig: { + /** Model Name */ + model_name: string; + base_model: components["schemas"]["BaseModelType"]; + /** + * Model Type + * @enum {string} + */ + model_type: "onnx"; + /** Path */ + path: string; + /** Description */ + description?: string; + /** + * Model Format + * @enum {string} + */ + model_format: "onnx"; + error?: components["schemas"]["ModelError"]; + variant: components["schemas"]["ModelVariantType"]; + }; + /** ONNXStableDiffusion2ModelConfig */ + ONNXStableDiffusion2ModelConfig: { + /** Model Name */ + model_name: string; + base_model: components["schemas"]["BaseModelType"]; + /** + * Model Type + * @enum {string} + */ + model_type: "onnx"; + /** Path */ + path: string; + /** Description */ + description?: string; + /** + * Model Format + * @enum {string} + */ + model_format: "onnx"; + error?: components["schemas"]["ModelError"]; + variant: components["schemas"]["ModelVariantType"]; + prediction_type: components["schemas"]["SchedulerPredictionType"]; + /** Upcast Attention */ + upcast_attention: boolean; + }; + /** + * ONNXTextToLatentsInvocation + * @description Generates latents from conditionings. + */ + ONNXTextToLatentsInvocation: { + /** + * Id + * @description The id of this node. Must be unique among all nodes. + */ + id: string; + /** + * Is Intermediate + * @description Whether or not this node is an intermediate node. + * @default false + */ + is_intermediate?: boolean; + /** + * Type + * @default t2l_onnx + * @enum {string} + */ + type?: "t2l_onnx"; + /** + * Positive Conditioning + * @description Positive conditioning for generation + */ + positive_conditioning?: components["schemas"]["ConditioningField"]; + /** + * Negative Conditioning + * @description Negative conditioning for generation + */ + negative_conditioning?: components["schemas"]["ConditioningField"]; + /** + * Noise + * @description The noise to use + */ + noise?: components["schemas"]["LatentsField"]; + /** + * Steps + * @description The number of steps to use to generate the image + * @default 10 + */ + steps?: number; + /** + * Cfg Scale + * @description The Classifier-Free Guidance, higher values may result in a result closer to the prompt + * @default 7.5 + */ + cfg_scale?: number | (number)[]; + /** + * Scheduler + * @description The scheduler to use + * @default euler + * @enum {string} + */ + scheduler?: "ddim" | "ddpm" | "deis" | "lms" | "lms_k" | "pndm" | "heun" | "heun_k" | "euler" | "euler_k" | "euler_a" | "kdpm_2" | "kdpm_2_a" | "dpmpp_2s" | "dpmpp_2s_k" | "dpmpp_2m" | "dpmpp_2m_k" | "dpmpp_2m_sde" | "dpmpp_2m_sde_k" | "dpmpp_sde" | "dpmpp_sde_k" | "unipc"; + /** + * Precision + * @description The precision to use when generating latents + * @default tensor(float16) + * @enum {string} + */ + precision?: "tensor(bool)" | "tensor(int8)" | "tensor(uint8)" | "tensor(int16)" | "tensor(uint16)" | "tensor(int32)" | "tensor(uint32)" | "tensor(int64)" | "tensor(uint64)" | "tensor(float16)" | "tensor(float)" | "tensor(double)"; + /** + * Unet + * @description UNet submodel + */ + unet?: components["schemas"]["UNetField"]; + /** + * Control + * @description The control to use + */ + control?: components["schemas"]["ControlField"] | (components["schemas"]["ControlField"])[]; + }; /** * OffsetPaginatedResults[BoardDTO] * @description Offset-paginated results @@ -3830,6 +4087,49 @@ export type components = { */ total: number; }; + /** + * OnnxModelField + * @description Onnx model field + */ + OnnxModelField: { + /** + * Model Name + * @description Name of the model + */ + model_name: string; + /** @description Base model */ + base_model: components["schemas"]["BaseModelType"]; + /** @description Model Type */ + model_type: components["schemas"]["ModelType"]; + }; + /** + * OnnxModelLoaderInvocation + * @description Loads a main model, outputting its submodels. + */ + OnnxModelLoaderInvocation: { + /** + * Id + * @description The id of this node. Must be unique among all nodes. + */ + id: string; + /** + * Is Intermediate + * @description Whether or not this node is an intermediate node. + * @default false + */ + is_intermediate?: boolean; + /** + * Type + * @default onnx_model_loader + * @enum {string} + */ + type?: "onnx_model_loader"; + /** + * Model + * @description The model to load + */ + model: components["schemas"]["OnnxModelField"]; + }; /** * OpenposeImageProcessorInvocation * @description Applies Openpose processing to image @@ -4963,6 +5263,12 @@ export type components = { */ antialias?: boolean; }; + /** + * SchedulerPredictionType + * @description An enumeration. + * @enum {string} + */ + SchedulerPredictionType: "epsilon" | "v_prediction" | "sample"; /** * SegmentAnythingProcessorInvocation * @description Applies segment anything processing to image @@ -5273,7 +5579,7 @@ export type components = { * @description An enumeration. * @enum {string} */ - SubModelType: "unet" | "text_encoder" | "text_encoder_2" | "tokenizer" | "tokenizer_2" | "vae" | "scheduler" | "safety_checker"; + SubModelType: "unet" | "text_encoder" | "text_encoder_2" | "tokenizer" | "tokenizer_2" | "vae" | "vae_decoder" | "vae_encoder" | "scheduler" | "safety_checker"; /** * SubtractInvocation * @description Subtracts two numbers @@ -5586,11 +5892,11 @@ export type components = { image?: components["schemas"]["ImageField"]; }; /** - * StableDiffusion2ModelFormat + * StableDiffusionOnnxModelFormat * @description An enumeration. * @enum {string} */ - StableDiffusion2ModelFormat: "checkpoint" | "diffusers"; + StableDiffusionOnnxModelFormat: "olive" | "onnx"; /** * StableDiffusionXLModelFormat * @description An enumeration. @@ -5598,17 +5904,23 @@ export type components = { */ StableDiffusionXLModelFormat: "checkpoint" | "diffusers"; /** - * StableDiffusion1ModelFormat + * ControlNetModelFormat * @description An enumeration. * @enum {string} */ - StableDiffusion1ModelFormat: "checkpoint" | "diffusers"; + ControlNetModelFormat: "checkpoint" | "diffusers"; /** - * ControlNetModelFormat + * StableDiffusion2ModelFormat * @description An enumeration. * @enum {string} */ - ControlNetModelFormat: "checkpoint" | "diffusers"; + StableDiffusion2ModelFormat: "checkpoint" | "diffusers"; + /** + * StableDiffusion1ModelFormat + * @description An enumeration. + * @enum {string} + */ + StableDiffusion1ModelFormat: "checkpoint" | "diffusers"; }; responses: never; parameters: never; @@ -5719,7 +6031,7 @@ export type operations = { }; requestBody: { content: { - "application/json": components["schemas"]["ControlNetInvocation"] | components["schemas"]["ImageProcessorInvocation"] | components["schemas"]["MainModelLoaderInvocation"] | components["schemas"]["LoraLoaderInvocation"] | components["schemas"]["VaeLoaderInvocation"] | components["schemas"]["MetadataAccumulatorInvocation"] | components["schemas"]["RangeInvocation"] | components["schemas"]["RangeOfSizeInvocation"] | components["schemas"]["RandomRangeInvocation"] | components["schemas"]["ImageCollectionInvocation"] | components["schemas"]["CompelInvocation"] | components["schemas"]["SDXLCompelPromptInvocation"] | components["schemas"]["SDXLRefinerCompelPromptInvocation"] | components["schemas"]["SDXLRawPromptInvocation"] | components["schemas"]["SDXLRefinerRawPromptInvocation"] | components["schemas"]["ClipSkipInvocation"] | components["schemas"]["LoadImageInvocation"] | components["schemas"]["ShowImageInvocation"] | components["schemas"]["ImageCropInvocation"] | components["schemas"]["ImagePasteInvocation"] | components["schemas"]["MaskFromAlphaInvocation"] | components["schemas"]["ImageMultiplyInvocation"] | components["schemas"]["ImageChannelInvocation"] | components["schemas"]["ImageConvertInvocation"] | components["schemas"]["ImageBlurInvocation"] | components["schemas"]["ImageResizeInvocation"] | components["schemas"]["ImageScaleInvocation"] | components["schemas"]["ImageLerpInvocation"] | components["schemas"]["ImageInverseLerpInvocation"] | components["schemas"]["ImageNSFWBlurInvocation"] | components["schemas"]["ImageWatermarkInvocation"] | components["schemas"]["CvInpaintInvocation"] | components["schemas"]["TextToLatentsInvocation"] | components["schemas"]["LatentsToImageInvocation"] | components["schemas"]["ResizeLatentsInvocation"] | components["schemas"]["ScaleLatentsInvocation"] | components["schemas"]["ImageToLatentsInvocation"] | components["schemas"]["InpaintInvocation"] | components["schemas"]["InfillColorInvocation"] | components["schemas"]["InfillTileInvocation"] | components["schemas"]["InfillPatchMatchInvocation"] | components["schemas"]["AddInvocation"] | components["schemas"]["SubtractInvocation"] | components["schemas"]["MultiplyInvocation"] | components["schemas"]["DivideInvocation"] | components["schemas"]["RandomIntInvocation"] | components["schemas"]["NoiseInvocation"] | components["schemas"]["DynamicPromptInvocation"] | components["schemas"]["PromptsFromFileInvocation"] | components["schemas"]["ParamIntInvocation"] | components["schemas"]["ParamFloatInvocation"] | components["schemas"]["ParamStringInvocation"] | components["schemas"]["ParamPromptInvocation"] | components["schemas"]["FloatLinearRangeInvocation"] | components["schemas"]["StepParamEasingInvocation"] | components["schemas"]["SDXLModelLoaderInvocation"] | components["schemas"]["SDXLRefinerModelLoaderInvocation"] | components["schemas"]["SDXLTextToLatentsInvocation"] | components["schemas"]["SDXLLatentsToLatentsInvocation"] | components["schemas"]["ESRGANInvocation"] | components["schemas"]["GraphInvocation"] | components["schemas"]["IterateInvocation"] | components["schemas"]["CollectInvocation"] | components["schemas"]["CannyImageProcessorInvocation"] | components["schemas"]["HedImageProcessorInvocation"] | components["schemas"]["LineartImageProcessorInvocation"] | components["schemas"]["LineartAnimeImageProcessorInvocation"] | components["schemas"]["OpenposeImageProcessorInvocation"] | components["schemas"]["MidasDepthImageProcessorInvocation"] | components["schemas"]["NormalbaeImageProcessorInvocation"] | components["schemas"]["MlsdImageProcessorInvocation"] | components["schemas"]["PidiImageProcessorInvocation"] | components["schemas"]["ContentShuffleImageProcessorInvocation"] | components["schemas"]["ZoeDepthImageProcessorInvocation"] | components["schemas"]["MediapipeFaceProcessorInvocation"] | components["schemas"]["LeresImageProcessorInvocation"] | components["schemas"]["TileResamplerProcessorInvocation"] | components["schemas"]["SegmentAnythingProcessorInvocation"] | components["schemas"]["LatentsToLatentsInvocation"]; + "application/json": components["schemas"]["ControlNetInvocation"] | components["schemas"]["ImageProcessorInvocation"] | components["schemas"]["MainModelLoaderInvocation"] | components["schemas"]["LoraLoaderInvocation"] | components["schemas"]["VaeLoaderInvocation"] | components["schemas"]["MetadataAccumulatorInvocation"] | components["schemas"]["DynamicPromptInvocation"] | components["schemas"]["PromptsFromFileInvocation"] | components["schemas"]["AddInvocation"] | components["schemas"]["SubtractInvocation"] | components["schemas"]["MultiplyInvocation"] | components["schemas"]["DivideInvocation"] | components["schemas"]["RandomIntInvocation"] | components["schemas"]["ParamIntInvocation"] | components["schemas"]["ParamFloatInvocation"] | components["schemas"]["ParamStringInvocation"] | components["schemas"]["ParamPromptInvocation"] | components["schemas"]["CompelInvocation"] | components["schemas"]["SDXLCompelPromptInvocation"] | components["schemas"]["SDXLRefinerCompelPromptInvocation"] | components["schemas"]["SDXLRawPromptInvocation"] | components["schemas"]["SDXLRefinerRawPromptInvocation"] | components["schemas"]["ClipSkipInvocation"] | components["schemas"]["LoadImageInvocation"] | components["schemas"]["ShowImageInvocation"] | components["schemas"]["ImageCropInvocation"] | components["schemas"]["ImagePasteInvocation"] | components["schemas"]["MaskFromAlphaInvocation"] | components["schemas"]["ImageMultiplyInvocation"] | components["schemas"]["ImageChannelInvocation"] | components["schemas"]["ImageConvertInvocation"] | components["schemas"]["ImageBlurInvocation"] | components["schemas"]["ImageResizeInvocation"] | components["schemas"]["ImageScaleInvocation"] | components["schemas"]["ImageLerpInvocation"] | components["schemas"]["ImageInverseLerpInvocation"] | components["schemas"]["ImageNSFWBlurInvocation"] | components["schemas"]["ImageWatermarkInvocation"] | components["schemas"]["TextToLatentsInvocation"] | components["schemas"]["LatentsToImageInvocation"] | components["schemas"]["ResizeLatentsInvocation"] | components["schemas"]["ScaleLatentsInvocation"] | components["schemas"]["ImageToLatentsInvocation"] | components["schemas"]["NoiseInvocation"] | components["schemas"]["RangeInvocation"] | components["schemas"]["RangeOfSizeInvocation"] | components["schemas"]["RandomRangeInvocation"] | components["schemas"]["ImageCollectionInvocation"] | components["schemas"]["FloatLinearRangeInvocation"] | components["schemas"]["StepParamEasingInvocation"] | components["schemas"]["ONNXPromptInvocation"] | components["schemas"]["ONNXTextToLatentsInvocation"] | components["schemas"]["ONNXLatentsToImageInvocation"] | components["schemas"]["ONNXSD1ModelLoaderInvocation"] | components["schemas"]["OnnxModelLoaderInvocation"] | components["schemas"]["SDXLModelLoaderInvocation"] | components["schemas"]["SDXLRefinerModelLoaderInvocation"] | components["schemas"]["SDXLTextToLatentsInvocation"] | components["schemas"]["SDXLLatentsToLatentsInvocation"] | components["schemas"]["InfillColorInvocation"] | components["schemas"]["InfillTileInvocation"] | components["schemas"]["InfillPatchMatchInvocation"] | components["schemas"]["ESRGANInvocation"] | components["schemas"]["InpaintInvocation"] | components["schemas"]["CvInpaintInvocation"] | components["schemas"]["GraphInvocation"] | components["schemas"]["IterateInvocation"] | components["schemas"]["CollectInvocation"] | components["schemas"]["CannyImageProcessorInvocation"] | components["schemas"]["HedImageProcessorInvocation"] | components["schemas"]["LineartImageProcessorInvocation"] | components["schemas"]["LineartAnimeImageProcessorInvocation"] | components["schemas"]["OpenposeImageProcessorInvocation"] | components["schemas"]["MidasDepthImageProcessorInvocation"] | components["schemas"]["NormalbaeImageProcessorInvocation"] | components["schemas"]["MlsdImageProcessorInvocation"] | components["schemas"]["PidiImageProcessorInvocation"] | components["schemas"]["ContentShuffleImageProcessorInvocation"] | components["schemas"]["ZoeDepthImageProcessorInvocation"] | components["schemas"]["MediapipeFaceProcessorInvocation"] | components["schemas"]["LeresImageProcessorInvocation"] | components["schemas"]["TileResamplerProcessorInvocation"] | components["schemas"]["SegmentAnythingProcessorInvocation"] | components["schemas"]["LatentsToLatentsInvocation"]; }; }; responses: { @@ -5756,7 +6068,7 @@ export type operations = { }; requestBody: { content: { - "application/json": components["schemas"]["ControlNetInvocation"] | components["schemas"]["ImageProcessorInvocation"] | components["schemas"]["MainModelLoaderInvocation"] | components["schemas"]["LoraLoaderInvocation"] | components["schemas"]["VaeLoaderInvocation"] | components["schemas"]["MetadataAccumulatorInvocation"] | components["schemas"]["RangeInvocation"] | components["schemas"]["RangeOfSizeInvocation"] | components["schemas"]["RandomRangeInvocation"] | components["schemas"]["ImageCollectionInvocation"] | components["schemas"]["CompelInvocation"] | components["schemas"]["SDXLCompelPromptInvocation"] | components["schemas"]["SDXLRefinerCompelPromptInvocation"] | components["schemas"]["SDXLRawPromptInvocation"] | components["schemas"]["SDXLRefinerRawPromptInvocation"] | components["schemas"]["ClipSkipInvocation"] | components["schemas"]["LoadImageInvocation"] | components["schemas"]["ShowImageInvocation"] | components["schemas"]["ImageCropInvocation"] | components["schemas"]["ImagePasteInvocation"] | components["schemas"]["MaskFromAlphaInvocation"] | components["schemas"]["ImageMultiplyInvocation"] | components["schemas"]["ImageChannelInvocation"] | components["schemas"]["ImageConvertInvocation"] | components["schemas"]["ImageBlurInvocation"] | components["schemas"]["ImageResizeInvocation"] | components["schemas"]["ImageScaleInvocation"] | components["schemas"]["ImageLerpInvocation"] | components["schemas"]["ImageInverseLerpInvocation"] | components["schemas"]["ImageNSFWBlurInvocation"] | components["schemas"]["ImageWatermarkInvocation"] | components["schemas"]["CvInpaintInvocation"] | components["schemas"]["TextToLatentsInvocation"] | components["schemas"]["LatentsToImageInvocation"] | components["schemas"]["ResizeLatentsInvocation"] | components["schemas"]["ScaleLatentsInvocation"] | components["schemas"]["ImageToLatentsInvocation"] | components["schemas"]["InpaintInvocation"] | components["schemas"]["InfillColorInvocation"] | components["schemas"]["InfillTileInvocation"] | components["schemas"]["InfillPatchMatchInvocation"] | components["schemas"]["AddInvocation"] | components["schemas"]["SubtractInvocation"] | components["schemas"]["MultiplyInvocation"] | components["schemas"]["DivideInvocation"] | components["schemas"]["RandomIntInvocation"] | components["schemas"]["NoiseInvocation"] | components["schemas"]["DynamicPromptInvocation"] | components["schemas"]["PromptsFromFileInvocation"] | components["schemas"]["ParamIntInvocation"] | components["schemas"]["ParamFloatInvocation"] | components["schemas"]["ParamStringInvocation"] | components["schemas"]["ParamPromptInvocation"] | components["schemas"]["FloatLinearRangeInvocation"] | components["schemas"]["StepParamEasingInvocation"] | components["schemas"]["SDXLModelLoaderInvocation"] | components["schemas"]["SDXLRefinerModelLoaderInvocation"] | components["schemas"]["SDXLTextToLatentsInvocation"] | components["schemas"]["SDXLLatentsToLatentsInvocation"] | components["schemas"]["ESRGANInvocation"] | components["schemas"]["GraphInvocation"] | components["schemas"]["IterateInvocation"] | components["schemas"]["CollectInvocation"] | components["schemas"]["CannyImageProcessorInvocation"] | components["schemas"]["HedImageProcessorInvocation"] | components["schemas"]["LineartImageProcessorInvocation"] | components["schemas"]["LineartAnimeImageProcessorInvocation"] | components["schemas"]["OpenposeImageProcessorInvocation"] | components["schemas"]["MidasDepthImageProcessorInvocation"] | components["schemas"]["NormalbaeImageProcessorInvocation"] | components["schemas"]["MlsdImageProcessorInvocation"] | components["schemas"]["PidiImageProcessorInvocation"] | components["schemas"]["ContentShuffleImageProcessorInvocation"] | components["schemas"]["ZoeDepthImageProcessorInvocation"] | components["schemas"]["MediapipeFaceProcessorInvocation"] | components["schemas"]["LeresImageProcessorInvocation"] | components["schemas"]["TileResamplerProcessorInvocation"] | components["schemas"]["SegmentAnythingProcessorInvocation"] | components["schemas"]["LatentsToLatentsInvocation"]; + "application/json": components["schemas"]["ControlNetInvocation"] | components["schemas"]["ImageProcessorInvocation"] | components["schemas"]["MainModelLoaderInvocation"] | components["schemas"]["LoraLoaderInvocation"] | components["schemas"]["VaeLoaderInvocation"] | components["schemas"]["MetadataAccumulatorInvocation"] | components["schemas"]["DynamicPromptInvocation"] | components["schemas"]["PromptsFromFileInvocation"] | components["schemas"]["AddInvocation"] | components["schemas"]["SubtractInvocation"] | components["schemas"]["MultiplyInvocation"] | components["schemas"]["DivideInvocation"] | components["schemas"]["RandomIntInvocation"] | components["schemas"]["ParamIntInvocation"] | components["schemas"]["ParamFloatInvocation"] | components["schemas"]["ParamStringInvocation"] | components["schemas"]["ParamPromptInvocation"] | components["schemas"]["CompelInvocation"] | components["schemas"]["SDXLCompelPromptInvocation"] | components["schemas"]["SDXLRefinerCompelPromptInvocation"] | components["schemas"]["SDXLRawPromptInvocation"] | components["schemas"]["SDXLRefinerRawPromptInvocation"] | components["schemas"]["ClipSkipInvocation"] | components["schemas"]["LoadImageInvocation"] | components["schemas"]["ShowImageInvocation"] | components["schemas"]["ImageCropInvocation"] | components["schemas"]["ImagePasteInvocation"] | components["schemas"]["MaskFromAlphaInvocation"] | components["schemas"]["ImageMultiplyInvocation"] | components["schemas"]["ImageChannelInvocation"] | components["schemas"]["ImageConvertInvocation"] | components["schemas"]["ImageBlurInvocation"] | components["schemas"]["ImageResizeInvocation"] | components["schemas"]["ImageScaleInvocation"] | components["schemas"]["ImageLerpInvocation"] | components["schemas"]["ImageInverseLerpInvocation"] | components["schemas"]["ImageNSFWBlurInvocation"] | components["schemas"]["ImageWatermarkInvocation"] | components["schemas"]["TextToLatentsInvocation"] | components["schemas"]["LatentsToImageInvocation"] | components["schemas"]["ResizeLatentsInvocation"] | components["schemas"]["ScaleLatentsInvocation"] | components["schemas"]["ImageToLatentsInvocation"] | components["schemas"]["NoiseInvocation"] | components["schemas"]["RangeInvocation"] | components["schemas"]["RangeOfSizeInvocation"] | components["schemas"]["RandomRangeInvocation"] | components["schemas"]["ImageCollectionInvocation"] | components["schemas"]["FloatLinearRangeInvocation"] | components["schemas"]["StepParamEasingInvocation"] | components["schemas"]["ONNXPromptInvocation"] | components["schemas"]["ONNXTextToLatentsInvocation"] | components["schemas"]["ONNXLatentsToImageInvocation"] | components["schemas"]["ONNXSD1ModelLoaderInvocation"] | components["schemas"]["OnnxModelLoaderInvocation"] | components["schemas"]["SDXLModelLoaderInvocation"] | components["schemas"]["SDXLRefinerModelLoaderInvocation"] | components["schemas"]["SDXLTextToLatentsInvocation"] | components["schemas"]["SDXLLatentsToLatentsInvocation"] | components["schemas"]["InfillColorInvocation"] | components["schemas"]["InfillTileInvocation"] | components["schemas"]["InfillPatchMatchInvocation"] | components["schemas"]["ESRGANInvocation"] | components["schemas"]["InpaintInvocation"] | components["schemas"]["CvInpaintInvocation"] | components["schemas"]["GraphInvocation"] | components["schemas"]["IterateInvocation"] | components["schemas"]["CollectInvocation"] | components["schemas"]["CannyImageProcessorInvocation"] | components["schemas"]["HedImageProcessorInvocation"] | components["schemas"]["LineartImageProcessorInvocation"] | components["schemas"]["LineartAnimeImageProcessorInvocation"] | components["schemas"]["OpenposeImageProcessorInvocation"] | components["schemas"]["MidasDepthImageProcessorInvocation"] | components["schemas"]["NormalbaeImageProcessorInvocation"] | components["schemas"]["MlsdImageProcessorInvocation"] | components["schemas"]["PidiImageProcessorInvocation"] | components["schemas"]["ContentShuffleImageProcessorInvocation"] | components["schemas"]["ZoeDepthImageProcessorInvocation"] | components["schemas"]["MediapipeFaceProcessorInvocation"] | components["schemas"]["LeresImageProcessorInvocation"] | components["schemas"]["TileResamplerProcessorInvocation"] | components["schemas"]["SegmentAnythingProcessorInvocation"] | components["schemas"]["LatentsToLatentsInvocation"]; }; }; responses: { @@ -6020,14 +6332,14 @@ export type operations = { }; requestBody: { content: { - "application/json": components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; + "application/json": components["schemas"]["ONNXStableDiffusion1ModelConfig"] | components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["ONNXStableDiffusion2ModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; }; }; responses: { /** @description The model was updated successfully */ 200: { content: { - "application/json": components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; + "application/json": components["schemas"]["ONNXStableDiffusion1ModelConfig"] | components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["ONNXStableDiffusion2ModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; }; }; /** @description Bad request */ @@ -6058,7 +6370,7 @@ export type operations = { /** @description The model imported successfully */ 201: { content: { - "application/json": components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; + "application/json": components["schemas"]["ONNXStableDiffusion1ModelConfig"] | components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["ONNXStableDiffusion2ModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; }; }; /** @description The model could not be found */ @@ -6084,14 +6396,14 @@ export type operations = { add_model: { requestBody: { content: { - "application/json": components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; + "application/json": components["schemas"]["ONNXStableDiffusion1ModelConfig"] | components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["ONNXStableDiffusion2ModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; }; }; responses: { /** @description The model added successfully */ 201: { content: { - "application/json": components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; + "application/json": components["schemas"]["ONNXStableDiffusion1ModelConfig"] | components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["ONNXStableDiffusion2ModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; }; }; /** @description The model could not be found */ @@ -6131,7 +6443,7 @@ export type operations = { /** @description Model converted successfully */ 200: { content: { - "application/json": components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; + "application/json": components["schemas"]["ONNXStableDiffusion1ModelConfig"] | components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["ONNXStableDiffusion2ModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; }; }; /** @description Bad request */ @@ -6220,7 +6532,7 @@ export type operations = { /** @description Model converted successfully */ 200: { content: { - "application/json": components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; + "application/json": components["schemas"]["ONNXStableDiffusion1ModelConfig"] | components["schemas"]["StableDiffusion1ModelCheckpointConfig"] | components["schemas"]["StableDiffusion1ModelDiffusersConfig"] | components["schemas"]["VaeModelConfig"] | components["schemas"]["LoRAModelConfig"] | components["schemas"]["ControlNetModelCheckpointConfig"] | components["schemas"]["ControlNetModelDiffusersConfig"] | components["schemas"]["TextualInversionModelConfig"] | components["schemas"]["ONNXStableDiffusion2ModelConfig"] | components["schemas"]["StableDiffusion2ModelCheckpointConfig"] | components["schemas"]["StableDiffusion2ModelDiffusersConfig"] | components["schemas"]["StableDiffusionXLModelCheckpointConfig"] | components["schemas"]["StableDiffusionXLModelDiffusersConfig"]; }; }; /** @description Incompatible models */ diff --git a/invokeai/frontend/web/src/services/api/types.d.ts b/invokeai/frontend/web/src/services/api/types.d.ts index 17f20ca1ac1..14705c9525b 100644 --- a/invokeai/frontend/web/src/services/api/types.d.ts +++ b/invokeai/frontend/web/src/services/api/types.d.ts @@ -32,6 +32,7 @@ export type ModelType = components['schemas']['ModelType']; export type SubModelType = components['schemas']['SubModelType']; export type BaseModelType = components['schemas']['BaseModelType']; export type MainModelField = components['schemas']['MainModelField']; +export type OnnxModelField = components['schemas']['OnnxModelField']; export type VAEModelField = components['schemas']['VAEModelField']; export type LoRAModelField = components['schemas']['LoRAModelField']; export type ControlNetModelField = @@ -58,6 +59,8 @@ export type DiffusersModelConfig = export type CheckpointModelConfig = | components['schemas']['StableDiffusion1ModelCheckpointConfig'] | components['schemas']['StableDiffusion2ModelCheckpointConfig'] + | components['schemas']['StableDiffusion2ModelDiffusersConfig']; +export type OnnxModelConfig = components['schemas']['ONNXStableDiffusion1ModelConfig'] | components['schemas']['StableDiffusionXLModelCheckpointConfig']; export type MainModelConfig = DiffusersModelConfig | CheckpointModelConfig; export type AnyModelConfig = @@ -65,7 +68,8 @@ export type AnyModelConfig = | VaeModelConfig | ControlNetModelConfig | TextualInversionModelConfig - | MainModelConfig; + | MainModelConfig + | OnnxModelConfig; export type MergeModelConfig = components['schemas']['Body_merge_models']; export type ConvertModelConfig = components['schemas']['Body_convert_model']; @@ -127,6 +131,9 @@ export type ImageCollectionInvocation = TypeReq< export type MainModelLoaderInvocation = TypeReq< components['schemas']['MainModelLoaderInvocation'] >; +export type OnnxModelLoaderInvocation = TypeReq< + components['schemas']['OnnxModelLoaderInvocation'] +>; export type LoraLoaderInvocation = TypeReq< components['schemas']['LoraLoaderInvocation'] >; diff --git a/pyproject.toml b/pyproject.toml index 9cad874ccf2..f04e5b779f4 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -61,6 +61,7 @@ dependencies = [ "numpy", "npyscreen", "omegaconf", + "onnx", "opencv-python", "pydantic==1.*", "picklescan", @@ -103,6 +104,15 @@ dependencies = [ "xformers~=0.0.19; sys_platform!='darwin'", "triton; sys_platform=='linux'", ] +"onnx" = [ + "onnxruntime", +] +"onnx-cuda" = [ + "onnxruntime-gpu", +] +"onnx-directml" = [ + "onnxruntime-directml", +] [project.scripts] @@ -180,4 +190,4 @@ output = "coverage/index.xml" max-line-length = 120 [tool.black] -line-length = 120 \ No newline at end of file +line-length = 120