diff --git a/docs/_build/.buildinfo b/docs/_build/.buildinfo new file mode 100644 index 0000000..b0d48e8 --- /dev/null +++ b/docs/_build/.buildinfo @@ -0,0 +1,4 @@ +# Sphinx build info version 1 +# This file hashes the configuration used when building these files. When it is not found, a full rebuild will be done. +config: b272a32d1c6bdd06bb404085dcf9896d +tags: 645f666f9bcd5a90fca523b33c5a78b7 diff --git a/docs/_build/.doctrees/benchmarking.doctree b/docs/_build/.doctrees/benchmarking.doctree new file mode 100644 index 0000000..39fb074 Binary files /dev/null and b/docs/_build/.doctrees/benchmarking.doctree differ diff --git a/docs/_build/.doctrees/causal_gan_cfg.doctree b/docs/_build/.doctrees/causal_gan_cfg.doctree new file mode 100644 index 0000000..416afbf Binary files /dev/null and b/docs/_build/.doctrees/causal_gan_cfg.doctree differ diff --git a/docs/_build/.doctrees/citation.doctree b/docs/_build/.doctrees/citation.doctree new file mode 100644 index 0000000..9491fc2 Binary files /dev/null and b/docs/_build/.doctrees/citation.doctree differ diff --git a/docs/_build/.doctrees/custom_parser.doctree b/docs/_build/.doctrees/custom_parser.doctree new file mode 100644 index 0000000..87c2af2 Binary files /dev/null and b/docs/_build/.doctrees/custom_parser.doctree differ diff --git a/docs/_build/.doctrees/docker.doctree b/docs/_build/.doctrees/docker.doctree new file mode 100644 index 0000000..927ed19 Binary files /dev/null and b/docs/_build/.doctrees/docker.doctree differ diff --git a/docs/_build/.doctrees/factory.doctree b/docs/_build/.doctrees/factory.doctree new file mode 100644 index 0000000..90e088b Binary files /dev/null and b/docs/_build/.doctrees/factory.doctree differ diff --git a/docs/_build/.doctrees/gans.doctree b/docs/_build/.doctrees/gans.doctree new file mode 100644 index 0000000..49f5c5c Binary files /dev/null and b/docs/_build/.doctrees/gans.doctree differ diff --git a/docs/_build/.doctrees/index.doctree b/docs/_build/.doctrees/index.doctree new file mode 100644 index 0000000..65c1852 Binary files /dev/null and b/docs/_build/.doctrees/index.doctree differ diff --git a/docs/_build/.doctrees/installation.doctree b/docs/_build/.doctrees/installation.doctree new file mode 100644 index 0000000..0ae1ab2 Binary files /dev/null and b/docs/_build/.doctrees/installation.doctree differ diff --git a/docs/_build/.doctrees/layers.doctree b/docs/_build/.doctrees/layers.doctree new file mode 100644 index 0000000..341a1d1 Binary files /dev/null and b/docs/_build/.doctrees/layers.doctree differ diff --git a/docs/_build/.doctrees/license.doctree b/docs/_build/.doctrees/license.doctree new file mode 100644 index 0000000..093c6ba Binary files /dev/null and b/docs/_build/.doctrees/license.doctree differ diff --git a/docs/_build/.doctrees/local_installation.doctree b/docs/_build/.doctrees/local_installation.doctree new file mode 100644 index 0000000..0be32af Binary files /dev/null and b/docs/_build/.doctrees/local_installation.doctree differ diff --git a/docs/_build/.doctrees/main.doctree b/docs/_build/.doctrees/main.doctree new file mode 100644 index 0000000..42b3485 Binary files /dev/null and b/docs/_build/.doctrees/main.doctree differ diff --git a/docs/_build/.doctrees/modules.doctree b/docs/_build/.doctrees/modules.doctree new file mode 100644 index 0000000..159e4f7 Binary files /dev/null and b/docs/_build/.doctrees/modules.doctree differ diff --git a/docs/_build/.doctrees/networks.doctree b/docs/_build/.doctrees/networks.doctree new file mode 100644 index 0000000..e7be6ec Binary files /dev/null and b/docs/_build/.doctrees/networks.doctree differ diff --git a/docs/_build/.doctrees/preprocessing.doctree b/docs/_build/.doctrees/preprocessing.doctree new file mode 100644 index 0000000..5e27c3e Binary files /dev/null and b/docs/_build/.doctrees/preprocessing.doctree differ diff --git a/docs/_build/.doctrees/sc_dataset.doctree b/docs/_build/.doctrees/sc_dataset.doctree new file mode 100644 index 0000000..be44f9e Binary files /dev/null and b/docs/_build/.doctrees/sc_dataset.doctree differ diff --git a/docs/_build/.doctrees/singularity.doctree b/docs/_build/.doctrees/singularity.doctree new file mode 100644 index 0000000..9656578 Binary files /dev/null and b/docs/_build/.doctrees/singularity.doctree differ diff --git a/docs/_build/.doctrees/tfrecord_loader.doctree b/docs/_build/.doctrees/tfrecord_loader.doctree new file mode 100644 index 0000000..cf9f588 Binary files /dev/null and b/docs/_build/.doctrees/tfrecord_loader.doctree differ diff --git a/docs/_build/.doctrees/tree.doctree b/docs/_build/.doctrees/tree.doctree new file mode 100644 index 0000000..52b39fc Binary files /dev/null and b/docs/_build/.doctrees/tree.doctree differ diff --git a/docs/_build/.doctrees/tutorial.doctree b/docs/_build/.doctrees/tutorial.doctree new file mode 100644 index 0000000..a6b36dc Binary files /dev/null and b/docs/_build/.doctrees/tutorial.doctree differ diff --git a/docs/_build/.nojekyll b/docs/_build/.nojekyll new file mode 100644 index 0000000..e69de29 diff --git a/docs/_build/_modules/custom_parser.html b/docs/_build/_modules/custom_parser.html new file mode 100644 index 0000000..a050d47 --- /dev/null +++ b/docs/_build/_modules/custom_parser.html @@ -0,0 +1,520 @@ + + + + + + + + + + + custom_parser — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for custom_parser

+import argparse
+from configparser import ConfigParser
+
+
+
[docs]def get_configparser() -> ConfigParser: + """ + Configure and read config file .cfg .ini parser. + + Returns + ------- + ConfigParser. + """ + return ConfigParser( + empty_lines_in_values=False, + allow_no_value=True, + inline_comment_prefixes=";", + )
+ + +
[docs]def get_argparser() -> argparse.ArgumentParser: + """ + Initialize argument parser and add program args. + + Returns + ------- + argparse.ArgumentParser + Argument CLI parser. + """ + parser = argparse.ArgumentParser( + prog="GRouNdGAN", + description="GRouNdGAN is a gene regulatory network (GRN)-guided causal implicit generative model for simulating single-cell RNA-seq data, in-silico perturbation experiments, and benchmarking GRN inference methods. \ + This programs also contains cWGAN and unofficial implementations of scGAN and cscGAN (with projection conditioning)", + ) + + parser._action_groups.pop() + required = parser.add_argument_group("required arguments") + optional = parser.add_argument_group("optional arguments") + + required.add_argument( + "--config", required=True, help="Path to the configuration file" + ) + + optional.add_argument( + "--preprocess", + required=False, + default=False, + action="store_true", + help="Preprocess raw data for GAN training", + ) + + optional.add_argument( + "--create_grn", + required=False, + default=False, + action="store_true", + help="Infer a GRN from preprocessed data using GRNBoost2 and appropriately format as causal graph", + ) + + optional.add_argument( + "--train", + required=False, + default=False, + action="store_true", + help="Start or resume model training", + ) + + optional.add_argument( + "--generate", + required=False, + default=False, + action="store_true", + help="Simulate single-cells RNA-seq data in-silico", + ) + + return parser
+
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/factory.html b/docs/_build/_modules/factory.html new file mode 100644 index 0000000..9f1dab7 --- /dev/null +++ b/docs/_build/_modules/factory.html @@ -0,0 +1,794 @@ + + + + + + + + + + factory — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for factory

+import pickle
+import typing
+from abc import ABC, abstractmethod
+from configparser import ConfigParser
+
+import torch
+
+from gans.causal_gan import CausalGAN
+from gans.conditional_gan_cat import ConditionalCatGAN
+from gans.conditional_gan_proj import ConditionalProjGAN
+from gans.gan import GAN
+
+
+
+[docs] +def parse_list(str_list: str, type_: type) -> list: + return list(map(type_, str.split(str_list)))
+ + + +
+[docs] +class IGANFactory(ABC): + """ + Factory that represents a GAN. + This factory does not keep of created references. + """ + +
+[docs] + def __init__(self, parser: ConfigParser) -> None: + """ + Initialize the factory. + + Parameters + ---------- + parser : ConfigParser + Parser for config file containing GAN model and training params. + """ + self.parser = parser
+ + +
+[docs] + @abstractmethod + def get_gan(self) -> GAN: + """ + Returns a GAN instance + + Returns + ------- + GAN + GAN instance. + """ + pass
+ + +
+[docs] + @abstractmethod + def get_trainer(self) -> typing.Callable: + """ + Returns the GAN train function. + + Returns + ------- + typing.Callable + GAN train() function. + """ + pass
+
+ + + +
+[docs] +class GANFactory(IGANFactory): +
+[docs] + def get_gan(self) -> GAN: + return GAN( + genes_no=self.parser.getint("Data", "number of genes"), + batch_size=self.parser.getint("Training", "batch size"), + latent_dim=self.parser.getint("Model", "latent dim"), + gen_layers=parse_list(self.parser["Model"]["generator layers"], int), + crit_layers=parse_list(self.parser["Model"]["critic layers"], int), + device=self.parser.get("EXPERIMENT", "device", fallback=None), + library_size=self.parser.getint("Preprocessing", "library size"), + )
+ + +
+[docs] + def get_trainer(self) -> typing.Callable: + gan = self.get_gan() + return lambda: gan.train( + train_files=self.parser.get("Data", "train"), + valid_files=self.parser.get("Data", "validation"), + critic_iter=self.parser.getint("Training", "critic iterations"), + max_steps=self.parser.getint("Training", "maximum steps"), + c_lambda=self.parser.getfloat("Model", "lambda"), + beta1=self.parser.getfloat("Optimizer", "beta1"), + beta2=self.parser.getfloat("Optimizer", "beta2"), + gen_alpha_0=self.parser.getfloat("Learning Rate", "generator initial"), + gen_alpha_final=self.parser.getfloat("Learning Rate", "generator final"), + crit_alpha_0=self.parser.getfloat("Learning Rate", "critic initial"), + crit_alpha_final=self.parser.getfloat("Learning Rate", "critic final"), + checkpoint=self.parser.get("EXPERIMENT", "checkpoint", fallback=None), + summary_freq=self.parser.getint("Logging", "summary frequency"), + plt_freq=self.parser.getint("Logging", "plot frequency"), + save_feq=self.parser.getint("Logging", "save frequency"), + output_dir=self.parser.get("EXPERIMENT", "output directory"), + )
+
+ + + +
+[docs] +class ConditionalCatGANFactory(IGANFactory): +
+[docs] + def get_gan(self) -> ConditionalCatGAN: + return ConditionalCatGAN( + genes_no=self.parser.getint("Data", "number of genes"), + batch_size=self.parser.getint("Training", "batch size"), + latent_dim=self.parser.getint("Model", "latent dim"), + gen_layers=parse_list(self.parser["Model"]["generator layers"], int), + crit_layers=parse_list(self.parser["Model"]["critic layers"], int), + num_classes=self.parser.getint("Data", "number of classes"), + label_ratios=torch.Tensor( + parse_list(self.parser["Data"]["label ratios"], float) + ), + device=self.parser.get("EXPERIMENT", "device", fallback=None), + library_size=self.parser.getint("Preprocessing", "library size"), + )
+ + +
+[docs] + def get_trainer(self) -> typing.Callable: + gan = self.get_gan() + return lambda: gan.train( + train_files=self.parser.get("Data", "train"), + valid_files=self.parser.get("Data", "validation"), + critic_iter=self.parser.getint("Training", "critic iterations"), + max_steps=self.parser.getint("Training", "maximum steps"), + c_lambda=self.parser.getfloat("Model", "lambda"), + beta1=self.parser.getfloat("Optimizer", "beta1"), + beta2=self.parser.getfloat("Optimizer", "beta2"), + gen_alpha_0=self.parser.getfloat("Learning Rate", "generator initial"), + gen_alpha_final=self.parser.getfloat("Learning Rate", "generator final"), + crit_alpha_0=self.parser.getfloat("Learning Rate", "critic initial"), + crit_alpha_final=self.parser.getfloat("Learning Rate", "critic final"), + checkpoint=self.parser.get("EXPERIMENT", "checkpoint", fallback=None), + summary_freq=self.parser.getint("Logging", "summary frequency"), + plt_freq=self.parser.getint("Logging", "plot frequency"), + save_feq=self.parser.getint("Logging", "save frequency"), + output_dir=self.parser.get("EXPERIMENT", "output directory"), + )
+
+ + + +
+[docs] +class ConditionalProjGANFactory(IGANFactory): +
+[docs] + def get_gan(self) -> ConditionalProjGAN: + return ConditionalProjGAN( + genes_no=self.parser.getint("Data", "number of genes"), + batch_size=self.parser.getint("Training", "batch size"), + latent_dim=self.parser.getint("Model", "latent dim"), + gen_layers=parse_list(self.parser["Model"]["generator layers"], int), + crit_layers=parse_list(self.parser["Model"]["critic layers"], int), + num_classes=self.parser.getint("Data", "number of classes"), + label_ratios=torch.Tensor( + parse_list(self.parser["Data"]["label ratios"], float) + ), + device=self.parser.get("EXPERIMENT", "device", fallback=None), + library_size=self.parser.getint("Preprocessing", "library size"), + )
+ + +
+[docs] + def get_trainer(self) -> typing.Callable: + gan = self.get_gan() + return lambda: gan.train( + train_files=self.parser.get("Data", "train"), + valid_files=self.parser.get("Data", "validation"), + critic_iter=self.parser.getint("Training", "critic iterations"), + max_steps=self.parser.getint("Training", "maximum steps"), + c_lambda=self.parser.getfloat("Model", "lambda"), + beta1=self.parser.getfloat("Optimizer", "beta1"), + beta2=self.parser.getfloat("Optimizer", "beta2"), + gen_alpha_0=self.parser.getfloat("Learning Rate", "generator initial"), + gen_alpha_final=self.parser.getfloat("Learning Rate", "generator final"), + crit_alpha_0=self.parser.getfloat("Learning Rate", "critic initial"), + crit_alpha_final=self.parser.getfloat("Learning Rate", "critic final"), + checkpoint=self.parser.get("EXPERIMENT", "checkpoint", fallback=None), + summary_freq=self.parser.getint("Logging", "summary frequency"), + plt_freq=self.parser.getint("Logging", "plot frequency"), + save_feq=self.parser.getint("Logging", "save frequency"), + output_dir=self.parser.get("EXPERIMENT", "output directory"), + )
+
+ + + +
+[docs] +class CausalGANFactory(IGANFactory): +
+[docs] + def get_cc(self) -> GAN: + return GAN( + genes_no=self.parser.getint("Data", "number of genes"), + batch_size=self.parser.getint("CC Training", "batch size"), + latent_dim=self.parser.getint("CC Model", "latent dim"), + gen_layers=parse_list(self.parser["CC Model"]["generator layers"], int), + crit_layers=parse_list(self.parser["CC Model"]["critic layers"], int), + device=self.parser.get("EXPERIMENT", "device", fallback=None), + library_size=self.parser.getint("Preprocessing", "library size"), + )
+ + +
+[docs] + def get_gan(self) -> CausalGAN: + with open(self.parser.get("Data", "causal graph"), "rb") as fp: + causal_graph = pickle.load(fp) + + return CausalGAN( + genes_no=self.parser.getint("Data", "number of genes"), + batch_size=self.parser.getint("Training", "batch size"), + latent_dim=self.parser.getint("Model", "latent dim"), + noise_per_gene=self.parser.getint("Model", "noise per gene"), + depth_per_gene=self.parser.getint("Model", "depth per gene"), + width_per_gene=self.parser.getint("Model", "width per gene"), + cc_latent_dim=self.parser.getint("CC Model", "latent dim"), + cc_layers=parse_list(self.parser["CC Model"]["generator layers"], int), + cc_pretrained_checkpoint=self.parser.get("EXPERIMENT", "output directory") + + f"_CC/checkpoints/step_{self.parser.getint('CC Training', 'maximum steps')}.pth", + crit_layers=parse_list(self.parser["Model"]["critic layers"], int), + causal_graph=causal_graph, + labeler_layers=parse_list(self.parser["Model"]["labeler layers"], int), + device=self.parser.get("EXPERIMENT", "device", fallback=None), + library_size=self.parser.getint("Preprocessing", "library size"), + )
+ + +
+[docs] + def get_trainer(self) -> typing.Callable: + cc = self.get_cc() + + # the following lambda will train the causal controller for maximum steps + # specified in the CC Training section of the config file + # after training the causal controller, the causal GAN will be instantiated + # with the pretrained causal controller and training will start. + return lambda: ( + cc.train( + train_files=self.parser.get("Data", "train"), + valid_files=self.parser.get("Data", "validation"), + critic_iter=self.parser.getint("CC Training", "critic iterations"), + max_steps=self.parser.getint("CC Training", "maximum steps"), + c_lambda=self.parser.getfloat("CC Model", "lambda"), + beta1=self.parser.getfloat("CC Optimizer", "beta1"), + beta2=self.parser.getfloat("CC Optimizer", "beta2"), + gen_alpha_0=self.parser.getfloat( + "CC Learning Rate", "generator initial" + ), + gen_alpha_final=self.parser.getfloat( + "CC Learning Rate", "generator final" + ), + crit_alpha_0=self.parser.getfloat("CC Learning Rate", "critic initial"), + crit_alpha_final=self.parser.getfloat( + "CC Learning Rate", "critic final" + ), + checkpoint=self.parser.get("EXPERIMENT", "checkpoint", fallback=None), + summary_freq=self.parser.getint("CC Logging", "summary frequency"), + plt_freq=self.parser.getint("CC Logging", "plot frequency"), + save_feq=self.parser.getint("CC Logging", "save frequency"), + output_dir=self.parser.get("EXPERIMENT", "output directory") + "_CC", + ), + self.get_gan().train( + train_files=self.parser.get("Data", "train"), + valid_files=self.parser.get("Data", "validation"), + critic_iter=self.parser.getint("Training", "critic iterations"), + max_steps=self.parser.getint("Training", "maximum steps"), + c_lambda=self.parser.getfloat("Model", "lambda"), + beta1=self.parser.getfloat("Optimizer", "beta1"), + beta2=self.parser.getfloat("Optimizer", "beta2"), + gen_alpha_0=self.parser.getfloat("Learning Rate", "generator initial"), + gen_alpha_final=self.parser.getfloat( + "Learning Rate", "generator final" + ), + crit_alpha_0=self.parser.getfloat("Learning Rate", "critic initial"), + crit_alpha_final=self.parser.getfloat("Learning Rate", "critic final"), + labeler_alpha=self.parser.getfloat("Learning Rate", "labeler"), + antilabeler_alpha=self.parser.getfloat("Learning Rate", "antilabeler"), + labeler_training_interval=self.parser.getfloat( + "Training", "labeler and antilabeler training intervals" + ), + checkpoint=self.parser.get("EXPERIMENT", "checkpoint", fallback=None), + summary_freq=self.parser.getint("Logging", "summary frequency"), + plt_freq=self.parser.getint("Logging", "plot frequency"), + save_feq=self.parser.getint("Logging", "save frequency"), + output_dir=self.parser.get("EXPERIMENT", "output directory"), + ), + )[0]
+
+ + + +
+[docs] +def get_factory(cfg: ConfigParser) -> IGANFactory: + """ + Return the factory for the GAN type based on 'model' key in the parser. + + Parameters + ---------- + cfg : ConfigParser + Parser for config file containing GAN model and training params. + + Returns + ------- + IGANFactory + Factory for the specified GAN. + + Raises + ------ + ValueError + If the model is unknown or not implemented. + """ + # read the desired GAN + model = cfg.get("Model", "type") + factories = { + "GAN": GANFactory(cfg), + "proj conditional GAN": ConditionalProjGANFactory(cfg), + "cat conditional GAN": ConditionalCatGANFactory(cfg), + "causal GAN": CausalGANFactory(cfg), + } + + if model in factories: + return factories[model] + raise ValueError(f"model '{model}' type is invalid")
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/gans/causal_gan.html b/docs/_build/_modules/gans/causal_gan.html new file mode 100644 index 0000000..057235d --- /dev/null +++ b/docs/_build/_modules/gans/causal_gan.html @@ -0,0 +1,936 @@ + + + + + + + + + + gans.causal_gan — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for gans.causal_gan

+import os
+import typing
+
+import torch
+from networks.critic import Critic
+from networks.generator import Generator
+from networks.labeler import Labeler
+from networks.masked_causal_generator import CausalGenerator
+
+from gans.gan import GAN
+
+
+
+[docs] +class CausalGAN(GAN): +
+[docs] + def __init__( + self, + genes_no: int, + batch_size: int, + latent_dim: int, + noise_per_gene: int, + depth_per_gene: int, + width_per_gene: int, + cc_latent_dim: int, + cc_layers: typing.List[int], + cc_pretrained_checkpoint: str, + crit_layers: typing.List[int], + causal_graph: typing.Dict[int, typing.Set[int]], + labeler_layers: typing.List[int], + device: typing.Optional[str] = "cuda" if torch.cuda.is_available() else "cpu", + library_size: typing.Optional[int] = 20000, + ) -> None: + """ + Causal single-cell RNA-seq GAN (TODO: find a unique name). + + Parameters + ---------- + genes_no : int + Number of genes in the dataset. + batch_size : int + Training batch size. + latent_dim : int + Dimension of the latent space from which the noise vector used by the causal controller is sampled. + noise_per_gene : int + Dimension of the latent space from which the noise vectors used by target generators is sampled. + depth_per_gene : int + Depth of the target generator networks. + width_per_gene : int + The width scale used for the target generator networks. + cc_latent_dim : int + Dimension of the latent space from which the noise vector to the causal controller is sampled. + cc_layers : typing.List[int] + List of integers corresponding to the number of neurons of each causal controller layer. + cc_pretrained_checkpoint : str + Path to the pretrained causal controller. + crit_layers : typing.List[int] + List of integers corresponding to the number of neurons of each critic layer. + causal_graph : typing.Dict[int, typing.Set[int]] + The causal graph is a dictionary representing the TRN to impose. It has the following format: + {target gene index: {TF1 index, TF2 index, ...}}. This causal graph has to be acyclic and bipartite. + A TF cannot be regulated by another TF. + Invalid: {1: {2, 3, {4, 6}}, ...} - a regulator (TF) is regulated by another regulator (TF) + Invalid: {1: {2, 3, 4}, 2: {4, 3, 5}, ...} - a regulator (TF) is also regulated + Invalid: {4: {2, 3}, 2: {4, 3}} - contains a cycle + + Valid causal graph example: {1: {2, 3, 4}, 6: {5, 4, 2}, ...} + labeler_layers : typing.List[int] + List of integers corresponding to the width of each labeler layer. + device : typing.Optional[str], optional + Specifies to train on 'cpu' or 'cuda'. Only 'cuda' is supported for training the + GAN but 'cpu' can be used for inference, by default "cuda" if torch.cuda.is_available() else"cpu". + library_size : typing.Optional[int], optional + Total number of counts per generated cell, by default 20000. + """ + + self.causal_controller = Generator( + z_input=cc_latent_dim, + output_cells_dim=genes_no, + gen_layers=cc_layers, + library_size=None, + ) + + checkpoint = torch.load( + cc_pretrained_checkpoint, map_location=torch.device(device) + ) + self.causal_controller.load_state_dict(checkpoint["generator_state_dict"]) + + self.noise_per_gene = noise_per_gene + self.depth_per_gene = depth_per_gene + self.width_per_gene = width_per_gene + self.causal_graph = causal_graph + self.labeler_layers = labeler_layers + super().__init__( + genes_no, + batch_size, + latent_dim, + None, + crit_layers, + device=device, + library_size=library_size, + )
+ + +
+[docs] + def _build_model(self) -> None: + """Instantiates the Generator and Critic.""" + self.gen = CausalGenerator( + self.latent_dim, + self.noise_per_gene, + self.depth_per_gene, + self.width_per_gene, + self.causal_controller, + self.causal_graph, + self.library_size, + ).to(self.device) + self.gen.freeze_causal_controller() + + self.crit = Critic(self.genes_no, self.critic_layers).to(self.device) + + # the number of genes and TFs are resolved by the causal generator during its instantiation + self.labeler = Labeler( + self.gen.num_genes, self.gen.num_tfs, self.labeler_layers + ) + self.antilabeler = Labeler( + self.gen.num_genes, self.gen.num_tfs, self.labeler_layers + )
+ + +
+[docs] + def _save(self, path: typing.Union[str, bytes, os.PathLike]) -> None: + """ + Saves the model. + + Parameters + ---------- + path : typing.Union[str, bytes, os.PathLike] + Directory to save the model. + """ + output_dir = path + "/checkpoints" + if not os.path.isdir(output_dir): + os.makedirs(output_dir) + + torch.save( + { + "step": self.step, + "generator_state_dict": self.gen.module.state_dict(), + "critic_state_dict": self.crit.module.state_dict(), + "labeler_state_dict": self.labeler.module.state_dict(), + "antilabeler_state_dict": self.antilabeler.module.state_dict(), + "generator_optimizer_state_dict": self.gen_opt.state_dict(), + "critic_optimizer_state_dict": self.crit_opt.state_dict(), + "labeler_optimizer_state_dict": self.labeler_opt.state_dict(), + "antilabeler_optimizer_state_dict": self.antilabeler_opt.state_dict(), + "generator_lr_scheduler": self.gen_lr_scheduler.state_dict(), + "critic_lr_scheduler": self.crit_lr_scheduler.state_dict(), + }, + f"{path}/checkpoints/step_{self.step}.pth", + )
+ + +
+[docs] + def _load( + self, + path: typing.Union[str, bytes, os.PathLike], + mode: typing.Optional[str] = "inference", + ) -> None: + """ + Loads a saved causal GAN model (.pth file). + + Parameters + ---------- + path : typing.Union[str, bytes, os.PathLike] + Path to the saved model. + mode : typing.Optional[str], optional + Specify if the loaded model is used for 'inference' or 'training', by default "inference". + + Raises + ------ + ValueError + If a mode other than 'inference' or 'training' is specified. + """ + + checkpoint = torch.load(path, map_location=torch.device(self.device)) + + self.gen.load_state_dict(checkpoint["generator_state_dict"]) + self.crit.load_state_dict(checkpoint["critic_state_dict"]) + + if mode == "inference": + # The causal GAN performs better when using batch stats (model.train() mode) + + self.gen.train() + self.crit.train() + + elif mode == "training": + self.gen.train() + self.crit.train() + + self.step = checkpoint["step"] + 1 + self.gen_opt.load_state_dict(checkpoint["generator_optimizer_state_dict"]) + self.crit_opt.load_state_dict(checkpoint["critic_optimizer_state_dict"]) + self.gen_lr_scheduler.load_state_dict(checkpoint["generator_lr_scheduler"]) + self.crit_lr_scheduler.load_state_dict(checkpoint["critic_lr_scheduler"]) + self.labeler.load_state_dict(checkpoint["labeler_state_dict"]) + self.antilabeler.load_state_dict(checkpoint["antilabeler_state_dict"]) + self.labeler_opt.load_state_dict(checkpoint["labeler_optimizer_state_dict"]) + self.antilabeler_opt.load_state_dict( + checkpoint["antilabeler_optimizer_state_dict"] + ) + + else: + raise ValueError("mode should be 'inference' or 'training'")
+ + +
+[docs] + def _train_labelers(self, real_cells: torch.Tensor) -> None: + """ + Trains the labeler (on real and fake) and anti-labeler (on fake only). + + Parameters + ---------- + real_cells : torch.Tensor + Tensor containing a batch of real cells. + """ + fake_noise = self._generate_noise(self.batch_size, self.latent_dim, self.device) + fake = self.gen(fake_noise).detach() + + # train anti-labeler + self.antilabeler_opt.zero_grad() + predicted_tfs = self.antilabeler(fake[:, self.gen.module.genes]) + actual_tfs = fake[:, self.gen.module.tfs] + antilabeler_loss = self.mse(predicted_tfs, actual_tfs) + antilabeler_loss.backward(retain_graph=True) + self.antilabeler_opt.step() + + # train labeler on fake data + self.labeler_opt.zero_grad() + predicted_tfs = self.labeler(fake[:, self.gen.module.genes]) + labeler_floss = self.mse(predicted_tfs, actual_tfs) + labeler_floss.backward() + self.labeler_opt.step() + + # train labeler on real data + self.labeler_opt.zero_grad() + predicted_tfs = self.labeler(real_cells[:, self.gen.module.genes]) + actual_tfs = real_cells[:, self.gen.module.tfs] + labeler_rloss = self.mse(predicted_tfs, actual_tfs) + labeler_rloss.backward() + self.labeler_opt.step()
+ + +
+[docs] + def _train_generator(self) -> torch.Tensor: + """ + Trains the causal generator for one iteration. + Returns + ------- + torch.Tensor + Tensor containing only 1 item, the generator loss. + """ + self.gen_opt.zero_grad() + + fake_noise = self._generate_noise( + self.batch_size, self.latent_dim, device=self.device + ) + + fake = self.gen(fake_noise) + + predicted_tfs = self.labeler(fake[:, self.gen.module.genes]) + actual_tfs = fake[:, self.gen.module.tfs] + labeler_loss = self.mse(predicted_tfs, actual_tfs) + + predicted_tfs = self.antilabeler(fake[:, self.gen.module.genes]) + antilabeler_loss = self.mse(predicted_tfs, actual_tfs) + + crit_fake_pred = self.crit(fake) + gen_loss = self._generator_loss(crit_fake_pred) + + # comment for ablation of labeler and anti-labeler (GRouNdGAN_def_even_ablation1) + gen_loss += labeler_loss + antilabeler_loss + + # uncomment for ablation of anti-labeler but keeping the labeler (GRouNdGAN_def_even_ablation2) + # gen_loss += labeler_loss + + # uncomment for ablation of labeler but keeping the anti-labeler (GRouNdGAN_def_even_ablation3) + # gen_loss += antilabeler_loss + + + gen_loss.backward() + + # Update weights + self.gen_opt.step() + + return gen_loss
+ + + # FIXME: A lot of code duplication here with the parent train() method. +
+[docs] + def train( + self, + train_files: str, + valid_files: str, + critic_iter: int, + max_steps: int, + c_lambda: float, + beta1: float, + beta2: float, + gen_alpha_0: float, + gen_alpha_final: float, + crit_alpha_0: float, + crit_alpha_final: float, + labeler_alpha: float, + antilabeler_alpha: float, + labeler_training_interval: int, + checkpoint: typing.Optional[typing.Union[str, bytes, os.PathLike, None]] = None, + output_dir: typing.Optional[str] = "output", + summary_freq: typing.Optional[int] = 5000, + plt_freq: typing.Optional[int] = 10000, + save_feq: typing.Optional[int] = 10000, + ) -> None: + """ + Method for training the causal GAN. + + Parameters + ---------- + train_files : str + Path to training set files (TFrecords supported for now). + valid_files : str + Path to validation set files (TFrecords supported for now). + critic_iter : int + Number of training iterations of the critic for each iteration on the generator. + max_steps : int + Maximum number of steps to train the GAN. + c_lambda : float + Regularization hyper-parameter for gradient penalty. + beta1 : float + Coefficients used for computing running averages of gradient in the optimizer. + beta2 : float + Coefficient used for computing running averages of gradient squares in the optimizer. + gen_alpha_0 : float + Generator's initial learning rate value. + gen_alpha_final : float + Generator's final learning rate value. + crit_alpha_0 : float + Critic's initial learning rate value. + crit_alpha_final : float + Critic's final learning rate value. + labeler_alpha : float + Labeler's learning rate value. + antilabeler_alpha : float + Anti-labeler's learning rate value. + labeler_training_interval: int + The number of steps after which the labeler and anti-labeler are trained. + If 20, the labeler and anti-labeler will be trained every 20 steps. + checkpoint : typing.Optional[typing.Union[str, bytes, os.PathLike, None]], optional + Path to a trained model; if specified, the checkpoint is be used to resume training, by default None. + output_dir : typing.Optional[str], optional + Directory to which plots, tfevents, and checkpoints will be saved, by default "output". + summary_freq : typing.Optional[int], optional + Period between summary logs to TensorBoard, by default 5000. + plt_freq : typing.Optional[int], optional + Period between t-SNE plots, by default 10000. + save_feq : typing.Optional[int], optional + Period between saves of the model, by default 10000. + """ + + def should_run(freq): + return freq > 0 and self.step % freq == 0 and self.step > 0 + + loader, valid_loader = self._get_loaders(train_files, valid_files) + loader_gen = iter(loader) + + # Instantiate optimizers + self.gen_opt = torch.optim.AdamW( + filter(lambda p: p.requires_grad, self.gen.parameters()), + lr=gen_alpha_0, + betas=(beta1, beta2), + amsgrad=True, + ) + + self.crit_opt = torch.optim.AdamW( + self.crit.parameters(), + lr=crit_alpha_0, + betas=(beta1, beta2), + amsgrad=True, + ) + + self.labeler_opt = torch.optim.AdamW( + self.labeler.parameters(), + lr=labeler_alpha, + betas=(beta1, beta2), + amsgrad=True, + ) + + self.antilabeler_opt = torch.optim.AdamW( + self.antilabeler.parameters(), + lr=antilabeler_alpha, + betas=(beta1, beta2), + amsgrad=True, + ) + + # for the labeler and anti-labeler + self.mse = torch.nn.MSELoss() + + # Exponential Learning Rate + self.gen_lr_scheduler = self._set_exponential_lr( + self.gen_opt, gen_alpha_0, gen_alpha_final, max_steps + ) + self.crit_lr_scheduler = self._set_exponential_lr( + self.crit_opt, crit_alpha_0, crit_alpha_final, max_steps + ) + + if checkpoint is not None: + self._load(checkpoint, mode="training") + + self.gen.train() + self.crit.train() + self.labeler.train() + self.antilabeler.train() + + # We only accept training on GPU since training on CPU is impractical. + self.device = "cuda" + self.gen = torch.nn.DataParallel(self.gen) + self.crit = torch.nn.DataParallel(self.crit) + self.labeler = torch.nn.DataParallel(self.labeler) + self.antilabeler = torch.nn.DataParallel(self.antilabeler) + + # Main training loop + generator_losses, critic_losses = [], [] + while self.step <= max_steps: + try: + real_cells, real_labels = next(loader_gen) + except StopIteration: + loader_gen = iter(loader) + real_cells, real_labels = next(loader_gen) + + real_cells = real_cells.to(self.device) + real_labels = real_labels.flatten().to(self.device) + + if self.step != 0: + mean_iter_crit_loss = 0 + for _ in range(critic_iter): + crit_loss, gp = self._train_critic( + real_cells, real_labels, c_lambda + ) + mean_iter_crit_loss += crit_loss.item() / critic_iter + + critic_losses += [mean_iter_crit_loss] + + # Update learning rate + self.crit_lr_scheduler.step() + + gen_loss = self._train_generator() + self.gen_lr_scheduler.step() + + generator_losses += [gen_loss.item()] + + if should_run(labeler_training_interval): + self._train_labelers(real_cells) + + # Log and visualize progress + if should_run(summary_freq): + gen_mean = sum(generator_losses[-summary_freq:]) / summary_freq + crit_mean = sum(critic_losses[-summary_freq:]) / summary_freq + + # if self.step == summary_freq: + # self._add_tensorboard_graph(output_dir, fake_noise, fake) + + self._update_tensorboard( + gen_mean, + crit_mean, + gp, + self.gen_lr_scheduler.get_last_lr()[0], + self.crit_lr_scheduler.get_last_lr()[0], + output_dir, + ) + + if should_run(plt_freq): + self._generate_tsne_plot(valid_loader, output_dir) + + if should_run(save_feq): + self._save(output_dir) + print("done training step", self.step, flush=True) + self.step += 1
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/gans/conditional_gan.html b/docs/_build/_modules/gans/conditional_gan.html new file mode 100644 index 0000000..6d41ab0 --- /dev/null +++ b/docs/_build/_modules/gans/conditional_gan.html @@ -0,0 +1,566 @@ + + + + + + + + + + gans.conditional_gan — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for gans.conditional_gan

+import os
+import typing
+from abc import ABC
+
+import matplotlib.pyplot as plt
+import numpy as np
+import torch
+from matplotlib import cm
+from sklearn.manifold import TSNE
+from torch.utils.data.dataloader import DataLoader
+from torch.utils.tensorboard import SummaryWriter
+
+from gans.gan import GAN
+
+
+
+[docs] +class ConditionalGAN(GAN, ABC): +
+[docs] + @staticmethod + def _sample_pseudo_labels( + batch_size: int, cluster_ratios: torch.Tensor + ) -> torch.Tensor: + """ + Randomly samples cluster labels following a multinomial distribution. + + Parameters + ---------- + batch_size : int + The number of samples to generate (normally equal to training batch size). + cluster_ratios : torch.Tensor + Tensor containing the parameters of the multinomial distribution + (ex: torch.Tensor([0.5, 0.3, 0.2]) for 3 clusters with occurence + probabilities of 0.5, 0.3, and 0.2 for clusters 0, 1, and 2, respectively). + + Returns + ------- + torch.Tensor + Tensor containing a batch of samples cluster labels. + """ + cluster_ratios = 1 - cluster_ratios + mn_logits = torch.tile(-torch.log(cluster_ratios), (batch_size, 1)) + labels = torch.multinomial(mn_logits, 1) + + return labels.flatten()
+ + +
+[docs] + def _generate_tsne_plot( + self, + valid_loader: DataLoader, + output_dir: typing.Union[str, bytes, os.PathLike], + ) -> None: + """ + Generate t-SNE plot during training. + + Parameters + ---------- + valid_loader : DataLoader + Validation set DataLoader. + output_dir : typing.Union[str, bytes, os.PathLike] + Directory to save the t-SNE plots. + """ + tsne_path = output_dir + "/TSNE" + if not os.path.isdir(tsne_path): + os.makedirs(tsne_path) + + fake_cells, fake_labels = self.generate_cells(len(valid_loader.dataset)) + valid_cells, valid_labels = next(iter(valid_loader)) + valid_labels = valid_labels.flatten() + + embedded_cells = TSNE().fit_transform( + np.concatenate((valid_cells, fake_cells), axis=0) + ) + + real_embedding = embedded_cells[0 : valid_cells.shape[0], :] + fake_embedding = embedded_cells[valid_cells.shape[0] :, :] + + colormap = cm.nipy_spectral + colors = [colormap(i) for i in np.linspace(0, 1, self.num_classes)] + + plt.clf() + fig, (ax1, ax2) = plt.subplots(1, 2, figsize=(32, 12)) + + for i in range(self.num_classes): + mask = valid_labels[:] == i + + ax1.scatter( + real_embedding[mask, 0], + real_embedding[mask, 1], + c=colors[i], + marker="o", + label="real_" + str(i), + ) + + ax1.legend( + loc="lower left", numpoints=1, ncol=3, fontsize=8, bbox_to_anchor=(0, 0) + ) + + for i in range(self.num_classes): + mask = fake_labels[:] == i + ax2.scatter( + fake_embedding[mask, 0], + fake_embedding[mask, 1], + c=colors[i], + marker="o", + label="fake_" + str(i), + ) + + ax2.legend( + loc="lower left", numpoints=1, ncol=3, fontsize=8, bbox_to_anchor=(0, 0) + ) + + plt.savefig(tsne_path + "/step_" + str(self.step) + ".jpg") + + with SummaryWriter(f"{output_dir}/TensorBoard/TSNE") as w: + w.add_figure("t-SNE plot", fig, self.step) + + plt.close()
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/gans/conditional_gan_cat.html b/docs/_build/_modules/gans/conditional_gan_cat.html new file mode 100644 index 0000000..1ca4957 --- /dev/null +++ b/docs/_build/_modules/gans/conditional_gan_cat.html @@ -0,0 +1,738 @@ + + + + + + + + + + gans.conditional_gan_cat — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for gans.conditional_gan_cat

+import os
+import typing
+
+import numpy as np
+import torch
+from networks.critic import Critic
+from networks.generator import Generator
+
+from gans.conditional_gan import ConditionalGAN
+
+
+
+[docs] +class ConditionalCatGAN(ConditionalGAN): +
+[docs] + def __init__( + self, + genes_no: int, + batch_size: int, + latent_dim: int, + gen_layers: typing.List[int], + crit_layers: typing.List[int], + num_classes: int, + label_ratios: torch.Tensor, + device: typing.Optional[str] = "cuda" if torch.cuda.is_available() else "cpu", + library_size: typing.Optional[int] = 20000, + ) -> None: + """ + Conditional single-cell RNA-seq GAN using the conditioning method by concatenation. + + Parameters + ---------- + genes_no : int + Number of genes in the dataset. + batch_size : int + Training batch size. + latent_dim : int + Dimension of the latent space from which the noise vector is sampled. + gen_layers : typing.List[int] + List of integers corresponding to the number of neurons of each generator layer. + crit_layers : typing.List[int] + List of integers corresponding to the number of neurons of each critic layer. + num_classes : int + Number of classes in the dataset. + label_ratios : torch.Tensor + Tensor containing the ratio of each class in the dataset. + device : typing.Optional[str], optional + Specifies to train on 'cpu' or 'cuda'. Only 'cuda' is supported for training the + GAN but 'cpu' can be used for inference, by default "cuda" if torch.cuda.is_available() else"cpu". + library_size : typing.Optional[int], optional + Total number of counts per generated cell, by default 20000. + """ + + self.num_classes = num_classes + self.label_ratios = label_ratios + + super(ConditionalCatGAN, self).__init__( + genes_no, + batch_size, + latent_dim, + gen_layers, + crit_layers, + device, + library_size, + )
+ + +
+[docs] + def _get_gradient( + self, + real: torch.Tensor, + fake: torch.Tensor, + epsilon: torch.Tensor, + labels: torch.Tensor = None, + *args, + **kwargs + ) -> torch.Tensor: + """ + Compute the gradient of the critic's scores with respect to interpolations + of real and fake cells. + + Parameters + ---------- + real : torch.Tensor + A batch of real cells. + fake : torch.Tensor + A batch of fake cells. + epsilon : torch.Tensor + A vector of the uniformly random proportions of real/fake per interpolated cells. + labels : torch.Tensor + A batch of real class labels. + *args + Variable length argument list. + **kwargs + Arbitrary keyword arguments. + + Returns + ------- + torch.Tensor + Gradient of the critic's score with respect to interpolated data. + """ + + # Mix real and fake cells together + interpolates = real * epsilon + fake * (1 - epsilon) + + # Calculate the critic's scores on the mixed data + critic_interpolates = self.crit(self._cat_one_hot_labels(interpolates, labels)) + + # Take the gradient of the scores with respect to the data + gradient = torch.autograd.grad( + inputs=interpolates, + outputs=critic_interpolates, + grad_outputs=torch.ones_like(critic_interpolates), + create_graph=True, + retain_graph=True, + )[0] + return gradient
+ + +
+[docs] + def _cat_one_hot_labels( + self, cells: torch.Tensor, labels: torch.Tensor + ) -> torch.Tensor: + """ + Concatenates one-hot encoded labels to a tensor. + + Parameters + ---------- + cells : torch.Tensor + Tensor to which to concatenate one-hot encoded class labels. + labels : torch.Tensor + Class labels to concatenate. + + Returns + ------- + torch.Tensor + Tensor with one-hot encoded labels concatenated at the tail. + """ + one_hot = torch.nn.functional.one_hot(labels, self.num_classes) + return torch.cat((cells.float(), one_hot.float()), 1)
+ + +
+[docs] + def generate_cells( + self, + cells_no: int, + checkpoint: typing.Optional[typing.Union[str, bytes, os.PathLike, None]] = None, + class_: typing.Optional[typing.Union[int, None]] = None, + ) -> typing.Tuple[np.ndarray, np.ndarray]: + """ + Generate cells from the Conditional GAN model. + + Parameters + ---------- + cells_no : int + Number of cells to generate. + checkpoint : typing.Optional[typing.Union[str, bytes, os.PathLike, None]], optional + Path to the saved trained model, by default None. + class_: typing.Optional[typing.Union[int, None]] = None + Class of the cells to generate. If None, cells with the same ratio per class + will be generated. + + Returns + ------- + typing.Tuple[np.ndarray, np.ndarray] + Gene expression matrix of generated cells and their corresponding class labels. + """ + if checkpoint is not None: + self._load(checkpoint) + + batch_no = int(np.ceil(cells_no / self.batch_size)) + fake_cells = [] + fake_labels = [] + for _ in range(batch_no): + noise = self._generate_noise(self.batch_size, self.latent_dim, self.device) + if class_ is None: + labels = self._sample_pseudo_labels( + self.batch_size, self.label_ratios + ).to(self.device) + else: + label_ratios = torch.zeros(self.num_classes).to(self.device) + label_ratios[class_] = 0.99 + labels = self._sample_pseudo_labels(self.batch_size, label_ratios).to( + self.device + ) + fake_cells.append( + self.gen(self._cat_one_hot_labels(noise, labels)).cpu().detach().numpy() + ) + fake_labels.append(labels.cpu().detach().numpy()) + + return ( + np.concatenate(fake_cells)[:cells_no], + np.concatenate(fake_labels)[:cells_no], + )
+ + +
+[docs] + def _build_model(self) -> None: + """Initializes the Generator and Critic.""" + self.gen = Generator( + self.latent_dim + self.num_classes, + self.genes_no, + self.gen_layers, + self.library_size, + ).to(self.device) + self.crit = Critic(self.genes_no + self.num_classes, self.critic_layers).to( + self.device + )
+ + +
+[docs] + def _train_critic( + self, real_cells, real_labels, c_lambda + ) -> typing.Tuple[torch.Tensor, torch.Tensor]: + """ + Trains the critic for one iteration. + + Parameters + ---------- + real_cells : torch.Tensor + Tensor containing a batch of real cells. + real_labels : torch.Tensor + Tensor containing a batch of real labels (corresponding to real_cells). + c_lambda : float + Regularization hyper-parameter for gradient penalty. + + Returns + ------- + typing.Tuple[torch.Tensor, torch.Tensor] + The computed critic loss and gradient penalty. + """ + self.crit_opt.zero_grad() + + fake_noise = self._generate_noise(self.batch_size, self.latent_dim, self.device) + + fake = self.gen(self._cat_one_hot_labels(fake_noise, real_labels)) + + crit_fake_pred = self.crit(self._cat_one_hot_labels(fake, real_labels).detach()) + crit_real_pred = self.crit(self._cat_one_hot_labels(real_cells, real_labels)) + + epsilon = torch.rand(len(real_cells), 1, device=self.device, requires_grad=True) + + gradient = self._get_gradient(real_cells, fake.detach(), epsilon, real_labels) + gp = self._gradient_penalty(gradient) + + crit_loss = self._critic_loss(crit_fake_pred, crit_real_pred, gp, c_lambda) + + # Update gradients + crit_loss.backward(retain_graph=True) + + # Update optimizer + self.crit_opt.step() + + return crit_loss, gp
+ + +
+[docs] + def _train_generator(self) -> torch.Tensor: + """ + Trains the generator for one iteration. + + Returns + ------- + torch.Tensor + Tensor containing only 1 item, the generator loss. + """ + self.gen_opt.zero_grad() + + fake_noise = self._generate_noise( + self.batch_size, self.latent_dim, device=self.device + ) + + fake_labels = self._sample_pseudo_labels(self.batch_size, self.label_ratios).to( + self.device + ) + + fake = self.gen(self._cat_one_hot_labels(fake_noise, fake_labels)) + crit_fake_pred = self.crit(self._cat_one_hot_labels(fake, fake_labels)) + + gen_loss = self._generator_loss(crit_fake_pred) + gen_loss.backward() + + # Update weights + self.gen_opt.step() + + return gen_loss
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/gans/conditional_gan_proj.html b/docs/_build/_modules/gans/conditional_gan_proj.html new file mode 100644 index 0000000..54f2060 --- /dev/null +++ b/docs/_build/_modules/gans/conditional_gan_proj.html @@ -0,0 +1,714 @@ + + + + + + + + + + gans.conditional_gan_proj — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for gans.conditional_gan_proj

+import os
+import typing
+
+import numpy as np
+import torch
+from networks.critic import ConditionalCritic
+from networks.generator import ConditionalGenerator
+
+from gans.conditional_gan import ConditionalGAN
+
+
+
+[docs] +class ConditionalProjGAN(ConditionalGAN): +
+[docs] + def __init__( + self, + genes_no: int, + batch_size: int, + latent_dim: int, + gen_layers: typing.List[int], + crit_layers: typing.List[int], + num_classes: int, + label_ratios: torch.Tensor, + device: typing.Optional[str] = "cuda" if torch.cuda.is_available() else "cpu", + library_size: typing.Optional[int] = 20000, + ) -> None: + """ + Conditional single-cell RNA-seq GAN using the projection conditioning method. + + Parameters + ---------- + genes_no : int + Number of genes in the dataset. + batch_size : int + Training batch size. + latent_dim : int + Dimension of the latent space from which the noise vector is sampled. + gen_layers : typing.List[int] + List of integers corresponding to the number of neurons of each generator layer. + crit_layers : typing.List[int] + List of integers corresponding to the number of neurons of each critic layer. + num_classes : int + Number of classes in the dataset. + label_ratios : torch.Tensor + Tensor containing the ratio of each class in the dataset. + device : typing.Optional[str], optional + Specifies to train on 'cpu' or 'cuda'. Only 'cuda' is supported for training the + GAN but 'cpu' can be used for inference, by default "cuda" if torch.cuda.is_available() else"cpu". + library_size : typing.Optional[int], optional + Total number of counts per generated cell, by default 20000. + """ + + self.num_classes = num_classes + self.label_ratios = label_ratios + + super(ConditionalProjGAN, self).__init__( + genes_no, + batch_size, + latent_dim, + gen_layers, + crit_layers, + device, + library_size, + )
+ + +
+[docs] + def _get_gradient( + self, + real: torch.Tensor, + fake: torch.Tensor, + epsilon: torch.Tensor, + labels: torch.Tensor = None, + *args, + **kwargs + ) -> torch.Tensor: + """ + Compute the gradient of the critic's scores with respect to interpolations + of real and fake cells. + + Parameters + ---------- + real : torch.Tensor + A batch of real cells. + fake : torch.Tensor + A batch of fake cells. + epsilon : torch.Tensor + A vector of the uniformly random proportions of real/fake per interpolated cells. + labels : torch.Tensor + A batch of real class labels. + *args + Variable length argument list. + **kwargs + Arbitrary keyword arguments. + + Returns + ------- + torch.Tensor + Gradient of the critic's score with respect to interpolated data. + """ + + # Mix real and fake cells together + interpolates = real * epsilon + fake * (1 - epsilon) + + # Calculate the critic's scores on the mixed data + critic_interpolates = self.crit(interpolates, labels) + + # Take the gradient of the scores with respect to the data + gradient = torch.autograd.grad( + inputs=interpolates, + outputs=critic_interpolates, + grad_outputs=torch.ones_like(critic_interpolates), + create_graph=True, + retain_graph=True, + )[0] + return gradient
+ + +
+[docs] + def generate_cells( + self, + cells_no: int, + checkpoint: typing.Optional[typing.Union[str, bytes, os.PathLike, None]] = None, + class_: typing.Optional[typing.Union[int, None]] = None, + ) -> typing.Tuple[np.ndarray, np.ndarray]: + """ + Generate cells from the Conditional GAN model. + + Parameters + ---------- + cells_no : int + Number of cells to generate. + checkpoint : typing.Optional[typing.Union[str, bytes, os.PathLike, None]], optional + Path to the saved trained model, by default None. + class_: typing.Optional[typing.Union[int, None]] = None + Class of the cells to generate. If None, cells with the same ratio per class + will be generated. + + Returns + ------- + typing.Tuple[np.ndarray, np.ndarray] + Gene expression matrix of generated cells and their corresponding class labels. + """ + if checkpoint is not None: + self._load(checkpoint) + + batch_no = int(np.ceil(cells_no / self.batch_size)) + + fake_cells = [] + fake_labels = [] + for _ in range(batch_no): + noise = self._generate_noise(self.batch_size, self.latent_dim, self.device) + if class_ is None: + labels = self._sample_pseudo_labels( + self.batch_size, self.label_ratios + ).to(self.device) + else: + label_ratios = torch.zeros(self.num_classes).to(self.device) + label_ratios[class_] = 0.99 + labels = self._sample_pseudo_labels(self.batch_size, label_ratios).to( + self.device + ) + fake_cells.append(self.gen(noise, labels).cpu().detach().numpy()) + fake_labels.append(labels.cpu().detach().numpy()) + + return ( + np.concatenate(fake_cells)[:cells_no], + np.concatenate(fake_labels)[:cells_no], + )
+ + +
+[docs] + def _build_model(self) -> None: + """Initializes the Generator and Critic.""" + self.gen = ConditionalGenerator( + self.latent_dim, + self.genes_no, + self.num_classes, + self.gen_layers, + self.library_size, + ).to(self.device) + + self.crit = ConditionalCritic( + self.genes_no, self.critic_layers, self.num_classes + ).to(self.device)
+ + +
+[docs] + def _train_critic( + self, real_cells, real_labels, c_lambda + ) -> typing.Tuple[torch.Tensor, torch.Tensor]: + """ + Trains the critic for one iteration. + + Parameters + ---------- + real_cells : torch.Tensor + Tensor containing a batch of real cells. + real_labels : torch.Tensor + Tensor containing a batch of real labels (corresponding to real_cells). + c_lambda : float + Regularization hyper-parameter for gradient penalty. + + Returns + ------- + typing.Tuple[torch.Tensor, torch.Tensor] + The computed critic loss and gradient penalty. + """ + self.crit_opt.zero_grad() + + fake_noise = self._generate_noise(self.batch_size, self.latent_dim, self.device) + fake = self.gen(fake_noise, real_labels) + + crit_fake_pred = self.crit(fake.detach(), real_labels) + crit_real_pred = self.crit(real_cells, real_labels) + + epsilon = torch.rand(len(real_cells), 1, device=self.device, requires_grad=True) + + gradient = self._get_gradient(real_cells, fake.detach(), epsilon, real_labels) + gp = self._gradient_penalty(gradient) + + crit_loss = self._critic_loss(crit_fake_pred, crit_real_pred, gp, c_lambda) + + # Update gradients + crit_loss.backward(retain_graph=True) + + # Update optimizer + self.crit_opt.step() + + return crit_loss, gp
+ + +
+[docs] + def _train_generator(self) -> torch.Tensor: + """ + Trains the generator for one iteration. + + Returns + ------- + torch.Tensor + Tensor containing only 1 item, the generator loss. + """ + self.gen_opt.zero_grad() + + fake_noise = self._generate_noise( + self.batch_size, self.latent_dim, device=self.device + ) + + fake_labels = self._sample_pseudo_labels(self.batch_size, self.label_ratios).to( + self.device + ) + + fake = self.gen(fake_noise, fake_labels) + crit_fake_pred = self.crit(fake, fake_labels) + + gen_loss = self._generator_loss(crit_fake_pred) + gen_loss.backward() + + # Update weights + self.gen_opt.step() + + return gen_loss
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/gans/gan.html b/docs/_build/_modules/gans/gan.html new file mode 100644 index 0000000..2ff0f8d --- /dev/null +++ b/docs/_build/_modules/gans/gan.html @@ -0,0 +1,1211 @@ + + + + + + + + + + gans.gan — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for gans.gan

+import os
+import typing
+
+import matplotlib.pyplot as plt
+import numpy as np
+import torch
+from networks.critic import Critic
+from networks.generator import Generator
+from sc_dataset import get_loader
+from sklearn.manifold import TSNE
+from torch.optim.lr_scheduler import ExponentialLR
+from torch.utils.data.dataloader import DataLoader
+from torch.utils.tensorboard import SummaryWriter
+
+
+
+[docs] +class GAN: +
+[docs] + def __init__( + self, + genes_no: int, + batch_size: int, + latent_dim: int, + gen_layers: typing.List[int], + crit_layers: typing.List[int], + device: typing.Optional[str] = "cuda" if torch.cuda.is_available() else "cpu", + library_size: typing.Optional[int] = 20000, + ) -> None: + """ + Non-conditional single-cell RNA-seq GAN. + + Parameters + ---------- + genes_no : int + Number of genes in the dataset. + batch_size : int + Training batch size. + latent_dim : int + Dimension of the latent space from which the noise vector is sampled. + gen_layers : typing.List[int] + List of integers corresponding to the number of neurons of each generator layer. + crit_layers : typing.List[int] + List of integers corresponding to the number of neurons of each critic layer. + device : typing.Optional[str], optional + Specifies to train on 'cpu' or 'cuda'. Only 'cuda' is supported for training the + GAN but 'cpu' can be used for inference, by default "cuda" if torch.cuda.is_available() else"cpu". + library_size : typing.Optional[int], optional + Total number of counts per generated cell, by default 20000. + """ + torch.cuda.empty_cache() + + self.genes_no = genes_no + self.batch_size = batch_size + self.latent_dim = latent_dim + self.gen_layers = gen_layers + self.critic_layers = crit_layers + self.device = device + self.library_size = library_size + + self.gen = None + self.crit = None + self._build_model() + + self.step = 0 + self.gen_opt = None + self.crit_opt = None + self.gen_lr_scheduler = None + self.crit_lr_scheduler = None
+ + +
+[docs] + @staticmethod + def _generate_noise(batch_size: int, latent_dim: int, device: str) -> torch.Tensor: + """ + Function for creating noise vectors: Given the dimensions (batch_size, latent_dim). + + Parameters + ---------- + batch_size : int + The number of samples to generate (normally equal to training batch size). + latent_dim : int + Dimension of the latent space to sample from. + device : str + The device type. + + Returns + ------- + torch.Tensor + A tensor filled with random numbers from the standard normal distribution. + """ + return torch.randn(batch_size, latent_dim, device=device)
+ + +
+[docs] + @staticmethod + def _set_exponential_lr( + optimizer: torch.optim.Optimizer, + alpha_0: float, + alpha_final: float, + max_steps: int, + ) -> ExponentialLR: + """ + Sets up exponentially decaying learning rate scheduler to be used + with the optimizer. + + Parameters + ---------- + optimizer : torch.optim.Optimizer + Optimizer for which to create an exponential learning rate scheduler. + alpha_0 : float + Initial learning rate. + alpha_final : float + Final learning rate. + max_steps : int + Total number of training steps. When current_step=max_steps, alpha_final + will be set as the learning rate. + + Returns + ------- + ExponentialLR + Exponential learning rate scheduler. Call the step() function on this + scheduler in the training loop. + """ + + # Find the decay rate of the exponential learning rate + decay_rate = (alpha_final / alpha_0) ** (1 / max_steps) + return ExponentialLR(optimizer=optimizer, gamma=decay_rate)
+ + +
+[docs] + @staticmethod + def _critic_loss( + crit_fake_pred: torch.Tensor, + crit_real_pred: torch.Tensor, + gp: torch.Tensor, + c_lambda: float, + ) -> torch.Tensor: + """ + Compute critic's loss given the its scores on real and fake cells, + the gradient penalty, and gradient penalty regularization hyper-parameter. + + Parameters + ---------- + crit_fake_pred : torch.Tensor + Critic's score on fake cells. + crit_real_pred : torch.Tensor + Critic's score on real cells. + gp : torch.Tensor + Unweighted gradient penalty + c_lambda : float + Regularization hyper-parameter to be used with the gradient penalty + in the WGAN loss. + + Returns + ------- + torch.Tensor + Critic's loss for the current batch. + """ + return torch.mean(crit_fake_pred) - torch.mean(crit_real_pred) + c_lambda * gp
+ + +
+[docs] + @staticmethod + def _generator_loss(crit_fake_pred: torch.Tensor) -> torch.Tensor: + """ + Compute the generator loss from the critic's score of the generated cells. + + Parameters + ---------- + crit_fake_pred : torch.Tensor + The critic's score on fake generated cells. + + Returns + ------- + torch.Tensor + Generator's loss value for the current batch. + """ + return -1.0 * torch.mean(crit_fake_pred)
+ + +
+[docs] + def _get_gradient( + self, + real: torch.Tensor, + fake: torch.Tensor, + epsilon: torch.Tensor, + *args, + **kwargs, + ) -> torch.Tensor: + """ + Compute the gradient of the critic's scores with respect to interpolations + of real and fake cells. + + Parameters + ---------- + real : torch.Tensor + A batch of real cells. + fake : torch.Tensor + A batch of fake cells. + epsilon : torch.Tensor + A vector of the uniformly random proportions of real/fake per interpolated cells. + + Returns + ------- + torch.Tensor + Gradient of the critic's score with respect to interpolated data. + """ + + # Mix real and fake cells together + interpolates = real * epsilon + fake * (1 - epsilon) + + # Calculate the critic's scores on the mixed data + critic_interpolates = self.crit(interpolates) + + # Take the gradient of the scores with respect to the data + gradient = torch.autograd.grad( + inputs=interpolates, + outputs=critic_interpolates, + grad_outputs=torch.ones_like(critic_interpolates), + create_graph=True, + retain_graph=True, + )[0] + return gradient
+ + +
+[docs] + @staticmethod + def _gradient_penalty(gradient: torch.Tensor) -> torch.Tensor: + """ + Compute the gradient penalty given a gradient. + + Parameters + ---------- + gradient : torch.Tensor + The gradient of the critic's score with respect to + the interpolated data. + + Returns + ------- + torch.Tensor + Gradient penalty of the given gradient. + """ + gradient = gradient.view(len(gradient), -1) + gradient_norm = gradient.norm(2, dim=1) + + return torch.mean((gradient_norm - 1) ** 2)
+ + +
+[docs] + def generate_cells( + self, + cells_no: int, + checkpoint: typing.Optional[typing.Union[str, bytes, os.PathLike, None]] = None, + ) -> np.ndarray: + """ + Generate cells from the GAN model. + + Parameters + ---------- + cells_no : int + Number of cells to generate. + checkpoint : typing.Optional[typing.Union[str, bytes, os.PathLike, None]], optional + Path to the saved trained model, by default None. + + Returns + ------- + np.ndarray + Gene expression matrix of generated cells. + """ + if checkpoint is not None: + self._load(checkpoint) + + # find how many batches to generate + batch_no = int(np.ceil(cells_no / self.batch_size)) + + fake_cells = [] + for _ in range(batch_no): + noise = self._generate_noise(self.batch_size, self.latent_dim, self.device) + fake_cells.append(self.gen(noise).cpu().detach().numpy()) + + return np.concatenate(fake_cells)[:cells_no]
+ + +
+[docs] + def _save(self, path: typing.Union[str, bytes, os.PathLike]) -> None: + """ + Saves the model. + + Parameters + ---------- + path : typing.Union[str, bytes, os.PathLike] + Directory to save the model. + """ + output_dir = path + "/checkpoints" + if not os.path.isdir(output_dir): + os.makedirs(output_dir) + + torch.save( + { + "step": self.step, + "generator_state_dict": self.gen.module.state_dict(), + "critic_state_dict": self.crit.module.state_dict(), + "generator_optimizer_state_dict": self.gen_opt.state_dict(), + "critic_optimizer_state_dict": self.crit_opt.state_dict(), + "generator_lr_scheduler": self.gen_lr_scheduler.state_dict(), + "critic_lr_scheduler": self.crit_lr_scheduler.state_dict(), + }, + f"{path}/checkpoints/step_{self.step}.pth", + )
+ + +
+[docs] + def _load( + self, + path: typing.Union[str, bytes, os.PathLike], + mode: typing.Optional[str] = "inference", + ) -> None: + """ + Loads a saved model (.pth file). + + Parameters + ---------- + path : typing.Union[str, bytes, os.PathLike] + Path to the saved model. + mode : typing.Optional[str], optional + Specify if the loaded model is used for 'inference' or 'training', by default "inference". + + Raises + ------ + ValueError + If a mode other than 'inference' or 'training' is specified. + """ + + checkpoint = torch.load(path, map_location=torch.device(self.device)) + + self.gen.load_state_dict(checkpoint["generator_state_dict"]) + self.crit.load_state_dict(checkpoint["critic_state_dict"]) + + if mode == "inference": + self.gen.eval() + self.crit.eval() + + elif mode == "training": + self.gen.train() + self.crit.train() + + self.step = checkpoint["step"] + 1 + self.gen_opt.load_state_dict(checkpoint["generator_optimizer_state_dict"]) + self.crit_opt.load_state_dict(checkpoint["critic_optimizer_state_dict"]) + self.gen_lr_scheduler.load_state_dict(checkpoint["generator_lr_scheduler"]) + self.crit_lr_scheduler.load_state_dict(checkpoint["critic_lr_scheduler"]) + + else: + raise ValueError("mode should be 'inference' or 'training'")
+ + +
+[docs] + def _build_model(self) -> None: + """Instantiates the Generator and Critic.""" + self.gen = Generator( + self.latent_dim, self.genes_no, self.gen_layers, self.library_size + ).to(self.device) + self.crit = Critic(self.genes_no, self.critic_layers).to(self.device)
+ + +
+[docs] + def _get_loaders( + self, + train_file: typing.Union[str, bytes, os.PathLike], + validation_file: typing.Union[str, bytes, os.PathLike], + ) -> typing.Tuple[DataLoader, DataLoader]: + """ + Gets training and validation DataLoaders for training. + + Parameters + ---------- + train_file : typing.Union[str, bytes, os.PathLike] + Path to training files. + validation_file : typing.Union[str, bytes, os.PathLike] + Path to validation files. + + Returns + ------- + typing.Tuple[DataLoader, DataLoader] + Train and Validation Dataloaders. + """ + return get_loader(train_file, self.batch_size), get_loader(validation_file)
+ + +
+[docs] + def _add_tensorboard_graph( + self, + output_dir: typing.Union[str, bytes, os.PathLike], + gen_data: typing.Union[torch.Tensor, typing.Tuple[torch.Tensor]], + crit_data: typing.Union[torch.Tensor, typing.Tuple[torch.Tensor]], + ) -> None: + """ + Adds the model graph to TensorBoard. + + Parameters + ---------- + output_dir : typing.Union[str, bytes, os.PathLike] + Directory to save the tfevents. + gen_data : typing.Union[torch.Tensor, typing.Tuple[torch.Tensor]] + Input to the generator. + crit_data : typing.Union[torch.Tensor, typing.Tuple[torch.Tensor]] + Input to the critic. + """ + with SummaryWriter(f"{output_dir}/TensorBoard/model/generator") as w: + w.add_graph(self.gen.module, gen_data) + with SummaryWriter(f"{output_dir}/TensorBoard/model/critic") as w: + w.add_graph(self.crit.module, crit_data)
+ + +
+[docs] + def _update_tensorboard( + self, + gen_loss: float, + crit_loss: float, + gp: torch.Tensor, + gen_lr: float, + crit_lr: float, + output_dir: typing.Union[str, bytes, os.PathLike], + ) -> None: + """ + Updates the TensorBoard summary logs. + + Parameters + ---------- + gen_loss : float + Generator loss. + crit_loss : float + Critic loss. + gp : torch.Tensor + Gradient penalty. + gen_lr : float + Generator's optimizer learning rate. + crit_lr : float + Critic's optimizer learning rate. + output_dir : typing.Union[str, bytes, os.PathLike] + Directory to save the tfevents. + """ + + with SummaryWriter(f"{output_dir}/TensorBoard/generator") as w: + w.add_scalar("loss", gen_loss, self.step) + + with SummaryWriter(f"{output_dir}/TensorBoard/critic") as w: + w.add_scalar("loss", crit_loss, self.step) + + with SummaryWriter(f"{output_dir}/TensorBoard/gp") as w: + w.add_scalar("gradient penalty", gp, self.step) + + with SummaryWriter(f"{output_dir}/TensorBoard/generator_lr") as w: + w.add_scalar("learning rate", gen_lr, self.step) + + with SummaryWriter(f"{output_dir}/TensorBoard/critic_lr") as w: + w.add_scalar("learning rate", crit_lr, self.step)
+ + +
+[docs] + def _generate_tsne_plot( + self, + valid_loader: DataLoader, + output_dir: typing.Union[str, bytes, os.PathLike], + ) -> None: + """ + Generates t-SNE plots during training. + + Parameters + ---------- + valid_loader : DataLoader + Validation set DataLoader. + output_dir : typing.Union[str, bytes, os.PathLike] + Directory to save the t-SNE plots. + """ + tsne_path = output_dir + "/TSNE" + if not os.path.isdir(tsne_path): + os.makedirs(tsne_path) + + fake_cells = self.generate_cells(len(valid_loader.dataset)) + valid_cells, _ = next(iter(valid_loader)) + + embedded_cells = TSNE().fit_transform( + np.concatenate((valid_cells, fake_cells), axis=0) + ) + + real_embedding = embedded_cells[0 : valid_cells.shape[0], :] + fake_embedding = embedded_cells[valid_cells.shape[0] :, :] + + plt.clf() + fig = plt.figure() + + plt.scatter( + real_embedding[:, 0], + real_embedding[:, 1], + c="blue", + label="real", + alpha=0.5, + ) + + plt.scatter( + fake_embedding[:, 0], + fake_embedding[:, 1], + c="red", + label="fake", + alpha=0.5, + ) + + plt.grid(True) + plt.legend( + loc="lower left", numpoints=1, ncol=2, fontsize=8, bbox_to_anchor=(0, 0) + ) + + plt.savefig(tsne_path + "/step_" + str(self.step) + ".jpg") + + with SummaryWriter(f"{output_dir}/TensorBoard/TSNE") as w: + w.add_figure("t-SNE plot", fig, self.step) + + plt.close()
+ + +
+[docs] + def _train_critic( + self, real_cells: torch.Tensor, real_labels: torch.Tensor, c_lambda: float + ) -> typing.Tuple[torch.Tensor, torch.Tensor]: + """ + Trains the critic for one iteration. + + Parameters + ---------- + real_cells : torch.Tensor + Tensor containing a batch of real cells. + real_labels : torch.Tensor + Tensor containing a batch of real labels (corresponding to real_cells). + c_lambda : float + Regularization hyper-parameter for gradient penalty. + + Returns + ------- + typing.Tuple[torch.Tensor, torch.Tensor] + The computed critic loss and gradient penalty. + """ + self.crit_opt.zero_grad() + + fake_noise = self._generate_noise(self.batch_size, self.latent_dim, self.device) + fake = self.gen(fake_noise) + + crit_fake_pred = self.crit(fake.detach()) + crit_real_pred = self.crit(real_cells) + + epsilon = torch.rand(len(real_cells), 1, device=self.device, requires_grad=True) + + gradient = self._get_gradient(real_cells, fake.detach(), epsilon) + gp = self._gradient_penalty(gradient) + + crit_loss = self._critic_loss(crit_fake_pred, crit_real_pred, gp, c_lambda) + + # Update gradients + crit_loss.backward(retain_graph=True) + + # Update optimizer + self.crit_opt.step() + + return crit_loss, gp
+ + +
+[docs] + def _train_generator(self) -> torch.Tensor: + """ + Trains the generator for one iteration. + + Returns + ------- + torch.Tensor + Tensor containing only 1 item, the generator loss. + """ + self.gen_opt.zero_grad() + + fake_noise = self._generate_noise( + self.batch_size, self.latent_dim, device=self.device + ) + + fake = self.gen(fake_noise) + crit_fake_pred = self.crit(fake) + + gen_loss = self._generator_loss(crit_fake_pred) + gen_loss.backward() + + # Update weights + self.gen_opt.step() + + return gen_loss
+ + +
+[docs] + def train( + self, + train_files: str, + valid_files: str, + critic_iter: int, + max_steps: int, + c_lambda: float, + beta1: float, + beta2: float, + gen_alpha_0: float, + gen_alpha_final: float, + crit_alpha_0: float, + crit_alpha_final: float, + checkpoint: typing.Optional[typing.Union[str, bytes, os.PathLike, None]] = None, + output_dir: typing.Optional[str] = "output", + summary_freq: typing.Optional[int] = 5000, + plt_freq: typing.Optional[int] = 10000, + save_feq: typing.Optional[int] = 10000, + ) -> None: + """ + Method for training the GAN. + + Parameters + ---------- + train_files : str + Path to training set files (TFrecords supported for now). + valid_files : str + Path to validation set files (TFrecords supported for now). + critic_iter : int + Number of training iterations of the critic for each iteration on the generator. + max_steps : int + Maximum number of steps to train the GAN. + c_lambda : float + Regularization hyper-parameter for gradient penalty. + beta1 : float + Coefficients used for computing running averages of gradient in the optimizer. + beta2 : float + Coefficient used for computing running averages of gradient squares in the optimizer. + gen_alpha_0 : float + Generator's initial learning rate value. + gen_alpha_final : float + Generator's final learning rate value. + crit_alpha_0 : float + Critic's initial learning rate value. + crit_alpha_final : float + Critic's final learning rate value. + checkpoint : typing.Optional[typing.Union[str, bytes, os.PathLike, None]], optional + Path to a trained model; if specified, the checkpoint is be used to resume training, by default None. + output_dir : typing.Optional[str], optional + Directory to which plots, tfevents, and checkpoints will be saved, by default "output". + summary_freq : typing.Optional[int], optional + Period between summary logs to TensorBoard, by default 5000. + plt_freq : typing.Optional[int], optional + Period between t-SNE plots, by default 10000. + save_feq : typing.Optional[int], optional + Period between saves of the model, by default 10000. + """ + + def should_run(freq): + return freq > 0 and self.step % freq == 0 and self.step > 0 + + loader, valid_loader = self._get_loaders(train_files, valid_files) + loader_gen = iter(loader) + + # Instantiate optimizers + self.gen_opt = torch.optim.AdamW( + filter(lambda p: p.requires_grad, self.gen.parameters()), + lr=gen_alpha_0, + betas=(beta1, beta2), + amsgrad=True, + ) + + self.crit_opt = torch.optim.AdamW( + self.crit.parameters(), + lr=crit_alpha_0, + betas=(beta1, beta2), + amsgrad=True, + ) + + # Exponential Learning Rate + self.gen_lr_scheduler = self._set_exponential_lr( + self.gen_opt, gen_alpha_0, gen_alpha_final, max_steps + ) + self.crit_lr_scheduler = self._set_exponential_lr( + self.crit_opt, crit_alpha_0, crit_alpha_final, max_steps + ) + + if checkpoint is not None: + self._load(checkpoint, mode="training") + + self.gen.train() + self.crit.train() + + # We only accept training on GPU since training on CPU is impractical. + self.device = "cuda" + self.gen = torch.nn.DataParallel(self.gen) + self.crit = torch.nn.DataParallel(self.crit) + + # Main training loop + generator_losses, critic_losses = [], [] + while self.step <= max_steps: + try: + real_cells, real_labels = next(loader_gen) + except StopIteration: + loader_gen = iter(loader) + real_cells, real_labels = next(loader_gen) + + real_cells = real_cells.to(self.device) + real_labels = real_labels.flatten().to(self.device) + + if self.step != 0: + mean_iter_crit_loss = 0 + for _ in range(critic_iter): + crit_loss, gp = self._train_critic( + real_cells, real_labels, c_lambda + ) + mean_iter_crit_loss += crit_loss.item() / critic_iter + + critic_losses += [mean_iter_crit_loss] + + # Update learning rate + self.crit_lr_scheduler.step() + + gen_loss = self._train_generator() + self.gen_lr_scheduler.step() + + generator_losses += [gen_loss.item()] + + # Log and visualize progress + if should_run(summary_freq): + gen_mean = sum(generator_losses[-summary_freq:]) / summary_freq + crit_mean = sum(critic_losses[-summary_freq:]) / summary_freq + + # if self.step == summary_freq: + # self._add_tensorboard_graph(output_dir, fake_noise, fake) + + self._update_tensorboard( + gen_mean, + crit_mean, + gp, + self.gen_lr_scheduler.get_last_lr()[0], + self.crit_lr_scheduler.get_last_lr()[0], + output_dir, + ) + + if should_run(plt_freq): + self._generate_tsne_plot(valid_loader, output_dir) + + if should_run(save_feq): + self._save(output_dir) + print("done training step", self.step, flush=True) + self.step += 1
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/index.html b/docs/_build/_modules/index.html new file mode 100644 index 0000000..bc3d778 --- /dev/null +++ b/docs/_build/_modules/index.html @@ -0,0 +1,462 @@ + + + + + + + + + + Overview: module code — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + + + + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/layers/cbn.html b/docs/_build/_modules/layers/cbn.html new file mode 100644 index 0000000..8ffa088 --- /dev/null +++ b/docs/_build/_modules/layers/cbn.html @@ -0,0 +1,504 @@ + + + + + + + + + + layers.cbn — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for layers.cbn

+import torch
+from torch import nn
+
+
+
+[docs] +class ConditionalBatchNorm(nn.Module): +
+[docs] + def __init__(self, num_features: int, num_classes: int) -> None: + """ + 1D Conditional batch normalization (CBN) layer (Dumoulin et al., + 2016; De Vries et al.,2017). + + Parameters + ---------- + num_features : int + Number of input features. + num_classes : int + Number of classes (i.e., distinct labels). + """ + super().__init__() + self.num_features = num_features + + # regular batch norm without learnable parameters + self._batch_norm = nn.BatchNorm1d(num_features, affine=False) + + self._embed = nn.Embedding(num_classes, num_features * 2) + # Initialise scale at N(1, 0.02) + self._embed.weight.data[:, :num_features].normal_(1, 0.02) + # Initialise shift at 0 + self._embed.weight.data[:, num_features:].zero_()
+ + +
+[docs] + def forward(self, x: torch.Tensor, y: torch.Tensor) -> torch.Tensor: + """ + Perform CBN given a batch of labels. + + Parameters + ---------- + x : torch.Tensor + Tensor on which to perform CBN. + y : torch.Tensor + A batch of labels. + + Returns + ------- + torch.Tensor + Conditionally batch normalized input. + """ + out = self._batch_norm(x) + + # separate weight and bias from the embedding + scale, shift = self._embed(y).chunk(2, 1) + + # shift and scale activations based on labels y provided + return scale * out + shift
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/layers/lsn.html b/docs/_build/_modules/layers/lsn.html new file mode 100644 index 0000000..03b6dd9 --- /dev/null +++ b/docs/_build/_modules/layers/lsn.html @@ -0,0 +1,516 @@ + + + + + + + + + + layers.lsn — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for layers.lsn

+import typing
+
+import torch
+from torch import nn
+
+
+
+[docs] +class LSN(nn.Module): +
+[docs] + def __init__( + self, + library_size: int, + device: typing.Optional[str] = "cuda" if torch.cuda.is_available() else "cpu", + ) -> None: + """ + Library size normalization (LSN) layer. + + Parameters + ---------- + library_size : int + Total number of counts per generated cell. + device : typing.Optional[str], optional + Specifies to train on 'cpu' or 'cuda'. Only 'cuda' is supported for training the + GAN but 'cpu' can be used for inference, by default "cuda" if torch.cuda.is_available() else"cpu". + + """ + super().__init__() + self.library_size = library_size + self.device = device + self.scale = None
+ + +
+[docs] + def forward( + self, in_: torch.Tensor, reuse_scale: typing.Optional[bool] = False + ) -> torch.Tensor: + """ + Function for completing a forward pass of the LSN layer. + + Parameters + ---------- + in_ : torch.Tensor + Tensor containing gene expression of cells. + reuse_scale : typing.Optional[bool], optional + If set to true, the LSN layer will scale the cells by + the same scale as the previous batch. Useful for performing + perturbation studies. By default False + + Returns + ------- + torch.Tensor + Gene expression of cells after library size normalization. + """ + gammas = torch.ones(in_.shape[0]).to(self.device) * self.library_size + sigmas = torch.sum(in_, 1) + scale = torch.div(gammas, sigmas) + + if reuse_scale: + if self.scale is not None: + scale = self.scale # use previously set scale if not first pass through the frozen LSN layer + else: + self.scale = scale # if first pass through the frozen LSN layer + else: + self.scale = None # unfreeze LSN scale if set + + return torch.nan_to_num( + torch.transpose(torch.transpose(in_, 0, 1) * scale, 0, 1), nan=0.0 + ) # possible NaN if all genes are zero-expressed - NaNs are thus replaced with zeros
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/layers/masked_linear.html b/docs/_build/_modules/layers/masked_linear.html new file mode 100644 index 0000000..832a55e --- /dev/null +++ b/docs/_build/_modules/layers/masked_linear.html @@ -0,0 +1,613 @@ + + + + + + + + + + layers.masked_linear — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for layers.masked_linear

+import math
+import typing
+
+import torch
+import torch.nn as nn
+
+
+
+[docs] +class MaskedLinearFunction(torch.autograd.Function): + """ + autograd function which masks its weights by 'mask'. + """ + +
+[docs] + @staticmethod + def forward( + ctx: torch.Tensor, + input: torch.Tensor, + weight: torch.Tensor, + bias: torch.Tensor = None, + mask: torch.Tensor = None, + ) -> torch.Tensor: + if mask is not None: + weight = weight * mask + output = input.mm(weight.t()) + if bias is not None: + output += bias.unsqueeze(0).expand_as(output) + ctx.save_for_backward(input, weight, bias, mask) + return output
+ + +
+[docs] + @staticmethod + def backward(ctx: torch.Tensor, grad_output: torch.Tensor): + input, weight, bias, mask = ctx.saved_tensors + grad_input = grad_weight = grad_bias = grad_mask = None + + if ctx.needs_input_grad[0]: + grad_input = grad_output.mm(weight) + if ctx.needs_input_grad[1]: + grad_weight = grad_output.t().mm(input) + if mask is not None: + # change grad_weight to 0 where mask == 0 + grad_weight = grad_weight * mask + # if bias is not None and ctx.needs_input_grad[2]: + if ctx.needs_input_grad[2]: + grad_bias = grad_output.sum(0).squeeze(0) + + return grad_input, grad_weight, grad_bias, grad_mask
+
+ + + +
+[docs] +class MaskedLinear(nn.Module): +
+[docs] + def __init__( + self, + mask: torch.Tensor, + bias: bool = True, + device: typing.Optional[str] = "cuda" if torch.cuda.is_available() else "cpu", + ): + """ + An extension of Pytorch's linear module based on the following thread: + https://discuss.pytorch.org/t/custom-connections-in-neural-network-layers/3027/13 + + Parameters + ---------- + mask : torch.Tensor + Mask Tensor with shape (n_input_feature, n_output_feature). + the elements are 0 or 1 which declare un-connected or + connected. + + Example: the following mask declares a 4-dim from-layer and 3-dim to-layer. + Neurons 0, 2, and 3 of the from-layer are connected to neurons 0 and 2 of + the to-layer. Neuron 1 of the from-layer is connected to neuron 1 of the + to-layer. + + mask = torch.tensor( + [[1, 0, 1], + [0, 1, 0], + [1, 0, 1], + [1, 0, 1],] + ) + + bias : bool, optional + By default True + + device : typing.Optional[str], optional + Specifies to train on 'cpu' or 'cuda'. Only 'cuda' is supported for training the + GAN but 'cpu' can be used for inference, by default "cuda" if torch.cuda.is_available() else"cpu". + """ + super(MaskedLinear, self).__init__() + self.input_features = mask.shape[0] + self.output_features = mask.shape[1] + self.device = device + + if isinstance(mask, torch.Tensor): + self.mask = mask.type(torch.float).t() + else: + self.mask = torch.tensor(mask, dtype=torch.float).t() + + self.mask = nn.Parameter(self.mask, requires_grad=False) + + self.weight = nn.Parameter( + torch.Tensor(self.output_features, self.input_features).to(self.device) + ) + + if bias: + self.bias = nn.Parameter(torch.Tensor(self.output_features).to(self.device)) + else: + self.register_parameter("bias", None) + self.reset_parameters() + + # mask weight + self.weight.data = self.weight.data * self.mask
+ + +
+[docs] + def reapply_mask(self): + """Function to be called after weights have been initialized + (e.g., using torch.nn.init) to reapply mask to weight.""" + # mask weight + self.weight.data = self.weight.data * self.mask
+ + +
+[docs] + def reset_parameters(self): + stdv = 1.0 / math.sqrt(self.weight.size(1)) + self.weight.data.uniform_(-stdv, stdv) + if self.bias is not None: + self.bias.data.uniform_(-stdv, stdv)
+ + +
+[docs] + def forward(self, input: torch.Tensor): + return MaskedLinearFunction.apply(input, self.weight, self.bias, self.mask)
+ + +
+[docs] + def extra_repr(self): + return "input_features={}, output_features={}, bias={}".format( + self.input_features, self.output_features, self.bias is not None + )
+
+ + + +if __name__ == "check grad": + from torch.autograd import gradcheck + + customlinear = MaskedLinearFunction.apply + + input = ( + torch.randn(20, 20, dtype=torch.double, requires_grad=True), + torch.randn(30, 20, dtype=torch.double, requires_grad=True), + None, + None, + ) + test = gradcheck(customlinear, input, eps=1e-6, atol=1e-4) + print(test) +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/networks/critic.html b/docs/_build/_modules/networks/critic.html new file mode 100644 index 0000000..cb13fd7 --- /dev/null +++ b/docs/_build/_modules/networks/critic.html @@ -0,0 +1,715 @@ + + + + + + + + + + networks.critic — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for networks.critic

+import typing
+
+import torch
+from torch import nn
+
+
+
+[docs] +class Critic(nn.Module): +
+[docs] + def __init__(self, x_input: int, critic_layers: typing.List[int]) -> None: + """ + Non-conditional Critic's constructor. + + Parameters + ---------- + x_input : int + The dimension of the input tensor. + critic_layers : typing.List[int] + List of integers corresponding to the number of neurons + at each hidden layer of the critic. + """ + super(Critic, self).__init__() + + self.x_input = x_input + self.critic_layers = critic_layers + + self._create_critic()
+ + +
+[docs] + def forward(self, data: torch.Tensor, *args, **kwargs) -> torch.Tensor: + """ + Function for completing a forward pass of the critic. + + Parameters + ---------- + data : torch.Tensor + Tensor containing gene expression of (fake/real) cells. + *args + Variable length argument list. + **kwargs + Arbitrary keyword arguments. + + Returns + ------- + torch.Tensor + 1-dimensional tensor representing fake/real cells. + """ + return self._critic(data)
+ + +
+[docs] + def _create_critic(self) -> None: + """Method for creating the Critic's network.""" + layers = [] + input_size = self.x_input + for output_size in self.critic_layers: + layers.append(self._create_critic_block(input_size, output_size)) + input_size = output_size # update input size for the next layer + + # outermost layer + layers.append(self._create_critic_block(input_size, 1, final_layer=True)) + self._critic = nn.Sequential(*layers)
+ + +
+[docs] + @staticmethod + def _create_critic_block( + input_dim: int, output_dim: int, final_layer: typing.Optional[bool] = False + ) -> nn.Sequential: + """ + Function for creating a sequence of operations corresponding to + a Critic block; a linear layer, and ReLU (except in the final block). + + Parameters + ---------- + input_dim : int + The block's input dimensions. + output_dim : int + The block's output dimensions. + final_layer : typing.Optional[bool], optional + Indicates if the block contains the final layer, by default False. + + Returns + ------- + nn.Sequential + Sequential container containing the modules. + """ + linear_layer = nn.Linear(input_dim, output_dim) + torch.nn.init.zeros_(linear_layer.bias) + if not final_layer: + torch.nn.init.kaiming_normal_( + linear_layer.weight, mode="fan_in", nonlinearity="relu" + ) + return nn.Sequential(linear_layer, nn.ReLU(inplace=True)) + # don't use an activation function at the + # outermost layer of the critic's network + else: + torch.nn.init.xavier_uniform_(linear_layer.weight) + return nn.Sequential(linear_layer)
+
+ + + +
+[docs] +class ConditionalCritic(Critic): +
+[docs] + def __init__( + self, x_input: int, critic_layers: typing.List[int], num_classes: int + ) -> None: + """ + Conditional Critic's constructor - Projection Discriminator (Miyato et al.,2018). + + Parameters + ---------- + x_input : int + The dimension of the input tensor. + critic_layers : typing.List[int] + List of integers corresponding to the number of neurons + at each hidden layer of the critic. + num_classes : int + Number of clusters. + """ + self.num_classes = num_classes + + super(ConditionalCritic, self).__init__(x_input, critic_layers)
+ + +
+[docs] + def forward( + self, data: torch.Tensor, labels: torch.Tensor = None, *args, **kwargs + ) -> torch.Tensor: + """ + Function for completing a forward pass of the conditional critic. + + Parameters + ---------- + data : torch.Tensor + Tensor containing gene expression of (fake/real) cells. + labels : torch.Tensor + Tensor containing labels corresponding to cells (data parameter). + *args + Variable length argument list. + **kwargs + Arbitrary keyword arguments. + + Returns + ------- + torch.Tensor + 1-dimensional tensor representing fake/real cells. + """ + y = data + for layer in self._critic[:-2]: + y = layer(y) + + output = self._critic[-2](y) + proj = self._critic[-1](labels) + output += torch.sum(proj * y, dim=1, keepdim=True) + return output
+ + +
+[docs] + def _create_critic(self) -> None: + """Method for creating the Conditional Critic's network.""" + self._critic = nn.ModuleList() + input_size = self.x_input + for output_size in self.critic_layers: + self._critic.append(self._create_critic_block(input_size, output_size)) + input_size = output_size # update input size for the next layer + + # outermost layer + self._critic.append(self._create_critic_block(input_size, 1, final_layer=True)) + + # projection layer + proj_layer = nn.Embedding(self.num_classes, input_size) + nn.init.xavier_uniform_(proj_layer.weight) + self._critic.append(proj_layer)
+
+ + + +
+[docs] +class ConditionalCriticProj(Critic): +
+[docs] + def __init__( + self, x_input: int, critic_layers: typing.List[int], num_classes: int + ) -> None: + """ + Conditional Critic's constructor using a modified implementation of + Projection Discriminator (Marouf et al, 2020). + + Parameters + ---------- + x_input : int + The dimension of the input tensor. + critic_layers : typing.List[int] + List of integers corresponding to the number of neurons + at each hidden layer of the critic. + num_classes : int + Number of clusters. + """ + self.num_classes = num_classes + + super(ConditionalCriticProj, self).__init__(x_input, critic_layers)
+ + +
+[docs] + def forward( + self, data: torch.Tensor, labels: torch.Tensor = None, *args, **kwargs + ) -> torch.Tensor: + """ + Function for completing a forward pass of the conditional critic. + + Parameters + ---------- + data : torch.Tensor + Tensor containing gene expression of (fake/real) cells. + labels : torch.Tensor + Tensor containing labels corresponding to cells (data parameter). + *args + Variable length argument list. + **kwargs + Arbitrary keyword arguments. + + Returns + ------- + torch.Tensor + 1-dimensional tensor representing fake/real cells. + """ + y = data + for layer in self._critic[:-2]: + y = layer(y) + + output = self._critic[-2](labels) + proj = self._critic[-1](labels) + output += torch.sum(proj * y, dim=1, keepdim=True) + return output
+ + +
+[docs] + def _create_critic(self) -> None: + """Method for creating the Conditional Critic's network.""" + self._critic = nn.ModuleList() + input_size = self.x_input + for output_size in self.critic_layers: + self._critic.append(self._create_critic_block(input_size, output_size)) + input_size = output_size # update input size for the next layer + + # bias layer (replaces the output linear layer) + proj_bias = nn.Embedding(self.num_classes, 1) + torch.nn.init.zeros_(proj_bias.weight) + self._critic.append(proj_bias) + + # projection layer + proj_layer = nn.Embedding(self.num_classes, input_size) + nn.init.xavier_uniform_(proj_layer.weight) + self._critic.append(proj_layer)
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/networks/generator.html b/docs/_build/_modules/networks/generator.html new file mode 100644 index 0000000..95b60fa --- /dev/null +++ b/docs/_build/_modules/networks/generator.html @@ -0,0 +1,750 @@ + + + + + + + + + + networks.generator — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for networks.generator

+import typing
+
+import torch
+from layers.cbn import ConditionalBatchNorm
+from layers.lsn import LSN
+from torch import nn
+from torch.nn.modules.activation import ReLU
+
+
+
+[docs] +class Generator(nn.Module): +
+[docs] + def __init__( + self, + z_input: int, + output_cells_dim: int, + gen_layers: typing.List[int], + library_size: typing.Optional[typing.Union[int, None]] = None, + ) -> None: + """ + Non-conditional Generator's constructor. + + Parameters + ---------- + z_input : int + The dimension of the noise tensor. + output_cells_dim : int + The dimension of the output cells (number of genes). + gen_layers : typing.List[int] + List of integers corresponding to the number of neurons + at each hidden layer of the generator. + library_size : typing.Optional[typing.Union[int, None]] + Total number of counts per generated cell. + """ + super(Generator, self).__init__() + + self.z_input = z_input + self.output_cells_dim = output_cells_dim + self.gen_layers = gen_layers + self.library_size = library_size + + self._create_generator()
+ + +
+[docs] + def forward(self, noise: torch.Tensor, *args, **kwargs) -> torch.Tensor: + """ + Function for completing a forward pass of the generator. + + Parameters + ---------- + noise : torch.Tensor + The noise used as input by the generator. + *args + Variable length argument list. + **kwargs + Arbitrary keyword arguments. + + Returns + ------- + torch.Tensor + The output of the generator (genes of the generated cell). + """ + return self._generator(noise)
+ + +
+[docs] + def _create_generator(self) -> None: + """Method for creating the Generator's network.""" + layers = [] + input_size = self.z_input + for output_size in self.gen_layers: + layers.append(self._create_generator_block(input_size, output_size)) + input_size = output_size # update input size for the next layer + + # outermost layer + layers.append( + self._create_generator_block( + input_size, self.output_cells_dim, self.library_size, final_layer=True + ) + ) + + self._generator = nn.Sequential(*layers)
+ + +
+[docs] + @staticmethod + def _create_generator_block( + input_dim: int, + output_dim: int, + library_size: typing.Optional[typing.Union[int, None]] = None, + final_layer: typing.Optional[bool] = False, + *args, + **kwargs + ) -> nn.Sequential: + """ + Function for creating a sequence of operations corresponding to + a Generator block; a linear layer, a batchnorm (except in the final block), + a ReLU, and LSN in the final layer. + + Parameters + ---------- + input_dim : int + The block's input dimensions. + output_dim : int + The block's output dimensions. + library_size : typing.Optional[typing.Union[int, None]], optional + Total number of counts per generated cell, by default None. + final_layer : typing.Optional[bool], optional + Indicates if the block contains the final layer, by default False. + *args + Variable length argument list. + **kwargs + Arbitrary keyword arguments. + + Returns + ------- + nn.Sequential + Sequential container containing the modules. + """ + + linear_layer = nn.Linear(input_dim, output_dim) + + if not final_layer: + nn.init.xavier_uniform_(linear_layer.weight) + return nn.Sequential( + linear_layer, + nn.BatchNorm1d(output_dim), + nn.ReLU(inplace=True), + ) + else: + # * Unable to find variance_scaling_initializer() with FAN_AVG mode + nn.init.kaiming_normal_( + linear_layer.weight, mode="fan_in", nonlinearity="relu" + ) + torch.nn.init.zeros_(linear_layer.bias) + + if library_size is not None: + return nn.Sequential(linear_layer, ReLU(), LSN(library_size)) + else: + return nn.Sequential(linear_layer, ReLU())
+
+ + + +
+[docs] +class ConditionalGenerator(Generator): +
+[docs] + def __init__( + self, + z_input: int, + output_cells_dim: int, + num_classes: int, + gen_layers: typing.List[int], + library_size: typing.Optional[typing.Union[int, None]] = None, + ) -> None: + """ + Conditional Generator's constructor. + + Parameters + ---------- + z_input : int + The dimension of the noise tensor. + output_cells_dim : int + The dimension of the output cells (number of genes). + num_classes : int + Number of clusters. + gen_layers : typing.List[int] + List of integers corresponding to the number of neurons + at each hidden layer of the generator. + library_size : typing.Optional[typing.Union[int, None]], optional + Total number of counts per generated cell, by default None. + """ + self.num_classes = num_classes + + super(ConditionalGenerator, self).__init__( + z_input, output_cells_dim, gen_layers, library_size + )
+ + +
+[docs] + def forward( + self, noise: torch.Tensor, labels: torch.Tensor = None, *args, **kwargs + ) -> torch.Tensor: + """ + Function for completing a forward pass of the generator. + + Parameters + ---------- + noise : torch.Tensor + The noise used as input by the generator. + labels : torch.Tensor + Tensor containing labels corresponding to cells to generate. + *args + Variable length argument list. + **kwargs + Arbitrary keyword arguments. + + Returns + ------- + torch.Tensor + The output of the generator (genes of the generated cell). + """ + y = noise + for layer in self._generator: + if isinstance(layer, ConditionalBatchNorm): + y = layer(y, labels) + else: + y = layer(y) + return y
+ + +
+[docs] + def _create_generator(self) -> None: + """Method for creating the Generator's network.""" + self._generator = nn.ModuleList() + input_size = self.z_input + for output_size in self.gen_layers: + layers = self._create_generator_block( + input_size, output_size, num_classes=self.num_classes + ) + for layer in layers: + self._generator.append(layer) + input_size = output_size # update input size for the next layer + + # outermost layer + self._generator.append( + self._create_generator_block( + input_size, + self.output_cells_dim, + self.library_size, + final_layer=True, + num_classes=self.num_classes, + ) + )
+ + +
+[docs] + @staticmethod + def _create_generator_block( + input_dim: int, + output_dim: int, + library_size: typing.Optional[typing.Union[int, None]] = None, + final_layer: typing.Optional[bool] = False, + num_classes: int = None, + *args, + **kwargs + ) -> typing.Union[nn.Sequential, tuple]: + """ + Function for creating a sequence of operations corresponding to + a Conditional Generator block; a linear layer, a conditional + batchnorm (except in the final block), a ReLU, and LSN in the final layer. + + Parameters + ---------- + input_dim : int + The block's input dimensions. + output_dim : int + The block's output dimensions. + library_size : typing.Optional[typing.Union[int, None]], optional + Total number of counts per generated cell, by default None. + final_layer : typing.Optional[bool], optional + Indicates if the block contains the final layer, by default False. + num_classes : int + Number of clusters. + *args + Variable length argument list. + **kwargs + Arbitrary keyword arguments. + + Returns + ------- + typing.Union[nn.Sequential, tuple] + Sequential container or tuple containing modules. + """ + + linear_layer = nn.Linear(input_dim, output_dim) + + if not final_layer: + nn.init.xavier_uniform_(linear_layer.weight) + return ( + linear_layer, + ConditionalBatchNorm(output_dim, num_classes), + nn.ReLU(inplace=True), + ) + else: + nn.init.kaiming_normal_( + linear_layer.weight, mode="fan_in", nonlinearity="relu" + ) + torch.nn.init.zeros_(linear_layer.bias) + + if library_size is not None: + return nn.Sequential(linear_layer, ReLU(), LSN(library_size)) + else: + return nn.Sequential(linear_layer, ReLU())
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/networks/labeler.html b/docs/_build/_modules/networks/labeler.html new file mode 100644 index 0000000..81c38c5 --- /dev/null +++ b/docs/_build/_modules/networks/labeler.html @@ -0,0 +1,520 @@ + + + + + + + + + + networks.labeler — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for networks.labeler

+import typing
+
+import torch
+from torch import nn
+
+
+
+[docs] +class Labeler(nn.Module): +
+[docs] + def __init__( + self, num_genes: int, num_tfs: int, labeler_layers: typing.List[int] + ) -> None: + """ + Labeler network's constructor. + + Parameters + ---------- + num_genes : int + Number of target genes (all genes excluding TFs) in the dataset. + num_tfs : int + Number of transcription factors in the dataset. + labeler_layers : typing.List[int] + List of integers corresponding to the number of neurons + at each deep layer of the labeler. + """ + super(Labeler, self).__init__() + + self.num_genes = num_genes + self.num_tfs = num_tfs + self.labeler_layers = labeler_layers + + self._create_labeler()
+ + +
+[docs] + def forward(self, target_genes: torch.Tensor) -> torch.Tensor: + """ + Function for completing a forward pass of the labeler. + This network performs a regression by predicting TF expression + from target gene expression. + + Parameters + ---------- + target_genes : torch.Tensor + Tensor containing target gene expression of (fake/real) cells. + + Returns + ------- + torch.Tensor + Tensor containing regulatory TFs. + """ + return self._labeler(target_genes)
+ + +
+[docs] + def _create_labeler(self) -> None: + """Method for creating a labeler network.""" + layers = [] + input_dim = self.num_genes + for output_dim in self.labeler_layers: + layers.append( + nn.Sequential( + nn.Linear(input_dim, output_dim), + nn.BatchNorm1d(output_dim), + nn.ReLU(inplace=True), + ) + ) + input_dim = output_dim + layers.append(nn.Sequential(nn.Linear(input_dim, self.num_tfs))) + + self._labeler = nn.Sequential(*layers)
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/networks/masked_causal_generator.html b/docs/_build/_modules/networks/masked_causal_generator.html new file mode 100644 index 0000000..fd02abe --- /dev/null +++ b/docs/_build/_modules/networks/masked_causal_generator.html @@ -0,0 +1,762 @@ + + + + + + + + + + networks.masked_causal_generator — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for networks.masked_causal_generator

+import itertools
+import typing
+
+import torch
+from layers.lsn import LSN
+from layers.masked_linear import MaskedLinear
+from torch import nn
+from torch.nn.modules.activation import ReLU
+
+
+
+[docs] +class CausalGenerator(nn.Module): +
+[docs] + def __init__( + self, + z_input: int, + noise_per_gene: int, + depth_per_gene: int, + width_scale_per_gene: int, + causal_controller: nn.Module, + causal_graph: typing.Dict[int, typing.Set[int]], + library_size: typing.Optional[typing.Union[int, None]] = None, + device: typing.Optional[str] = "cuda" if torch.cuda.is_available() else "cpu", + ) -> None: + """ + Causal Generator's constructor. + + Parameters + ---------- + z_input : int + The dimension of the noise tensor. + noise_per_gene : int + Dimension of the latent space from which the noise vectors used by target generators is sampled. + depth_per_gene : int + Depth of the target generator networks. + width_scale_per_gene : int + The width scale used for the target generator networks. + if width_scale_per_gene = 2 and a gene is regulated by 10 TFs and 1 noise vector, + the width of the target gene generator will be 2 * (10 + 1) = 22. + Assuming 1000 target genes, each regulated by 10 TFs and 1 noise, the total width of the + sparse target generator will be 22000. + causal_controller : nn.Module + Causal controller module (retrieved from checkpoint if pretrained). It is a GAN trained on + genes and TFs with the LSN layer removed after training. It cannot be trained on TFs only since the + library size has to be enforced. However, during causal generator training, only TFs are used. + causal_graph : typing.Dict[int, typing.Set[int]] + The causal graph is a dictionary representing the TRN to impose. It has the following format: + {target gene index: {TF1 index, TF2 index, ...}}. This causal graph has to be acyclic and bipartite. + A TF cannot be regulated by another TF. + Invalid: {1: {2, 3, {4, 6}}, ...} - a regulator (TF) is regulated by another regulator (TF) + Invalid: {1: {2, 3, 4}, 2: {4, 3, 5}, ...} - a regulator (TF) is also regulated + Invalid: {4: {2, 3}, 2: {4, 3}} - contains a cycle + + Valid causal graph example: {1: {2, 3, 4}, 6: {5, 4, 2}, ...} + library_size : typing.Optional[typing.Union[int, None]], optional + Total number of counts per generated cell, by default None + device : typing.Optional[str], optional + Specifies to train on 'cpu' or 'cuda'. Only 'cuda' is supported for training the + GAN but 'cpu' can be used for inference, by default "cuda" if torch.cuda.is_available() else"cpu". + """ + super().__init__() + self.z_input = z_input + self.noise_per_gene = noise_per_gene + self.depth_per_gene = depth_per_gene + self.width_scale_per_gene = width_scale_per_gene + self.causal_graph = causal_graph + self.library_size = library_size + self.device = device + self._causal_controller = causal_controller + self._generator = None + + self.genes = list(self.causal_graph.keys()) + self.regulators = list( # all gene regulating TFs (can contain duplicate TFs) + itertools.chain.from_iterable(self.causal_graph.values()) + ) + self.tfs = list(set(self.regulators)) + + # if a gene has X number of regulators (TFs + noises), it will have a + # hidden layer with the width of (hidden_width * num_regulators) + self.num_genes = len(self.genes) + self.num_noises = self.num_genes * self.noise_per_gene # 1 noise vector / gene + self.num_tfs = len(self.tfs) # number of TFs + + # For performing perturbation studies. + # In perturbation mode, TF expressions, noise vectors, and LSN layer are frozen. + self.pert_mode = False + self.tf_expressions = None + self.noise = None + + self._lsn = LSN(self.library_size) + + self._create_generator() + self._create_labeler()
+ + +
+[docs] + def forward(self, noise: torch.Tensor, *args, **kwargs) -> torch.Tensor: + """ + Function for completing a forward pass of the generator. This includes a + forward pass of the causal controller to generate TFs. TFs and generated + noise are then used to complete a forward pass of the causal generator. + + Parameters + ---------- + noise : torch.Tensor + The noise used as input by the causal controller. + *args + Variable length argument list. + **kwargs + Arbitrary keyword arguments. + + Returns + ------- + torch.Tensor + The output of the causal generator (gene expression matrix). + """ + tf_expressions = self._causal_controller(noise) + tf_expressions = tf_expressions[:, self.tfs] + tf_expressions = tf_expressions.detach() + + # use the same tf expressions as the previous forward pass in perturbation mode + if self.pert_mode: + if self.tf_expressions is not None: + tf_expressions = self.tf_expressions + else: + self.tf_expressions = tf_expressions + + batch_size = tf_expressions.shape[0] + + # create placeholder for cells + cells = torch.zeros(batch_size, self.num_tfs + self.num_genes).to(self.device) + cells = cells.index_add_( + 1, torch.tensor(self.tfs).to(self.device), tf_expressions + ) + + # lazy way of avoiding a circular dependency + # FIXME: circular dependency + from gans.gan import GAN + + noise = GAN._generate_noise(batch_size, self.num_noises, self.device) + + if self.pert_mode: + if self.noise is not None: + noise = self.noise + else: + self.noise = noise + + regulators = torch.cat([tf_expressions, noise], dim=1) + gene_expression = self._generator(regulators) + + cells = cells.index_add_( + 1, torch.tensor(self.genes).to(self.device), gene_expression + ) + if self.library_size is not None: + # reuse previous LSN scale in perturbation mode + cells = self._lsn(cells, reuse_scale=self.pert_mode) + return cells
+ + +
+[docs] + def _create_generator(self) -> None: + """ + Method for creating the Causal Generator's network. An independent generator can be + created for each gene. In that case, a pass of the causal generator would require + a pass of generator networks individually in a loop (since all gene expressions + are needed before being passed to the LSN layer), which is very inefficient. + + Instead, we create a single large Causal Generator containing sparse connections + to logically create independent generators for each gene. This is done by creating 3 masks: + + input mask: contains connections between genes and their regulating TFs/noise + hidden mask: contains connections between hidden layers such that there is no connection between hidden layers of two genes' generators + output mask: contains connections between hidden layers of each gene's generator and its expression (before LSN) + + The MaskedLinear module is used to mask weights and gradients in linear layers. + """ + hidden_dims = ( + len(self.regulators) + self.num_noises + ) * self.width_scale_per_gene + + # noise mask will be added to TF mask + input_mask = torch.zeros(self.num_tfs, hidden_dims).to(self.device) + hidden_mask = torch.zeros(hidden_dims, hidden_dims).to(self.device) + output_mask = torch.zeros(hidden_dims, self.num_genes).to(self.device) + + prev_gene_hidden_dims = 0 + for gene, gene_regulators in self.causal_graph.items(): + gene_idx = self.genes.index(gene) + curr_gene_hidden_dims = self.width_scale_per_gene * ( + len(gene_regulators) + self.noise_per_gene + ) + for gene_regulator in gene_regulators: + gene_regulator_idx = self.tfs.index(gene_regulator) + + # mask for the tfs + input_mask[ + gene_regulator_idx, + prev_gene_hidden_dims : prev_gene_hidden_dims + + curr_gene_hidden_dims, + ] = 1 + + # mask for the noises + noise_mask = torch.zeros(self.noise_per_gene, hidden_dims).to(self.device) + noise_mask[ + :, prev_gene_hidden_dims : prev_gene_hidden_dims + curr_gene_hidden_dims + ] = 1 + input_mask = torch.cat([input_mask, noise_mask]) + + # mask for hidden layer + hidden_mask[ + prev_gene_hidden_dims : prev_gene_hidden_dims + curr_gene_hidden_dims, + prev_gene_hidden_dims : prev_gene_hidden_dims + curr_gene_hidden_dims, + ] = 1 + + # mask for final layer + output_mask[ + prev_gene_hidden_dims : prev_gene_hidden_dims + curr_gene_hidden_dims, + gene_idx, + ] = 1 + + prev_gene_hidden_dims += curr_gene_hidden_dims + + generator_layers = nn.ModuleList() + + # input block + generator_layers.append(self._create_generator_block(input_mask)) + + # hidden block + for _ in range(self.depth_per_gene): + generator_layers.append(self._create_generator_block(hidden_mask)) + + # output block + generator_layers.append( + self._create_generator_block(output_mask, final_layer=True) + ) + + self._generator = nn.Sequential(*generator_layers)
+ + +
+[docs] + def _create_labeler(self): + self._labeler = nn.Sequential( + nn.Linear(self.num_genes, self.num_genes * 2), + nn.BatchNorm1d(self.num_genes * 2), + nn.ReLU(inplace=True), + nn.Linear(self.num_genes * 2, self.num_genes * 2), + nn.BatchNorm1d(self.num_genes * 2), + nn.ReLU(inplace=True), + nn.Linear(self.num_genes * 2, self.num_genes * 2), + nn.BatchNorm1d(self.num_genes * 2), + nn.ReLU(inplace=True), + nn.Linear(self.num_genes * 2, self.num_tfs), + )
+ + +
+[docs] + def _create_generator_block( + self, + mask: torch.Tensor, + library_size: typing.Optional[typing.Union[int, None]] = None, + final_layer: typing.Optional[bool] = False, + ) -> nn.Sequential: + """ + Method for creating a sequence of operations corresponding to + a masked causal generator block; a masked linear layer, + a batchnorm (except in the final block), and ReLU. + + Parameters + ---------- + mask : torch.Tensor + Mask Tensor with shape (n_input_feature, n_output_feature). + library_size : typing.Optional[typing.Union[int, None]], optional + Total number of counts per generated cell, by default None. + final_layer : typing.Optional[bool], optional + Indicates if the block contains the final layer, by default False. + + Returns + ------- + nn.Sequential + Sequential container containing the modules. + """ + masked_linear = MaskedLinear(mask, device=self.device) + + if not final_layer: + nn.init.xavier_uniform_(masked_linear.weight) + masked_linear.reapply_mask() + return nn.Sequential( + masked_linear, + nn.BatchNorm1d(mask.shape[1]), + nn.ReLU(inplace=True), + ) + + else: + nn.init.kaiming_normal_( + masked_linear.weight, mode="fan_in", nonlinearity="relu" + ) + masked_linear.reapply_mask() + + torch.nn.init.zeros_(masked_linear.bias) + if library_size is not None: + return nn.Sequential(masked_linear, ReLU(), LSN(library_size)) + else: + return nn.Sequential(masked_linear, ReLU())
+ + +
+[docs] + def freeze_causal_controller(self): + """Freezes the pretrained causal controller and disallows any further updates.""" + for param in self._causal_controller.parameters(): + param.requires_grad = False
+
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/preprocessing/grn_creation.html b/docs/_build/_modules/preprocessing/grn_creation.html new file mode 100644 index 0000000..a78cf8c --- /dev/null +++ b/docs/_build/_modules/preprocessing/grn_creation.html @@ -0,0 +1,545 @@ + + + + + + + + + + preprocessing.grn_creation — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for preprocessing.grn_creation

+import pickle
+from configparser import ConfigParser
+from itertools import chain
+
+import pandas as pd
+import scanpy as sc
+from arboreto.algo import grnboost2
+from tabulate import tabulate
+
+
+
+[docs] +def create_GRN(cfg: ConfigParser) -> None: + """ + Infers a GRN using GRNBoost2 and uses it to construct a causal graph to impose onto GRouNdGAN. + + Parameters + ---------- + cfg : ConfigParser + Parser for config file containing GRN creation params. + """ + real_cells = sc.read_h5ad(cfg.get("Data", "train")) + real_cells_val = sc.read_h5ad(cfg.get("Data", "validation")) + real_cells_test = sc.read_h5ad(cfg.get("Data", "test")) + + # find TFs that are in highly variable genes + gene_names = real_cells.var_names.tolist() + TFs = pd.read_csv(cfg.get("GRN Preparation", "TFs"), sep="\t")["Symbol"] + TFs = list(set(TFs).intersection(gene_names)) + + # preparing GRNBoost2's input + real_cells_df = pd.DataFrame(real_cells.X, columns=real_cells.var_names) + + # we can optionally pass a list of TFs to GRNBoost2 + print(f"Using {len(TFs)} TFs for GRN inference.") + real_grn = grnboost2(real_cells_df, tf_names=TFs, verbose=True, seed=1) + real_grn.to_csv(cfg.get("GRN Preparation", "Inferred GRN")) + + # read GRN csv output, group TFs regulating genes, sort by importance + real_grn = ( + pd.read_csv(cfg.get("GRN Preparation", "Inferred GRN")) + .sort_values("importance", ascending=False) + .astype(str) + ) + causal_graph = dict(real_grn.groupby("target")["TF"].apply(list)) + + k = int(cfg.get("GRN Preparation", "k")) + causal_graph = { + gene: set(tfs[:k]) # to sample the top k edges + # gene: set(tfs[0:10:2]) # sample even indices + # gene: set(tfs[1:10:2]) # sample odd indices + for (gene, tfs) in causal_graph.items() + } + + # get gene, TF names + regulators = list(chain.from_iterable(causal_graph.values())) + tfs = set(regulators) + + # delete targets that are also regulators + causal_graph = {k: v for (k, v) in causal_graph.items() if k not in tfs} + + # get gene, TF names + regulators = list(chain.from_iterable(causal_graph.values())) + tfs = set(regulators) + + targets = set(causal_graph.keys()) + genes = list(tfs | targets) + + # overwrite train, validation, and test datasets in case there some genes were excluded from the dataset + real_cells = real_cells[:, genes] + real_cells.write_h5ad(cfg.get("Data", "train")) + real_cells_val[:, genes].write_h5ad(cfg.get("Data", "validation")) + real_cells_test[:, genes].write_h5ad(cfg.get("Data", "test")) + + # print causal graph info + print( + "", + "Causal Graph", + tabulate( + [ + ("TFs", len(tfs)), + ("Targets", len(targets)), + ("Genes", len(genes)), + ("Possible Edges", len(tfs) * len(targets)), + ("Imposed Edges", k * len(targets)), + ("GRN density Edges", k * len(targets) / (len(tfs) * len(targets))), + ] + ), + sep="\n", + ) + + gene_idx = real_cells.to_df().columns + # convert gene names to numerical indices + causal_graph = { + gene_idx.get_loc(gene): {gene_idx.get_loc(tf) for tf in tfs} + for (gene, tfs) in causal_graph.items() + } + + # save causal graph + with open(cfg.get("Data", "causal graph"), "wb") as fp: + pickle.dump(causal_graph, fp, protocol=pickle.HIGHEST_PROTOCOL)
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/preprocessing/preprocess.html b/docs/_build/_modules/preprocessing/preprocess.html new file mode 100644 index 0000000..f2994b3 --- /dev/null +++ b/docs/_build/_modules/preprocessing/preprocess.html @@ -0,0 +1,551 @@ + + + + + + + + + + + preprocessing.preprocess — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for preprocessing.preprocess

+from collections import Counter
+from configparser import ConfigParser
+
+import numpy as np
+import pandas as pd
+import scanpy as sc
+from scipy.sparse import issparse
+
+
+
[docs]def preprocess(cfg: ConfigParser) -> None: + """ + Apply preprocessing steps. + + Parameters + ---------- + cfg : ConfigParser + Parser for config file containing preprocessing params. + """ + + if cfg.get("Preprocessing", "10x") == "True": + anndata = sc.read_10x_mtx( + cfg.get("Preprocessing", "raw"), make_unique=True, gex_only=True + ) + + else: + anndata = sc.read_h5ad(cfg.get("Preprocessing", "raw")) + + original_order = np.arange(anndata.n_obs) # Store the original cell order + np.random.shuffle(original_order) # Shuffle the indices + + # Apply the shuffled order to the AnnData object + anndata = anndata[original_order] + + # clustering + ann_clustered = anndata.copy() + sc.pp.recipe_zheng17(ann_clustered) + sc.tl.pca(ann_clustered, n_comps=50) + sc.pp.neighbors(ann_clustered, n_pcs=50) + sc.tl.louvain( + ann_clustered, resolution=float(cfg.get("Preprocessing", "louvain res")) + ) + anndata.obs["cluster"] = ann_clustered.obs["louvain"] + + # get cluster ratios + cells_per_cluster = Counter(anndata.obs["cluster"]) + cluster_ratios = dict() + for key, value in cells_per_cluster.items(): + cluster_ratios[key] = value / anndata.shape[0] + anndata.uns["cluster_ratios"] = cluster_ratios + anndata.uns["clusters_no"] = len(cluster_ratios) + + # filtering + sc.pp.filter_cells(anndata, min_genes=int(cfg.get("Preprocessing", "min genes"))) + sc.pp.filter_genes(anndata, min_cells=int(cfg.get("Preprocessing", "min cells"))) + anndata.uns["cells_no"] = anndata.shape[0] + anndata.uns["genes_no"] = anndata.shape[1] + + canndata = anndata.copy() + + # library-size normalization + sc.pp.normalize_per_cell( + canndata, counts_per_cell_after=int(cfg.get("Preprocessing", "library size")) + ) + + if cfg.get("Preprocessing", "annotations") is not None: + annotations = pd.read_csv( + cfg.get("Preprocessing", "annotations"), delimiter="\t" + ) + annotation_dict = { + item["barcodes"]: item["celltype"] + for item in annotations.to_dict("records") + } + anndata.obs["barcodes"] = anndata.obs.index + anndata.obs["celltype"] = anndata.obs["barcodes"].map(annotation_dict) + + # identify highly variable genes + sc.pp.log1p(canndata) # logarithmize the data + sc.pp.highly_variable_genes( + canndata, n_top_genes=int(cfg.get("Preprocessing", "highly variable number")) + ) + + if issparse(canndata.X): + canndata.X = np.exp(canndata.X.toarray()) - 1 # get back original data + else: + canndata.X = np.exp(canndata.X) - 1 # get back original data + + anndata = anndata[ + :, canndata.var["highly_variable"] + ] # only keep highly variable genes + + sc.pp.normalize_per_cell( + anndata, counts_per_cell_after=int(cfg.get("Preprocessing", "library size")) + ) + + # sort genes by name (not needed) + sorted_genes = np.sort(anndata.var_names) + anndata = anndata[:, sorted_genes] + + val_size = int(cfg.get("Preprocessing", "validation set size")) + test_size = int(cfg.get("Preprocessing", "test set size")) + + anndata[:val_size].write_h5ad(cfg.get("Data", "validation")) + anndata[val_size : test_size + val_size].write_h5ad(cfg.get("Data", "test")) + anndata[test_size + val_size :].write_h5ad(cfg.get("Data", "train")) + + print("Successfully preprocessed and and saved dataset")
+
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/sc_dataset.html b/docs/_build/_modules/sc_dataset.html new file mode 100644 index 0000000..59bfe55 --- /dev/null +++ b/docs/_build/_modules/sc_dataset.html @@ -0,0 +1,535 @@ + + + + + + + + + + sc_dataset — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for sc_dataset

+import os
+import typing
+
+import scanpy as sc
+import torch
+from torch.utils.data import DataLoader, Dataset
+
+
+
+[docs] +class SCDataset(Dataset): +
+[docs] + def __init__(self, path: typing.Union[str, bytes, os.PathLike]) -> None: + """ + Create a dataset from the h5ad processed data. Use the + preprocessing/preprocess.py script to create the h5ad train, + test, and validation files. + + Parameters + ---------- + path : typing.Union[str, bytes, os.PathLike] + Path to the h5ad file. + """ + self.data = sc.read_h5ad(path) + + self.cells = torch.from_numpy(self.data.X) + self.clusters = torch.from_numpy( + self.data.obs.cluster.to_numpy(dtype=int) + )
+ + +
+[docs] + def __getitem__(self, index: int) -> typing.Tuple[torch.Tensor, torch.Tensor]: + """ + Parameters + ---------- + index : int + + Returns + ------- + typing.Tuple[torch.Tensor, torch.Tensor] + Gene expression, Cluster label Tensor tuple. + """ + return self.cells[index], self.clusters[index]
+ + +
+[docs] + def __len__(self) -> int: + """ + Returns + ------- + int + Number of samples (cells). + """ + return self.cells.shape[0]
+
+ + + +
+[docs] +def get_loader( + file_path: typing.Union[str, bytes, os.PathLike], + batch_size: typing.Optional[int] = None, +) -> DataLoader: + """ + Provides an IterableLoader over a scRNA-seq Dataset read from given h5ad file. + + Parameters + ---------- + file_path : typing.Union[str, bytes, os.PathLike] + Path to the h5ad file. + batch_size : typing.Optional[int] + Training batch size. If not specified, the entire dataset + is returned at each load. + + Returns + ------- + DataLoader + Iterable data loader over the dataset. + """ + dataset = SCDataset(file_path) + + # return the whole dataset if batch size if not specified + if batch_size is None: + batch_size = len(dataset) + + return DataLoader(dataset, batch_size, shuffle=True, drop_last=True)
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_modules/tfrecord_loader.html b/docs/_build/_modules/tfrecord_loader.html new file mode 100644 index 0000000..b6845c8 --- /dev/null +++ b/docs/_build/_modules/tfrecord_loader.html @@ -0,0 +1,564 @@ + + + + + + + + + + tfrecord_loader — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ +
+ +
+ + + + + +
+
+ + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ +
+ +
+
+ + + +
+

+ +
+
+ +
+
+
+ + + + +
+ +

Source code for tfrecord_loader

+import typing
+
+import torch
+from tfrecord.torch.dataset import MultiTFRecordDataset, TFRecordDataset
+from torch.utils.data.dataloader import DataLoader
+
+
+
+[docs] +def get_loader( + genes_no: int, + file_path: typing.Union[str, typing.List[str]], + batch_size: int, + splits: typing.Optional[typing.Dict[str, float]] = None, + description: typing.Union[typing.List[str], typing.Dict[str, str], None] = None, + compression_type: typing.Optional[str] = "gzip", + multi_read: typing.Optional[bool] = False, + get_clusters: typing.Optional[bool] = False, +) -> DataLoader: + """ + Provides an IterableLoader over a Dataset read from given tfrecord files for PyTorch. + + Currently used to create data loaders from the PBMC preprocessed dataset in tfrecord + from scGAN (Marouf et al.,2020). description parameter and post_process function + can be modified to accommodate more tfrecord datasets. + + Parameters + ---------- + genes_no : int + Number of genes in the expression matrix. + file_path : typing.Union[str, typing.List[str]] + Tfrecord file path for reading a single tfrecord (multi_read=False) + or file pattern for reading multiple tfrecords (ex: /path/{}.tfrecord). + batch_size : int + Training batch size. + splits : typing.Optional[typing.Dict[str, float]], optional + Dictionary of (key, value) pairs, where the key is used to construct + the data and index path(s) and the value determines the contribution + of each split to the batch. Provide when reading from multiple tfrecords + (multi_read=True), by default None. + description : typing.Union[typing.List[str], typing.Dict[str, str], None], optional + List of keys or dict of (key, value) pairs to extract from each record. + The keys represent the name of the features and the values ("byte", "float", or "int"), + by default { "indices": None, "values": None, }. + compression_type : typing.Optional[str], optional + The type of compression used for the tfrecord. Either 'gzip' or None, by default "gzip". + multi_read : typing.Optional[bool], optional + Specifies whether to construct the dataset from multiple tfrecords. + If True, a file pattern should be passed to file_path, by default False. + get_clusters : typing.Optional[bool], optional + If True, the returned data loader will contain the cluster label of cells in + addition to their gene expression values, by default False. + + Returns + ------- + DataLoader + Iterable data loader over the dataset. + """ + + def post_process( + records: typing.Dict, + ) -> typing.Union[typing.Tuple[torch.Tensor, torch.Tensor], torch.Tensor]: + """ + Transform function to preprocess gene expression. Builds the dense + gene expression tensor from a sparse representation based on a + list of gene indices and corresponding expression values. + + Parameters + ---------- + records : typing.Dict + Parsed tfrecord. + + Returns + ------- + typing.Union[typing.Tuple[torch.Tensor, torch.Tensor], torch.Tensor] + A cell's vector of expression levels with or without associated cluster label. + """ + indices = torch.from_numpy(records["indices"]) + values = torch.from_numpy(records["values"]) + + # create dense vector of zeros + empty = torch.zeros([genes_no]) + + # insert expression values in respective indices in the zeroes vector + indices = indices.reshape([indices.shape[0], 1]) + expression = empty.index_put_(tuple(indices.t()), values) + + # If the number of clusters is not requested, only return expression values + try: + cluster = torch.from_numpy(records["cluster_int"]) + except KeyError: + return expression + + return expression, cluster + + if description is None: + if get_clusters: + description = {"indices": None, "values": None, "cluster_int": None} + else: + description = {"indices": None, "values": None} + + if multi_read: + dataset = MultiTFRecordDataset( + file_path, + None, + splits, + description, + compression_type=compression_type, + transform=post_process, + ) + else: + dataset = TFRecordDataset( + file_path, + None, + description, + compression_type=compression_type, + transform=post_process, + ) + + return DataLoader(dataset, batch_size=batch_size)
+ +
+ +
+ + + + + + +
+ +
+
+
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/_sources/benchmarking.rst b/docs/_build/_sources/benchmarking.rst new file mode 100644 index 0000000..49330d0 --- /dev/null +++ b/docs/_build/_sources/benchmarking.rst @@ -0,0 +1,127 @@ +Benchmarking +============ + +.. figure:: _static/workflow.svg + :alt: Benchmarking workflow using GRouNdGAN + :width: 600 + :align: center + :class: with-border + + GRN inference benchmarking workflow using GRouNdGAN. + +Simulated datasets +------------------ + + +You need 2 elements to benchmark GRN inference methods: + +.. rst-class:: numbered + +1. Gene Expression Data [rows (genes) x columns (cells)] + +2. Ground Truth GRN + + - Contains two columns: + + 1. TF (regulators) + 2. Gene (target) + + - Rows represent imposed edges directed from column 1: TF (regulators) to column 2: Gene (target). + + +Here, we provide simulated scRNA-seq datasets (100k cells x 1000 genes (including TFs)) and their corresponding ground truth GRNs. The ground truth GRN is the GRN imposed onto GRouNdGAN to generate the simulated dataset. Each gene in the imposed GRN is regulated by 15 TFs (identified using GRNBoost2 (Moerman et al., 2018) on experimental data). + +.. note:: + + Although this (potentially non-causal) GRN is imposed by GRouNdGAN, it is imposed in a causal manner and represents the causal data generating graph of the simulated data. + +.. note:: + Feel free to reduce dataset size if you intend to use fewer cells for benchmarking. + +BoneMarrow (Paul et al., 2015) +~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ +Reference dataset: Differentiation of hematopoietic stem cells to different lineages from mouse bone marrow (GEO accession number: GSE72857). + +- `BoneMarrow Expression Data (H5AD) `_ + +- `BoneMarrow Expression Data (CSV) `_ + +- `BoneMarrow Ground Truth GRN (CSV) `_ + + +PBMC-ALL (Zheng et al., 2017) +~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ +Reference dataset: Human peripheral blood mononuclear cell (PBMC Donor A) dataset from `10x Genomics `_. + +- `PBMC-ALL Expression Data (H5AD) `_ + +- `PBMC-ALL Expression Data (CSV) `_ + +- `PBMC-ALL Ground Truth GRN (CSV) `_ + + +PBMC-CTL +~~~~~~~~ +Reference dataset: Dataset corresponding to the most common cell type (CD8+ Cytotoxic T-cells) in PBMC-All (Zheng et al., 2017). + +- `PBMC-CTL Expression Data (H5AD) `_ + +- `PBMC-CTL Expression Data (CSV) `_ + +- `PBMC-CTL Ground Truth GRN (CSV) `_ + +Dahlin (Dahlin et al., 2018) +~~~~~~~~~~~~~~~~~~~~~~~~~~~~ +Reference dataset: Hematopoietic dataset corresponding to the scRNA-seq (10x Genomics) profiles of mouse bone marrow hematopoietic stem and progenitor cells (HSPCs) differentiating towards different lineages from GEO (accession number: GSE107727). + +- `Dahlin Expression Data (H5AD) `_ + +- `Dahlin Expression Data (CSV) `_ + +- `Dahlin Ground Truth GRN (CSV) `_ + + +Tumor-ALL (Han et al., 2022) +~~~~~~~~~~~~~~~~~~~~~~~~~~~~ +Reference dataset: Malignant cells as well as cells in the tumor microenvironment (called Tumor-All dataset here) from 20 fresh core needle biopsies of follicular lymphoma patients from `cellxgene `_. + +- `Tumor-ALL Expression Data (H5AD) `_ + +- `Tumor-ALL Expression Data (CSV) `_ + +- `Tumor-ALL Ground Truth GRN (CSV) `_ + +Tumor-malignant +~~~~~~~~~~~~~~~ +Reference dataset: Dataset corresponding to cells labelled as "malignant" in the Tumor-ALL (Han et al., 2022) dataset. + +- `Tumor-malignant Expression Data (H5AD) `_ + +- `Tumor-malignant Expression Data (CSV) `_ + +- `Tumor-malignant Ground Truth GRN (CSV) `_ + +------------ + +.. admonition:: Help us expand this list: request GRouNdGAN training on new GRNs and reference datasets + + We are eager to grow this list and welcome your contributions. If you would like us to train GRouNdGAN on a new reference dataset with different GRNs, please submit a request by opening an `issue `__ on our GitHub repository. Be sure to include a link to the reference dataset in your request. + + If you have trained GRouNdGAN on a new dataset and would like to contribute to our collection, we encourage you to open a pull request. + + + + + + +References +---------- +Paul, F., Arkin, Y., Giladi, A., Jaitin, D. A., Kenigsberg, E., Keren-Shaul, H., Winter, D. R., Lara-Astiaso, D., Gury, M., Weiner, A., David, E., Cohen, N., Lauridsen, F. K. B., Haas, S., Schlitzer, A., Mildner, A., Ginhoux, F., Jung, S., Trumpp, A., . . . Tanay, A. (2015). Transcriptional heterogeneity and lineage commitment in myeloid progenitors. Cell, 163(7), 1663–1677. https://doi.org/10.1016/j.cell.2015.11.013 + +Zheng, G., Terry, J. M., Belgrader, P., Ryvkin, P., Bent, Z., Wilson, R. J., Ziraldo, S. B., Wheeler, T. D., McDermott, G. P., Zhu, J., Gregory, M., Shuga, J., Montesclaros, L., Underwood, J. G., Masquelier, D. A., Nishimura, S. Y., Schnall-Levin, M., Wyatt, P., Hindson, C. M., . . . Bielas, J. H. (2017). Massively parallel digital transcriptional profiling of single cells. Nature Communications, 8(1). https://doi.org/10.1038/ncomms14049 + +Moerman, T., Aibar, S., González-Blas, C. B., Simm, J., Moreau, Y., Aerts, J., & Aerts, S. (2018). GRNBoost2 and Arboreto: efficient and scalable inference of gene regulatory networks. Bioinformatics, 35(12), 2159–2161. https://doi.org/10.1093/bioinformatics/bty916 + +Dahlin, J. S., Hamey, F. K., Pijuan-Sala, B., Shepherd, M., Lau, W. W., Nestorowa, S., ... & Wilson, N. K. (2018). A single-cell hematopoietic landscape resolves 8 lineage trajectories and defects in Kit mutant mice. Blood, The Journal of the American Society of Hematology, 131(21), e1-e11. + +Han, G., Deng, Q., Marques-Piubelli, M. L., Dai, E., Dang, M., Ma, M. C. J., ... & Green, M. R. (2022). Follicular lymphoma microenvironment characteristics associated with tumor cell mutations and MHC class II expression. Blood cancer discovery, 3(5), 428-443. \ No newline at end of file diff --git a/docs/_build/_sources/causal_gan_cfg.rst b/docs/_build/_sources/causal_gan_cfg.rst new file mode 100644 index 0000000..999d6bd --- /dev/null +++ b/docs/_build/_sources/causal_gan_cfg.rst @@ -0,0 +1,101 @@ +.. code-block:: ini + + [EXPERIMENT] + output directory = results/GRouNdGAN + device = cuda ; we will let the program choose what is available + checkpoint ; set value to use a trained model + + [Preprocessing] + 10x = True + raw = data/raw/PBMC/ + validation set size = 1000 + test set size = 1000 + annotations = data/raw/PBMC/barcodes_annotations.tsv + min cells = 3 ; genes expressed in less than 3 cells are discarded + min genes = 10 ; cells with less than 10 genes expressed are discarded + library size = 20000 ; library size used for library-size normalization + louvain res = 0.15 ; Louvain clustering resolution (higher resolution means finding more and smaller clusters) + highly variable number = 1000 ; number of highly variable genes to identify + + [GRN Preparation] + TFs = data/raw/Homo_sapiens_TF.csv + k = 15 ; k is the number of top most important TFs per gene to include in the GRN + Inferred GRN = data/processed/PBMC/inferred_grnboost2.csv + + [Data] + train = data/processed/PBMC/PBMC68k_train.h5ad + validation = data/processed/PBMC/PBMC68k_validation.h5ad + test = data/processed/PBMC/PBMC68k_test.h5ad + number of genes = 1000 + causal graph = data/processed/PBMC/causal_graph.pkl + + [Generation] + number of cells to generate = 10000 + + [Model] + type = causal GAN + noise per gene = 1 + depth per gene = 3 + width per gene = 2 + critic layers = 1024 512 256 + labeler layers = 2000 2000 2000 + latent dim = 128 ; noise vector dimensions + library size = 20000 ; UMI count + lambda = 10 ; regularization hyper-parameter for gradient penalty + + + [Training] + batch size = 1024 + critic iterations = 5 ; iterations to train the critic for each iteration of the generator + maximum steps = 1000000 + labeler and antilabeler training intervals = 1 + + [Optimizer] + ; coefficients used for computing running averages of gradient and its square + beta1 = 0.5 + beta2 = 0.9 + + [Learning Rate] + generator initial = 0.001 + generator final = 0.0001 + critic initial = 0.001 + critic final = 0.001 + labeler = 0.0001 + antilabeler = 0.0001 + + + [Logging] + summary frequency = 10000 + plot frequency = 10000 + save frequency = 100000 + + [CC Model] + type = GAN ; Non-conditional single-cell RNA-seq GAN + generator layers = 256 512 1024 + critic layers = 1024 512 256 + latent dim = 128 ; noise vector dimensions + library size = 20000 ; UMI count (hardcoded to None in the code) + lambda = 10 ; regularization hyper-parameter for gradient penalty + + + [CC Training] + batch size = 128 + critic iterations = 5 ; iterations to train the critic for each iteration of the generator + maximum steps = 200000 + + [CC Optimizer] + ; coefficients used for computing running averages of gradient and its square + beta1 = 0.5 + beta2 = 0.9 + + [CC Learning Rate] + generator initial = 0.0001 + generator final = 0.00001 + critic initial = 0.0001 + critic final = 0.00001 + + [CC Logging] + summary frequency = 10000 + plot frequency = 10000 + save frequency = 100000 + diff --git a/docs/_build/_sources/citation.rst b/docs/_build/_sources/citation.rst new file mode 100644 index 0000000..51afce1 --- /dev/null +++ b/docs/_build/_sources/citation.rst @@ -0,0 +1,21 @@ +Citation +================ + + Zinati, Y., Takiddeen, A. & Emad, A. GRouNdGAN: GRN-guided simulation of single-cell RNA-seq data using causal generative adversarial networks. *Nat Commun* **15**, 4055 (2024). https://doi.org/10.1038/s41467-024-48516-6. + + +Bibtex Citation +--------------- + +.. code:: none + + @article{zinati2024groundgan, + title={GRouNdGAN: GRN-guided simulation of single-cell RNA-seq data using causal generative adversarial networks}, + author={Zinati, Yazdan and Takiddeen, Abdulrahman and Emad, Amin}, + journal={Nature Communications}, + volume={15}, + number={1}, + pages={1--18}, + year={2024}, + publisher={Nature Publishing Group} + } diff --git a/docs/_build/_sources/custom_parser.rst b/docs/_build/_sources/custom_parser.rst new file mode 100644 index 0000000..a13d629 --- /dev/null +++ b/docs/_build/_sources/custom_parser.rst @@ -0,0 +1,7 @@ +custom\_parser module +===================== + +.. automodule:: custom_parser + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_build/_sources/docker.rst b/docs/_build/_sources/docker.rst new file mode 100644 index 0000000..23918ab --- /dev/null +++ b/docs/_build/_sources/docker.rst @@ -0,0 +1,74 @@ +Docker Setup +~~~~~~~~~~~~ +**Prerequisite:** Before you begin, make sure you have Docker installed on your machine. You can download and install Docker from the official website: `Get Started | Docker `_ + +Option A: Using Pre-built Docker Image (Recommended) +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +1. Pull the Docker image from Docker Hub: + + .. code-block:: console + + $ docker pull yazdanz/groundgan:4b98686 + +2. Run the Docker container and pass GPU devices:: + + $ docker run --gpus all -it yazdanz/groundgan:4b98686 /bin/bash + +* The ``--gpus all`` flag enables GPU support within the container. Omit if you intend to use CPU only. +* The ``--it`` flag allows an interactive terminal session. + +You're now inside the Docker container with CUDA support, ready to use GRouNdGAN! + +Option B: Building Docker Image from Dockerfile +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +1. Clone the GRouNdGAN repository:: + + $ git clone https://github.com/Emad-COMBINE-lab/GRouNdGAN.git + +2. Navigate to the project directory:: + + $ cd GRouNdGAN + +3. Build the Docker image using the provided Dockerfile:: + + $ docker build -t yourusername/groundgan:custom -f docker/Dockerfile . + + This command will build a Docker image with the tag ``yourusername/groundgan:custom``. + + .. note:: + + Building the image using this method may take approximately 15-30 minutes, depending on your system's performance. + +4. Run the Docker container and pass GPU devices:: + + $ docker run -itd --name yourusername/groundgan:custom --gpus all groundgan /bin/bash + +Verifying GPU Acceleration +^^^^^^^^^^^^^^^^^^^^^^^^^^ +Inside the Docker container, you can verify if the GPU is recognized using:: + +$ nvidia-smi + +You should see detailed information about your GPU, including its name, memory usage, etc. This confirms that GPU acceleration is enabled inside the container. + +.. code-block:: bash + + +-----------------------------------------------------------------------------+ + | NVIDIA-SMI 470.63.01 Driver Version: 470.63.01 CUDA Version: 11.4 | + |-------------------------------+----------------------+----------------------+ + | GPU Name Persistence-M| Bus-Id Disp.A | Volatile Uncorr. ECC | + | Fan Temp Perf Pwr:Usage/Cap| Memory-Usage | GPU-Util Compute M. | + | | | MIG M. | + |===============================+======================+======================| + | 0 Tesla V100-SXM2... Off | 00000000:00:1E.0 Off | 0 | + | N/A 33C P0 41W / 300W | 0MiB / 32480MiB | 0% Default | + | | | N/A | + +-------------------------------+----------------------+----------------------+ + + +-----------------------------------------------------------------------------+ + | Processes: | + | GPU GI CI PID Type Process name GPU Memory | + | ID ID Usage | + |=============================================================================| + | No running processes found | + +-----------------------------------------------------------------------------+ diff --git a/docs/_build/_sources/factory.rst b/docs/_build/_sources/factory.rst new file mode 100644 index 0000000..5751420 --- /dev/null +++ b/docs/_build/_sources/factory.rst @@ -0,0 +1,7 @@ +factory module +============== + +.. automodule:: factory + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_build/_sources/gans.rst b/docs/_build/_sources/gans.rst new file mode 100644 index 0000000..d00307a --- /dev/null +++ b/docs/_build/_sources/gans.rst @@ -0,0 +1,53 @@ +gans package +============ + +Submodules +---------- + +gans.causal\_gan module +----------------------- + +.. automodule:: gans.causal_gan + :members: + :undoc-members: + :show-inheritance: + +gans.conditional\_gan module +---------------------------- + +.. automodule:: gans.conditional_gan + :members: + :undoc-members: + :show-inheritance: + +gans.conditional\_gan\_cat module +--------------------------------- + +.. automodule:: gans.conditional_gan_cat + :members: + :undoc-members: + :show-inheritance: + +gans.conditional\_gan\_proj module +---------------------------------- + +.. automodule:: gans.conditional_gan_proj + :members: + :undoc-members: + :show-inheritance: + +gans.gan module +--------------- + +.. automodule:: gans.gan + :members: + :undoc-members: + :show-inheritance: + +Module contents +--------------- + +.. automodule:: gans + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_build/_sources/index.rst b/docs/_build/_sources/index.rst new file mode 100644 index 0000000..21527bd --- /dev/null +++ b/docs/_build/_sources/index.rst @@ -0,0 +1,61 @@ +.. GRouNdGAN documentation master file, created by + sphinx-quickstart on Sun Jul 30 04:40:37 2023. + You can adapt this file completely to your liking, but it should at least + contain the root `toctree` directive. + +:github_url: https://github.com/Emad-COMBINE-lab/GRouNdGAN + +Welcome to GRouNdGAN's documentation! +===================================== + +This site documents the code released under **GRouNdGAN (GRN-guided simulation of single-cell RNA-seq data using causal generative adversarial networks)**. GRouNdGAN is a gene regulatory network (GRN)-guided causal implicit generative model for simulating single-cell RNA-seq data, in-silico perturbation experiments, and benchmarking GRN inference methods. + +.. epigraph:: + + To find out more details about GRouNdGAN, check out our paper: + + Zinati, Y., Takiddeen, A. & Emad, A. GRouNdGAN: GRN-guided simulation of single-cell RNA-seq data using causal generative adversarial networks. *Nat Commun* **15**, 4055 (2024). https://doi.org/10.1038/s41467-024-48516-6. + +.. sidebar:: GRN inference benchmarking workflow + + .. image:: _static/workflow.svg + +.. toctree:: + :maxdepth: 2 + + installation + tutorial + benchmarking + citation + license + +Contact +------- + +.. admonition:: Have a Question or Found a Bug? + + We're here to help! + + **Asking Questions:** + + If you have any questions, whether they're about how to use our software, troubleshooting, or understanding certain concepts, please don't hesitate to ask by contacting `Yazdan Zinati`_. + + **Reporting Bugs:** + + If you encounter any issues, glitches, or unexpected behavior while using our software, please let us know. Reporting bugs helps us improve GRouNdGAN. + + You can reach out to us by opening an `issue `__ on our GitHub repository. + +.. _Yazdan Zinati: mailto:yazdan.zinati@mail.mcgill.ca + +.. toctree:: + :maxdepth: 2 + + modules + +Indices and tables +------------------ + +* :ref:`genindex` +* :ref:`modindex` +* :ref:`search` diff --git a/docs/_build/_sources/installation.rst b/docs/_build/_sources/installation.rst new file mode 100644 index 0000000..2d4e29c --- /dev/null +++ b/docs/_build/_sources/installation.rst @@ -0,0 +1,22 @@ +Installation +------------ +There are multiple ways to install GRouNdGAN, depending on your preferences and requirements. Choose the installation method that best suits your needs: + +**1.** **Docker Setup**: + If you want a quick and hassle-free installation with GPU support, you can use Docker. This method is recommended if you prefer a pre-configured environment. + + - **Option A:** `Using Pre-built Docker Image (Recommended) <#option-a-using-pre-built-docker-image-recommended>`_: + We provide a pre-built Docker image for GRouNdGAN that is already configured with CUDA support for GPU acceleration. This option is the most convenient and straightforward way to get started. + + - **Option B:** `Building Docker Image from Dockerfile <#option-b-building-docker-image-from-dockerfile>`_: + Building the Docker image from the Dockerfile allows you to further finetune our provided environment to your specific requirements. It also provides the advantage of knowing exactly which dependencies and configurations are being used in your experiments. This option is ideal if you want fine-grained control or if you need to make modifications to GRouNdGAN's default setup. + +**2.** `Local Installation <#id1>`_: + If you prefer greater control over your environment, you can opt for a local installation of GRouNdGAN. This option is particularly recommended if you plan to use GRouNdGAN as a foundation for new projects. + +**3.** `Singularity <#singularity-setup>`_: + Most HPC clusters restrict the use of docker, as it can be used to gain root access to the host system. Singularity is a secure and compatible alternative for containerization. + +.. include:: docker.rst +.. include:: local_installation.rst +.. include:: singularity.rst diff --git a/docs/_build/_sources/layers.rst b/docs/_build/_sources/layers.rst new file mode 100644 index 0000000..23c3bf4 --- /dev/null +++ b/docs/_build/_sources/layers.rst @@ -0,0 +1,37 @@ +layers package +============== + +Submodules +---------- + +layers.cbn module +----------------- + +.. automodule:: layers.cbn + :members: + :undoc-members: + :show-inheritance: + +layers.lsn module +----------------- + +.. automodule:: layers.lsn + :members: + :undoc-members: + :show-inheritance: + +layers.masked\_linear module +---------------------------- + +.. automodule:: layers.masked_linear + :members: + :undoc-members: + :show-inheritance: + +Module contents +--------------- + +.. automodule:: layers + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_build/_sources/license.rst b/docs/_build/_sources/license.rst new file mode 100644 index 0000000..875adba --- /dev/null +++ b/docs/_build/_sources/license.rst @@ -0,0 +1,11 @@ +License +======= +.. pull-quote:: + + Copyright (C) 2023 Emad's COMBINE Lab: Yazdan Zinati, Abdulrahman Takiddeen, and Amin Emad. + + GRouNdGAN is free software: you can redistribute it and/or modify it under the terms of the GNU Affero General Public License as published by the Free Software Foundation, either version 3 of the License, or (at your option) any later version. + + GRouNdGAN is distributed in the hope that it will be useful, but WITHOUT ANY WARRANTY; without even the implied warranty of MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU Affero General Public License for more details. + + You should have received a copy of the GNU Affero General Public License along with GRouNdGAN. If not, see . diff --git a/docs/_build/_sources/local_installation.rst b/docs/_build/_sources/local_installation.rst new file mode 100644 index 0000000..6b823f0 --- /dev/null +++ b/docs/_build/_sources/local_installation.rst @@ -0,0 +1,53 @@ +Local Installation +~~~~~~~~~~~~~~~~~~ + +**Prerequisites:** Before setting up GRouNdGAN locally, ensure you have Python 3.9.6 installed. If you do not have Python 3.9.6, you can use `pyenv` to manage multiple Python versions. Detailed installation instructions for various platforms can be found in the `pyenv` documentation: https://github.com/pyenv/pyenv#installation. In the case you are using pyenv, please use `pyenv-virtualenv `_ to manage and activate your virtual environment. + +1. Clone the GRouNdGAN repository to a directory of your choice:: + + $ git clone https://github.com/Emad-COMBINE-lab/GRouNdGAN.git + + .. tip:: + You can optionally clone the scGAN, BEELINE, scDESIGN2, and SPARSim submodules to also get the specific version of repositories that we used in our study. + + .. code-block:: sh + + git clone --recurse-submodules https://github.com/Emad-COMBINE-lab/GRouNdGAN.git + +2. Navigate to the project directory:: + + $ cd GRouNdGAN + +3. Create a virtual environment for your project:: + + $ python -m venv venv + +In the case you are using pyenv, please use `pyenv-virtualenv `_ to manage and activate your virtual environment. + +4. Activate the virtual environment + + - **Linux/macOS**:: + + $ source venv/bin/activate + + - **Windows**:: + + $ venv\Scripts\activate + +5. Install the required dependencies from the ``requirements.txt`` file:: + + (venv)$ pip install -r requirements.txt + + If you're a fellow Canadian using ComputeCanada, consider using ``requirements_computecanada.txt`` instead. + +You're now ready to use GRouNdGAN locally! + +.. admonition:: Troubleshooting + + **Known Installation Issues** + + If you’re encountering issues with installation to ubuntu, it might be because you are missing one or more of the following packages: + + .. code-block:: sh + + sudo apt install build-essential libffi-dev zlib1g-dev libncurses5-dev libgdbm-dev libnss3-dev libssl-dev libreadline-dev libsqlite3-dev libpng-dev libjpeg-dev libbz2-dev liblzma-dev tk-dev \ No newline at end of file diff --git a/docs/_build/_sources/main.rst b/docs/_build/_sources/main.rst new file mode 100644 index 0000000..eace87b --- /dev/null +++ b/docs/_build/_sources/main.rst @@ -0,0 +1,7 @@ +main module +=========== + +.. automodule:: main + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_build/_sources/modules.rst b/docs/_build/_sources/modules.rst new file mode 100644 index 0000000..74d8441 --- /dev/null +++ b/docs/_build/_sources/modules.rst @@ -0,0 +1,15 @@ +API References +============== + +.. toctree:: + :maxdepth: 4 + + factory + gans + layers + main + networks + custom_parser + preprocessing + sc_dataset + tfrecord_loader diff --git a/docs/_build/_sources/networks.rst b/docs/_build/_sources/networks.rst new file mode 100644 index 0000000..e0b698a --- /dev/null +++ b/docs/_build/_sources/networks.rst @@ -0,0 +1,45 @@ +networks package +================ + +Submodules +---------- + +networks.critic module +---------------------- + +.. automodule:: networks.critic + :members: + :undoc-members: + :show-inheritance: + +networks.generator module +------------------------- + +.. automodule:: networks.generator + :members: + :undoc-members: + :show-inheritance: + +networks.labeler module +----------------------- + +.. automodule:: networks.labeler + :members: + :undoc-members: + :show-inheritance: + +networks.masked\_causal\_generator module +----------------------------------------- + +.. automodule:: networks.masked_causal_generator + :members: + :undoc-members: + :show-inheritance: + +Module contents +--------------- + +.. automodule:: networks + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_build/_sources/preprocessing.rst b/docs/_build/_sources/preprocessing.rst new file mode 100644 index 0000000..6dda904 --- /dev/null +++ b/docs/_build/_sources/preprocessing.rst @@ -0,0 +1,29 @@ +preprocessing package +===================== + +Submodules +---------- + +preprocessing.grn\_creation module +---------------------------------- + +.. automodule:: preprocessing.grn_creation + :members: + :undoc-members: + :show-inheritance: + +preprocessing.preprocess module +------------------------------- + +.. automodule:: preprocessing.preprocess + :members: + :undoc-members: + :show-inheritance: + +Module contents +--------------- + +.. automodule:: preprocessing + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_build/_sources/sc_dataset.rst b/docs/_build/_sources/sc_dataset.rst new file mode 100644 index 0000000..65a7091 --- /dev/null +++ b/docs/_build/_sources/sc_dataset.rst @@ -0,0 +1,7 @@ +sc\_dataset module +================== + +.. automodule:: sc_dataset + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_build/_sources/singularity.rst b/docs/_build/_sources/singularity.rst new file mode 100644 index 0000000..c043d20 --- /dev/null +++ b/docs/_build/_sources/singularity.rst @@ -0,0 +1,30 @@ +Singularity Setup +~~~~~~~~~~~~~~~~~ + +Converting Docker Image to Singularity +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +1. Install Singularity on your system if it's not already installed (`Installation Guide `_). + +2. Use the ``singularity pull`` command to convert the Docker image to a Singularity image: + +.. code-block:: console + + $ singularity pull groundgan.sif docker://yazdanz/groundgan:4b98686 + +This command will create a Singularity image named ``groundgan.sif`` by pulling ``yazdanz/groundgan:4b98686`` from Docker Hub. + +Running a Singularity Container +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + +After converting the Docker image to a Singularity image, you can run a Singularity container interactively: + +1. Start an interactive shell session within the Singularity container: + +.. code-block:: console + + $ singularity shell --nv groundgan.sif + +* The ``--nv`` flag enables running CUDA application inside the container. + +.. warning:: + There might be differences in directory structures and permissions between Singularity and Docker containers due to Singularity's bind-mounted approach. diff --git a/docs/_build/_sources/tfrecord_loader.rst b/docs/_build/_sources/tfrecord_loader.rst new file mode 100644 index 0000000..67a163f --- /dev/null +++ b/docs/_build/_sources/tfrecord_loader.rst @@ -0,0 +1,7 @@ +tfrecord\_loader module +======================= + +.. automodule:: tfrecord_loader + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_build/_sources/tree.rst b/docs/_build/_sources/tree.rst new file mode 100644 index 0000000..443064a --- /dev/null +++ b/docs/_build/_sources/tree.rst @@ -0,0 +1,44 @@ +.. code-block:: + + . + |-- .git + |-- .gitattributes + |-- .github + | `-- workflows + | |-- docker-build.yml + | `-- documentation.yaml + |-- .gitignore + |-- .gitmodules + |-- Atkinson_Hyperlegible + |-- Beeline + |-- LICENSE + |-- README.md + |-- configs + | |-- causal_gan.cfg + | |-- conditional_gan.cfg + | `-- gan.cfg + |-- data + | |-- generated + | |-- interim + | |-- processed + | | |-- BoneMarrow + | | `-- PBMC + | `-- raw + | |-- BoneMarrow + | |-- Homo_sapiens_TF.csv + | |-- Mus_musculus_TF.csv + | `-- PBMC + |-- docker + | `-- Dockerfile + |-- docs + |-- notebooks + |-- requirements.txt + |-- requirements_computecanada.txt + |-- results + |-- scDesign2 + |-- scGAN + |-- scripts + | |-- monitor.sh + | `-- train.sh + |-- sparsim + `-- src diff --git a/docs/_build/_sources/tutorial.rst b/docs/_build/_sources/tutorial.rst new file mode 100644 index 0000000..9d392d8 --- /dev/null +++ b/docs/_build/_sources/tutorial.rst @@ -0,0 +1,301 @@ +Tutorial +======== + +CLI +--- + +GRouNdGAN comes with a command-line interface. This section outlines available commands and arguments. + +To use the CLI, run the ``src/main.py`` script with the desired command and any applicable options. + +.. important:: + + Use :code:`python3.9` instead of :code:`python` if you're running through docker or singularity. + +.. code-block:: bash + + $ python src/main.py --help + usage: GRouNdGAN [-h] --config CONFIG [--preprocess] [--create_grn] [--train] [--generate] + + GRouNdGAN is a gene regulatory network (GRN)-guided causal implicit generative model for + simulating single-cell RNA-seq data, in-silico perturbation experiments, and benchmarking GRN + inference methods. This programs also contains cWGAN and unofficial implementations of scGAN and + cscGAN (with projection conditioning) + + required arguments: + --config CONFIG Path to the configuration file + + optional arguments: + --preprocess Preprocess raw data for GAN training + --create_grn Infer a GRN from preprocessed data using GRNBoost2 + and appropriately format as causal graph + --train Start or resume model training + --generate Simulate single-cells RNA-seq data in-silico + +There are essentially four commands available: ``--preprocess``, ``--create_grn``, ``--train``, and ``--generate``. You must provide a config file containing inputs and hyperparameters with each command through the ``--config`` flag. + +.. note:: + + You can run commands individually: + + .. code-block:: console + + python src/main.py --config configs/causal_gan.cfg --preprocess + + Or chain them together to run all or multiple steps in one go: + + .. code-block:: console + + python src/main.py --config configs/causal_gan.cfg --preprocess --create_grn --train --generate + +Config Files +------------ + +GRouNdGAN uses a configuration syntax similar to INI implemented by python's `configparser `_ module. + +We provide three sample config files in the ``configs/`` directory: + +* ``causal_gan.cfg``: for GRouNdGAN +* ``conditional_gan.cfg``: for cscGAN with projection conditioning (Marouf et al., 2020) and cWGAN. +* ``gan.cfg``: for scGAN (Marouf et al., 2020) (we use this to train GRouNdGAN's causal controller) + +Most of the configuration file consists of hyperparameters. You only need to modify input and output parameters which we will go through in each section. GRouNdGAN isn't very sensitive to hyperparameters. However, it is still advisable to test different choices of hyperparameters using a validation set. + +Below is the demo ``causal_gan.cfg`` config file for training GRouNdGAN using the PBMC68k dataset: + +.. include:: causal_gan_cfg.rst + + +Project outline +--------------- +GRouNdGAN is structured as follows: + +.. include:: tree.rst + +Demo Datasets +------------- + +The provided docker image comes prepackaged with the unprocessed Mouse BoneMarrow (Paul et al., 2015) and Human PBMC68k (Zheng et al., 2017) datasets (``data/raw/PBMC`` and ``data/raw/BoneMarrow``) and human and mouse TFs, downloaded from AnimalTFDB (``data/raw/Homo_sapiens_TF.csv`` and ``data/raw/Mus_musculus_TF.csv``). + +.. note:: + + If you have opted for a local installation, you can download these files from `here `_ and place them in ``data/raw/``. + + If that's too hard, this will do it in bash (you need curl and tar installed): + + .. code-block:: bash + + curl https://nextcloud.computecanada.ca/index.php/s/WqrCqkH5zjYYMw9/download --output demo_data.tar && + tar -xvf demo_data.tar -C data/raw/ && + mv data/raw/demo/* data/raw && + rm demo_data.tar && + rm -rf data/raw/demo/ + +Steps +----- + +Preprocessing +~~~~~~~~~~~~~ +.. attention:: + Don't skip the preprocessing step, GRouNdGAN requires library-size normalized data as input. + +To run our preprocessing pipeline, your config file should contain the following arguments: + +.. code-block:: ini + + [EXPERIMENT] + + [Preprocessing] + ; set True if data is 10x (like PBMC) + ; set False if you're providing an .h5ad file (like BoneMarrow.h5ad) + 10x = True + + ; If 10x = True, path to the directory containing matrix.mtx, genes.tsv, and barcodes.tsv + ; If 10x = False, path to the .h5ad file containing the expression matrix + raw = data/raw/PBMC/ + + validation set size = 1000 ; size of the validation set to create + test set size = 1000 ; size of the test set to create + annotations = data/raw/PBMC/barcodes_annotations.tsv ; optional, leave empty if you don't have annotations + min cells = 3 ; genes expressed in less than 3 cells are discarded + min genes = 10 ; cells with less than 10 genes expressed are discarded + library size = 20000 ; library size used for library-size normalization + louvain res = 0.15 ; Louvain clustering resolution (higher resolution means finding more and smaller clusters) + highly variable number = 1000 ; number of highly variable genes to identify + + [Data] + train = data/processed/PBMC/PBMC68k_train.h5ad ; path to output the train set + validation = data/processed/PBMC/PBMC68k_validation.h5ad ; path to output the validation set + test = data/processed/PBMC/PBMC68k_test.h5ad ; path to output the test set + +Then, run the following:: + + $ python src/main.py --config configs/causal_gan.cfg --preprocess + +Once completed, you will see a success message. Train, validation, and test sets should be created in the paths defined under the ``[Data]`` section of the config file. + +GRN Creation +~~~~~~~~~~~~ + +.. note:: + GRN creation isn't needed for scGAN, cscGAN, and cWGAN; you can skip the ``--create_grn`` command. + +This command uses GRNBoost2 (Moerman et al., 2018) to infer a GRN on the preprocessed train set. It then converts it into the a format that GRouNdGAN accepts. + +In addition to what was required in the previous step, you need to provide the following arguments: + +.. code-block:: ini + + [GRN Preparation] + TFs = data/raw/Homo_sapiens_TF.csv ; Path to file containing TFs (accepts AnimalTFDB csv formats) + k = 15 ; k is the number of top most important TFs per gene to include in the GRN + Inferred GRN = data/processed/PBMC/inferred_grnboost2.csv ; where to write GRNBoost2's output + + [Data] + causal graph = data/processed/PBMC/causal_graph.pkl ; where to write the created GRN + +Run using:: + + $ python src/main.py --config configs/causal_gan.cfg --create_grn + +Once done, you will see the properties of the created GRN. + +.. code-block:: bash + + Using 63 TFs for GRN inference. + preparing dask client + parsing input + creating dask graph + 4 partitions + computing dask graph + shutting down client and local cluster + finished + + Causal Graph + ----------------- ------------ + TFs 63 + Targets 937 + Genes 1000 + Possible Edges 59031 + Imposed Edges 14055 + GRN density Edges 0.238095 + ----------------- ------------ + +The causal graph will be written to the path specified by ``[Data]/causal graph`` in the config file. + +Imposing Custom GRNs +^^^^^^^^^^^^^^^^^^^^ + +It is possible to instead impose your own GRN onto GRouNdGAN. If you're opting for this option, skip the ``--create_grn`` command. Instead, create a python dictionary where keys are gene indices (``int``). For each key (gene index), the value is the set of indices ``set[int]`` coresponding to TFs that regulate the gene. + +.. image:: _static/sampleGRN.svg + +The GRN in the picture above can be written in dictionary form as: + +.. code-block:: python + + causal_graph = { + "G2": {"TF2", "TFn"}, + "G1": {"TF1"}, + "Gn": {"TF2", "TF1"}, + "G3": {"TFn", "TF1"} + } + +Converting the key/value pairs into gene/TF indices, it becomes + +.. code-block:: python + + causal_graph = { + 1: {4, 5}, + 3: {0}, + 6: {4, 0}, + 2: {5, 0} + } + +Then, pickle the dictionary: + +.. code-block:: python + + import pickle + + with open("path/to/write/causal_graph.pkl", "wb") as fp: + pickle.dump(causal_graph, fp, protocol=pickle.HIGHEST_PROTOCOL) + +Don't forget to edit the causal graph path in the config file. + +.. code-block:: ini + + [Data] + causal graph = path/to/write/causal_graph.pkl + + +* The GRN must be a directed bipartite graph +* All genes and TFs in the dataset must appear in the dictionary either as key (target gene) or value (as part of the set of TFs) + +.. Warning:: + + Construct a biologically meaningful GRN! + + Imposing a GRN with significantly different TF-gene relationships from those observable in the reference dataset will deteriorate the quality of simulated cells as generating realistic simulated datapoints and imposing the GRN will act as contradictory tasks + +Training +~~~~~~~~ + +You can start training the model using the following command:: + + $ python src/main.py --config configs/causal_gan.cfg --train + +Upon running the command above, three folders will be created inside the path provided in the config file (``[EXPERIMENT]/output directory``) and the config file will be copied over: + +* ``checkpoints/``: Containing the ``.pth`` state dictionary including model's weights, biases, etc. +* ``TensorBoard/``: Containing TensorBoard logs +* ``TSNE/``: Containing t-SNE plots of real vs simulated cells + +You can change the save, logging, and plotting frequency (default every 10000 steps) in the config file. + +Monitor training using TensorBoard:: + + tensorboard --logdir="{GAN OUTPUT DIR HERE}/TensorBoard" --host 0.0.0.0 --load_fast false & + +We also provide two slurm submission scripts for training and monitoring in ``scripts/``. + +.. note:: + * Training time primarily depends on the number of genes and the density of the imposed GRN. It takes about five days with a very dense GRN (~20% density) containing 1000 genes on a single NVidia V100SXM2 (16G memory) GPU. + + * GRouNdGAN supports multi-GPU training, but we suggest sticking to a single GPU to avoid excess overhead. + + * GRouNdGAN trains for a million steps by default. It is not recommended to change this in the config file. + + * You can resume training from a checkpoint by setting ``[EXPERIMENT]/checkpoint`` in the config file to the ``.pth`` checkpoint you wish to use. + +In-silico Single-Cell Simulation +~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ + +One training is done, populate the ``[EXPERIMENT]/checkpoint`` field with the path of the ``.pth`` checkpoint you want to use in the config file (usually the latest). + +You can change the number of cells to simulate in the config file (10000 by default) + +.. code-block:: ini + + [Generation] + number of cells to generate = 10000 + +Then run + +.. code-block:: sh + + $ python src/main.py --config path/to/config_file --generate + +This will output a ``simulated.h5ad`` file to ``[EXPERIMENT]/output directory`` containing the simulated expression matrix. + + +References +---------- + +Marouf, M., Machart, P., Bansal, V., Kilian, C., Magruder, D. S., Krebs, C., & Bonn, S. (2020). Realistic in silico generation and augmentation of single-cell RNA-seq data using generative adversarial networks. Nature Communications, 11(1). https://doi.org/10.1038/s41467-019-14018-z + +Paul, F., Arkin, Y., Giladi, A., Jaitin, D. A., Kenigsberg, E., Keren-Shaul, H., Winter, D. R., Lara-Astiaso, D., Gury, M., Weiner, A., David, E., Cohen, N., Lauridsen, F. K. B., Haas, S., Schlitzer, A., Mildner, A., Ginhoux, F., Jung, S., Trumpp, A., . . . Tanay, A. (2015). Transcriptional heterogeneity and lineage commitment in myeloid progenitors. Cell, 163(7), 1663–1677. https://doi.org/10.1016/j.cell.2015.11.013 + +Zheng, G., Terry, J. M., Belgrader, P., Ryvkin, P., Bent, Z., Wilson, R. J., Ziraldo, S. B., Wheeler, T. D., McDermott, G. P., Zhu, J., Gregory, M., Shuga, J., Montesclaros, L., Underwood, J. G., Masquelier, D. A., Nishimura, S. Y., Schnall-Levin, M., Wyatt, P., Hindson, C. M., . . . Bielas, J. H. (2017). Massively parallel digital transcriptional profiling of single cells. Nature Communications, 8(1). https://doi.org/10.1038/ncomms14049 + +Moerman, T., Aibar, S., González-Blas, C. B., Simm, J., Moreau, Y., Aerts, J., & Aerts, S. (2018). GRNBoost2 and Arboreto: efficient and scalable inference of gene regulatory networks. Bioinformatics, 35(12), 2159–2161. https://doi.org/10.1093/bioinformatics/bty916 diff --git a/docs/_build/_static/basic.css b/docs/_build/_static/basic.css new file mode 100644 index 0000000..2af6139 --- /dev/null +++ b/docs/_build/_static/basic.css @@ -0,0 +1,925 @@ +/* + * basic.css + * ~~~~~~~~~ + * + * Sphinx stylesheet -- basic theme. + * + * :copyright: Copyright 2007-2024 by the Sphinx team, see AUTHORS. + * :license: BSD, see LICENSE for details. + * + */ + +/* -- main layout ----------------------------------------------------------- */ + +div.clearer { + clear: both; +} + +div.section::after { + display: block; + content: ''; + clear: left; +} + +/* -- relbar ---------------------------------------------------------------- */ + +div.related { + width: 100%; + font-size: 90%; +} + +div.related h3 { + display: none; +} + +div.related ul { + margin: 0; + padding: 0 0 0 10px; + list-style: none; +} + +div.related li { + display: inline; +} + +div.related li.right { + float: right; + margin-right: 5px; +} + +/* -- sidebar --------------------------------------------------------------- */ + +div.sphinxsidebarwrapper { + padding: 10px 5px 0 10px; +} + +div.sphinxsidebar { + float: left; + width: 270px; + margin-left: -100%; + font-size: 90%; + word-wrap: break-word; + overflow-wrap : break-word; +} + +div.sphinxsidebar ul { + list-style: none; +} + +div.sphinxsidebar ul ul, +div.sphinxsidebar ul.want-points { + margin-left: 20px; + list-style: square; +} + +div.sphinxsidebar ul ul { + margin-top: 0; + margin-bottom: 0; +} + +div.sphinxsidebar form { + margin-top: 10px; +} + +div.sphinxsidebar input { + border: 1px solid #98dbcc; + font-family: sans-serif; + font-size: 1em; +} + +div.sphinxsidebar #searchbox form.search { + overflow: hidden; +} + +div.sphinxsidebar #searchbox input[type="text"] { + float: left; + width: 80%; + padding: 0.25em; + box-sizing: border-box; +} + +div.sphinxsidebar #searchbox input[type="submit"] { + float: left; + width: 20%; + border-left: none; + padding: 0.25em; + box-sizing: border-box; +} + + +img { + border: 0; + max-width: 100%; +} + +/* -- search page ----------------------------------------------------------- */ + +ul.search { + margin: 10px 0 0 20px; + padding: 0; +} + +ul.search li { + padding: 5px 0 5px 20px; + background-image: url(file.png); + background-repeat: no-repeat; + background-position: 0 7px; +} + +ul.search li a { + font-weight: bold; +} + +ul.search li p.context { + color: #888; + margin: 2px 0 0 30px; + text-align: left; +} + +ul.keywordmatches li.goodmatch a { + font-weight: bold; +} + +/* -- index page ------------------------------------------------------------ */ + +table.contentstable { + width: 90%; + margin-left: auto; + margin-right: auto; +} + +table.contentstable p.biglink { + line-height: 150%; +} + +a.biglink { + font-size: 1.3em; +} + +span.linkdescr { + font-style: italic; + padding-top: 5px; + font-size: 90%; +} + +/* -- general index --------------------------------------------------------- */ + +table.indextable { + width: 100%; +} + +table.indextable td { + text-align: left; + vertical-align: top; +} + +table.indextable ul { + margin-top: 0; + margin-bottom: 0; + list-style-type: none; +} + +table.indextable > tbody > tr > td > ul { + padding-left: 0em; +} + +table.indextable tr.pcap { + height: 10px; +} + +table.indextable tr.cap { + margin-top: 10px; + background-color: #f2f2f2; +} + +img.toggler { + margin-right: 3px; + margin-top: 3px; + cursor: pointer; +} + +div.modindex-jumpbox { + border-top: 1px solid #ddd; + border-bottom: 1px solid #ddd; + margin: 1em 0 1em 0; + padding: 0.4em; +} + +div.genindex-jumpbox { + border-top: 1px solid #ddd; + border-bottom: 1px solid #ddd; + margin: 1em 0 1em 0; + padding: 0.4em; +} + +/* -- domain module index --------------------------------------------------- */ + +table.modindextable td { + padding: 2px; + border-collapse: collapse; +} + +/* -- general body styles --------------------------------------------------- */ + +div.body { + min-width: 360px; + max-width: 800px; +} + +div.body p, div.body dd, div.body li, div.body blockquote { + -moz-hyphens: auto; + -ms-hyphens: auto; + -webkit-hyphens: auto; + hyphens: auto; +} + +a.headerlink { + visibility: hidden; +} + +a:visited { + color: #551A8B; +} + +h1:hover > a.headerlink, +h2:hover > a.headerlink, +h3:hover > a.headerlink, +h4:hover > a.headerlink, +h5:hover > a.headerlink, +h6:hover > a.headerlink, +dt:hover > a.headerlink, +caption:hover > a.headerlink, +p.caption:hover > a.headerlink, +div.code-block-caption:hover > a.headerlink { + visibility: visible; +} + +div.body p.caption { + text-align: inherit; +} + +div.body td { + text-align: left; +} + +.first { + margin-top: 0 !important; +} + +p.rubric { + margin-top: 30px; + font-weight: bold; +} + +img.align-left, figure.align-left, .figure.align-left, object.align-left { + clear: left; + float: left; + margin-right: 1em; +} + +img.align-right, figure.align-right, .figure.align-right, object.align-right { + clear: right; + float: right; + margin-left: 1em; +} + +img.align-center, figure.align-center, .figure.align-center, object.align-center { + display: block; + margin-left: auto; + margin-right: auto; +} + +img.align-default, figure.align-default, .figure.align-default { + display: block; + margin-left: auto; + margin-right: auto; +} + +.align-left { + text-align: left; +} + +.align-center { + text-align: center; +} + +.align-default { + text-align: center; +} + +.align-right { + text-align: right; +} + +/* -- sidebars -------------------------------------------------------------- */ + +div.sidebar, +aside.sidebar { + margin: 0 0 0.5em 1em; + border: 1px solid #ddb; + padding: 7px; + background-color: #ffe; + width: 40%; + float: right; + clear: right; + overflow-x: auto; +} + +p.sidebar-title { + font-weight: bold; +} + +nav.contents, +aside.topic, +div.admonition, div.topic, blockquote { + clear: left; +} + +/* -- topics ---------------------------------------------------------------- */ + +nav.contents, +aside.topic, +div.topic { + border: 1px solid #ccc; + padding: 7px; + margin: 10px 0 10px 0; +} + +p.topic-title { + font-size: 1.1em; + font-weight: bold; + margin-top: 10px; +} + +/* -- admonitions ----------------------------------------------------------- */ + +div.admonition { + margin-top: 10px; + margin-bottom: 10px; + padding: 7px; +} + +div.admonition dt { + font-weight: bold; +} + +p.admonition-title { + margin: 0px 10px 5px 0px; + font-weight: bold; +} + +div.body p.centered { + text-align: center; + margin-top: 25px; +} + +/* -- content of sidebars/topics/admonitions -------------------------------- */ + +div.sidebar > :last-child, +aside.sidebar > :last-child, +nav.contents > :last-child, +aside.topic > :last-child, +div.topic > :last-child, +div.admonition > :last-child { + margin-bottom: 0; +} + +div.sidebar::after, +aside.sidebar::after, +nav.contents::after, +aside.topic::after, +div.topic::after, +div.admonition::after, +blockquote::after { + display: block; + content: ''; + clear: both; +} + +/* -- tables ---------------------------------------------------------------- */ + +table.docutils { + margin-top: 10px; + margin-bottom: 10px; + border: 0; + border-collapse: collapse; +} + +table.align-center { + margin-left: auto; + margin-right: auto; +} + +table.align-default { + margin-left: auto; + margin-right: auto; +} + +table caption span.caption-number { + font-style: italic; +} + +table caption span.caption-text { +} + +table.docutils td, table.docutils th { + padding: 1px 8px 1px 5px; + border-top: 0; + border-left: 0; + border-right: 0; + border-bottom: 1px solid #aaa; +} + +th { + text-align: left; + padding-right: 5px; +} + +table.citation { + border-left: solid 1px gray; + margin-left: 1px; +} + +table.citation td { + border-bottom: none; +} + +th > :first-child, +td > :first-child { + margin-top: 0px; +} + +th > :last-child, +td > :last-child { + margin-bottom: 0px; +} + +/* -- figures --------------------------------------------------------------- */ + +div.figure, figure { + margin: 0.5em; + padding: 0.5em; +} + +div.figure p.caption, figcaption { + padding: 0.3em; +} + +div.figure p.caption span.caption-number, +figcaption span.caption-number { + font-style: italic; +} + +div.figure p.caption span.caption-text, +figcaption span.caption-text { +} + +/* -- field list styles ----------------------------------------------------- */ + +table.field-list td, table.field-list th { + border: 0 !important; +} + +.field-list ul { + margin: 0; + padding-left: 1em; +} + +.field-list p { + margin: 0; +} + +.field-name { + -moz-hyphens: manual; + -ms-hyphens: manual; + -webkit-hyphens: manual; + hyphens: manual; +} + +/* -- hlist styles ---------------------------------------------------------- */ + +table.hlist { + margin: 1em 0; +} + +table.hlist td { + vertical-align: top; +} + +/* -- object description styles --------------------------------------------- */ + +.sig { + font-family: 'Consolas', 'Menlo', 'DejaVu Sans Mono', 'Bitstream Vera Sans Mono', monospace; +} + +.sig-name, code.descname { + background-color: transparent; + font-weight: bold; +} + +.sig-name { + font-size: 1.1em; +} + +code.descname { + font-size: 1.2em; +} + +.sig-prename, code.descclassname { + background-color: transparent; +} + +.optional { + font-size: 1.3em; +} + +.sig-paren { + font-size: larger; +} + +.sig-param.n { + font-style: italic; +} + +/* C++ specific styling */ + +.sig-inline.c-texpr, +.sig-inline.cpp-texpr { + font-family: unset; +} + +.sig.c .k, .sig.c .kt, +.sig.cpp .k, .sig.cpp .kt { + color: #0033B3; +} + +.sig.c .m, +.sig.cpp .m { + color: #1750EB; +} + +.sig.c .s, .sig.c .sc, +.sig.cpp .s, .sig.cpp .sc { + color: #067D17; +} + + +/* -- other body styles ----------------------------------------------------- */ + +ol.arabic { + list-style: decimal; +} + +ol.loweralpha { + list-style: lower-alpha; +} + +ol.upperalpha { + list-style: upper-alpha; +} + +ol.lowerroman { + list-style: lower-roman; +} + +ol.upperroman { + list-style: upper-roman; +} + +:not(li) > ol > li:first-child > :first-child, +:not(li) > ul > li:first-child > :first-child { + margin-top: 0px; +} + +:not(li) > ol > li:last-child > :last-child, +:not(li) > ul > li:last-child > :last-child { + margin-bottom: 0px; +} + +ol.simple ol p, +ol.simple ul p, +ul.simple ol p, +ul.simple ul p { + margin-top: 0; +} + +ol.simple > li:not(:first-child) > p, +ul.simple > li:not(:first-child) > p { + margin-top: 0; +} + +ol.simple p, +ul.simple p { + margin-bottom: 0; +} + +aside.footnote > span, +div.citation > span { + float: left; +} +aside.footnote > span:last-of-type, +div.citation > span:last-of-type { + padding-right: 0.5em; +} +aside.footnote > p { + margin-left: 2em; +} +div.citation > p { + margin-left: 4em; +} +aside.footnote > p:last-of-type, +div.citation > p:last-of-type { + margin-bottom: 0em; +} +aside.footnote > p:last-of-type:after, +div.citation > p:last-of-type:after { + content: ""; + clear: both; +} + +dl.field-list { + display: grid; + grid-template-columns: fit-content(30%) auto; +} + +dl.field-list > dt { + font-weight: bold; + word-break: break-word; + padding-left: 0.5em; + padding-right: 5px; +} + +dl.field-list > dd { + padding-left: 0.5em; + margin-top: 0em; + margin-left: 0em; + margin-bottom: 0em; +} + +dl { + margin-bottom: 15px; +} + +dd > :first-child { + margin-top: 0px; +} + +dd ul, dd table { + margin-bottom: 10px; +} + +dd { + margin-top: 3px; + margin-bottom: 10px; + margin-left: 30px; +} + +.sig dd { + margin-top: 0px; + margin-bottom: 0px; +} + +.sig dl { + margin-top: 0px; + margin-bottom: 0px; +} + +dl > dd:last-child, +dl > dd:last-child > :last-child { + margin-bottom: 0; +} + +dt:target, span.highlighted { + background-color: #fbe54e; +} + +rect.highlighted { + fill: #fbe54e; +} + +dl.glossary dt { + font-weight: bold; + font-size: 1.1em; +} + +.versionmodified { + font-style: italic; +} + +.system-message { + background-color: #fda; + padding: 5px; + border: 3px solid red; +} + +.footnote:target { + background-color: #ffa; +} + +.line-block { + display: block; + margin-top: 1em; + margin-bottom: 1em; +} + +.line-block .line-block { + margin-top: 0; + margin-bottom: 0; + margin-left: 1.5em; +} + +.guilabel, .menuselection { + font-family: sans-serif; +} + +.accelerator { + text-decoration: underline; +} + +.classifier { + font-style: oblique; +} + +.classifier:before { + font-style: normal; + margin: 0 0.5em; + content: ":"; + display: inline-block; +} + +abbr, acronym { + border-bottom: dotted 1px; + cursor: help; +} + +.translated { + background-color: rgba(207, 255, 207, 0.2) +} + +.untranslated { + background-color: rgba(255, 207, 207, 0.2) +} + +/* -- code displays --------------------------------------------------------- */ + +pre { + overflow: auto; + overflow-y: hidden; /* fixes display issues on Chrome browsers */ +} + +pre, div[class*="highlight-"] { + clear: both; +} + +span.pre { + -moz-hyphens: none; + -ms-hyphens: none; + -webkit-hyphens: none; + hyphens: none; + white-space: nowrap; +} + +div[class*="highlight-"] { + margin: 1em 0; +} + +td.linenos pre { + border: 0; + background-color: transparent; + color: #aaa; +} + +table.highlighttable { + display: block; +} + +table.highlighttable tbody { + display: block; +} + +table.highlighttable tr { + display: flex; +} + +table.highlighttable td { + margin: 0; + padding: 0; +} + +table.highlighttable td.linenos { + padding-right: 0.5em; +} + +table.highlighttable td.code { + flex: 1; + overflow: hidden; +} + +.highlight .hll { + display: block; +} + +div.highlight pre, +table.highlighttable pre { + margin: 0; +} + +div.code-block-caption + div { + margin-top: 0; +} + +div.code-block-caption { + margin-top: 1em; + padding: 2px 5px; + font-size: small; +} + +div.code-block-caption code { + background-color: transparent; +} + +table.highlighttable td.linenos, +span.linenos, +div.highlight span.gp { /* gp: Generic.Prompt */ + user-select: none; + -webkit-user-select: text; /* Safari fallback only */ + -webkit-user-select: none; /* Chrome/Safari */ + -moz-user-select: none; /* Firefox */ + -ms-user-select: none; /* IE10+ */ +} + +div.code-block-caption span.caption-number { + padding: 0.1em 0.3em; + font-style: italic; +} + +div.code-block-caption span.caption-text { +} + +div.literal-block-wrapper { + margin: 1em 0; +} + +code.xref, a code { + background-color: transparent; + font-weight: bold; +} + +h1 code, h2 code, h3 code, h4 code, h5 code, h6 code { + background-color: transparent; +} + +.viewcode-link { + float: right; +} + +.viewcode-back { + float: right; + font-family: sans-serif; +} + +div.viewcode-block:target { + margin: -1px -10px; + padding: 0 10px; +} + +/* -- math display ---------------------------------------------------------- */ + +img.math { + vertical-align: middle; +} + +div.body div.math p { + text-align: center; +} + +span.eqno { + float: right; +} + +span.eqno a.headerlink { + position: absolute; + z-index: 1; +} + +div.math:hover a.headerlink { + visibility: visible; +} + +/* -- printout stylesheet --------------------------------------------------- */ + +@media print { + div.document, + div.documentwrapper, + div.bodywrapper { + margin: 0 !important; + width: 100%; + } + + div.sphinxsidebar, + div.related, + div.footer, + #top-link { + display: none; + } +} \ No newline at end of file diff --git a/docs/_build/_static/clipboard.min.js b/docs/_build/_static/clipboard.min.js new file mode 100644 index 0000000..54b3c46 --- /dev/null +++ b/docs/_build/_static/clipboard.min.js @@ -0,0 +1,7 @@ +/*! + * clipboard.js v2.0.8 + * https://clipboardjs.com/ + * + * Licensed MIT © Zeno Rocha + */ +!function(t,e){"object"==typeof exports&&"object"==typeof module?module.exports=e():"function"==typeof define&&define.amd?define([],e):"object"==typeof exports?exports.ClipboardJS=e():t.ClipboardJS=e()}(this,function(){return n={686:function(t,e,n){"use strict";n.d(e,{default:function(){return o}});var e=n(279),i=n.n(e),e=n(370),u=n.n(e),e=n(817),c=n.n(e);function a(t){try{return document.execCommand(t)}catch(t){return}}var f=function(t){t=c()(t);return a("cut"),t};var l=function(t){var e,n,o,r=1Short

+ */ + .o-tooltip--left { + position: relative; + } + + .o-tooltip--left:after { + opacity: 0; + visibility: hidden; + position: absolute; + content: attr(data-tooltip); + padding: .2em; + font-size: .8em; + left: -.2em; + background: grey; + color: white; + white-space: nowrap; + z-index: 2; + border-radius: 2px; + transform: translateX(-102%) translateY(0); + transition: opacity 0.2s cubic-bezier(0.64, 0.09, 0.08, 1), transform 0.2s cubic-bezier(0.64, 0.09, 0.08, 1); +} + +.o-tooltip--left:hover:after { + display: block; + opacity: 1; + visibility: visible; + transform: translateX(-100%) translateY(0); + transition: opacity 0.2s cubic-bezier(0.64, 0.09, 0.08, 1), transform 0.2s cubic-bezier(0.64, 0.09, 0.08, 1); + transition-delay: .5s; +} + +/* By default the copy button shouldn't show up when printing a page */ +@media print { + button.copybtn { + display: none; + } +} diff --git a/docs/_build/_static/copybutton.js b/docs/_build/_static/copybutton.js new file mode 100644 index 0000000..2ea7ff3 --- /dev/null +++ b/docs/_build/_static/copybutton.js @@ -0,0 +1,248 @@ +// Localization support +const messages = { + 'en': { + 'copy': 'Copy', + 'copy_to_clipboard': 'Copy to clipboard', + 'copy_success': 'Copied!', + 'copy_failure': 'Failed to copy', + }, + 'es' : { + 'copy': 'Copiar', + 'copy_to_clipboard': 'Copiar al portapapeles', + 'copy_success': '¡Copiado!', + 'copy_failure': 'Error al copiar', + }, + 'de' : { + 'copy': 'Kopieren', + 'copy_to_clipboard': 'In die Zwischenablage kopieren', + 'copy_success': 'Kopiert!', + 'copy_failure': 'Fehler beim Kopieren', + }, + 'fr' : { + 'copy': 'Copier', + 'copy_to_clipboard': 'Copier dans le presse-papier', + 'copy_success': 'Copié !', + 'copy_failure': 'Échec de la copie', + }, + 'ru': { + 'copy': 'Скопировать', + 'copy_to_clipboard': 'Скопировать в буфер', + 'copy_success': 'Скопировано!', + 'copy_failure': 'Не удалось скопировать', + }, + 'zh-CN': { + 'copy': '复制', + 'copy_to_clipboard': '复制到剪贴板', + 'copy_success': '复制成功!', + 'copy_failure': '复制失败', + }, + 'it' : { + 'copy': 'Copiare', + 'copy_to_clipboard': 'Copiato negli appunti', + 'copy_success': 'Copiato!', + 'copy_failure': 'Errore durante la copia', + } +} + +let locale = 'en' +if( document.documentElement.lang !== undefined + && messages[document.documentElement.lang] !== undefined ) { + locale = document.documentElement.lang +} + +let doc_url_root = DOCUMENTATION_OPTIONS.URL_ROOT; +if (doc_url_root == '#') { + doc_url_root = ''; +} + +/** + * SVG files for our copy buttons + */ +let iconCheck = ` + ${messages[locale]['copy_success']} + + +` + +// If the user specified their own SVG use that, otherwise use the default +let iconCopy = ``; +if (!iconCopy) { + iconCopy = ` + ${messages[locale]['copy_to_clipboard']} + + + +` +} + +/** + * Set up copy/paste for code blocks + */ + +const runWhenDOMLoaded = cb => { + if (document.readyState != 'loading') { + cb() + } else if (document.addEventListener) { + document.addEventListener('DOMContentLoaded', cb) + } else { + document.attachEvent('onreadystatechange', function() { + if (document.readyState == 'complete') cb() + }) + } +} + +const codeCellId = index => `codecell${index}` + +// Clears selected text since ClipboardJS will select the text when copying +const clearSelection = () => { + if (window.getSelection) { + window.getSelection().removeAllRanges() + } else if (document.selection) { + document.selection.empty() + } +} + +// Changes tooltip text for a moment, then changes it back +// We want the timeout of our `success` class to be a bit shorter than the +// tooltip and icon change, so that we can hide the icon before changing back. +var timeoutIcon = 2000; +var timeoutSuccessClass = 1500; + +const temporarilyChangeTooltip = (el, oldText, newText) => { + el.setAttribute('data-tooltip', newText) + el.classList.add('success') + // Remove success a little bit sooner than we change the tooltip + // So that we can use CSS to hide the copybutton first + setTimeout(() => el.classList.remove('success'), timeoutSuccessClass) + setTimeout(() => el.setAttribute('data-tooltip', oldText), timeoutIcon) +} + +// Changes the copy button icon for two seconds, then changes it back +const temporarilyChangeIcon = (el) => { + el.innerHTML = iconCheck; + setTimeout(() => {el.innerHTML = iconCopy}, timeoutIcon) +} + +const addCopyButtonToCodeCells = () => { + // If ClipboardJS hasn't loaded, wait a bit and try again. This + // happens because we load ClipboardJS asynchronously. + if (window.ClipboardJS === undefined) { + setTimeout(addCopyButtonToCodeCells, 250) + return + } + + // Add copybuttons to all of our code cells + const COPYBUTTON_SELECTOR = 'div.highlight pre'; + const codeCells = document.querySelectorAll(COPYBUTTON_SELECTOR) + codeCells.forEach((codeCell, index) => { + const id = codeCellId(index) + codeCell.setAttribute('id', id) + + const clipboardButton = id => + `` + codeCell.insertAdjacentHTML('afterend', clipboardButton(id)) + }) + +function escapeRegExp(string) { + return string.replace(/[.*+?^${}()|[\]\\]/g, '\\$&'); // $& means the whole matched string +} + +/** + * Removes excluded text from a Node. + * + * @param {Node} target Node to filter. + * @param {string} exclude CSS selector of nodes to exclude. + * @returns {DOMString} Text from `target` with text removed. + */ +function filterText(target, exclude) { + const clone = target.cloneNode(true); // clone as to not modify the live DOM + if (exclude) { + // remove excluded nodes + clone.querySelectorAll(exclude).forEach(node => node.remove()); + } + return clone.innerText; +} + +// Callback when a copy button is clicked. Will be passed the node that was clicked +// should then grab the text and replace pieces of text that shouldn't be used in output +function formatCopyText(textContent, copybuttonPromptText, isRegexp = false, onlyCopyPromptLines = true, removePrompts = true, copyEmptyLines = true, lineContinuationChar = "", hereDocDelim = "") { + var regexp; + var match; + + // Do we check for line continuation characters and "HERE-documents"? + var useLineCont = !!lineContinuationChar + var useHereDoc = !!hereDocDelim + + // create regexp to capture prompt and remaining line + if (isRegexp) { + regexp = new RegExp('^(' + copybuttonPromptText + ')(.*)') + } else { + regexp = new RegExp('^(' + escapeRegExp(copybuttonPromptText) + ')(.*)') + } + + const outputLines = []; + var promptFound = false; + var gotLineCont = false; + var gotHereDoc = false; + const lineGotPrompt = []; + for (const line of textContent.split('\n')) { + match = line.match(regexp) + if (match || gotLineCont || gotHereDoc) { + promptFound = regexp.test(line) + lineGotPrompt.push(promptFound) + if (removePrompts && promptFound) { + outputLines.push(match[2]) + } else { + outputLines.push(line) + } + gotLineCont = line.endsWith(lineContinuationChar) & useLineCont + if (line.includes(hereDocDelim) & useHereDoc) + gotHereDoc = !gotHereDoc + } else if (!onlyCopyPromptLines) { + outputLines.push(line) + } else if (copyEmptyLines && line.trim() === '') { + outputLines.push(line) + } + } + + // If no lines with the prompt were found then just use original lines + if (lineGotPrompt.some(v => v === true)) { + textContent = outputLines.join('\n'); + } + + // Remove a trailing newline to avoid auto-running when pasting + if (textContent.endsWith("\n")) { + textContent = textContent.slice(0, -1) + } + return textContent +} + + +var copyTargetText = (trigger) => { + var target = document.querySelector(trigger.attributes['data-clipboard-target'].value); + + // get filtered text + let exclude = '.linenos'; + + let text = filterText(target, exclude); + return formatCopyText(text, '', false, true, true, true, '', '') +} + + // Initialize with a callback so we can modify the text before copy + const clipboard = new ClipboardJS('.copybtn', {text: copyTargetText}) + + // Update UI with error/success messages + clipboard.on('success', event => { + clearSelection() + temporarilyChangeTooltip(event.trigger, messages[locale]['copy'], messages[locale]['copy_success']) + temporarilyChangeIcon(event.trigger) + }) + + clipboard.on('error', event => { + temporarilyChangeTooltip(event.trigger, messages[locale]['copy'], messages[locale]['copy_failure']) + }) +} + +runWhenDOMLoaded(addCopyButtonToCodeCells) \ No newline at end of file diff --git a/docs/_build/_static/copybutton_funcs.js b/docs/_build/_static/copybutton_funcs.js new file mode 100644 index 0000000..dbe1aaa --- /dev/null +++ b/docs/_build/_static/copybutton_funcs.js @@ -0,0 +1,73 @@ +function escapeRegExp(string) { + return string.replace(/[.*+?^${}()|[\]\\]/g, '\\$&'); // $& means the whole matched string +} + +/** + * Removes excluded text from a Node. + * + * @param {Node} target Node to filter. + * @param {string} exclude CSS selector of nodes to exclude. + * @returns {DOMString} Text from `target` with text removed. + */ +export function filterText(target, exclude) { + const clone = target.cloneNode(true); // clone as to not modify the live DOM + if (exclude) { + // remove excluded nodes + clone.querySelectorAll(exclude).forEach(node => node.remove()); + } + return clone.innerText; +} + +// Callback when a copy button is clicked. Will be passed the node that was clicked +// should then grab the text and replace pieces of text that shouldn't be used in output +export function formatCopyText(textContent, copybuttonPromptText, isRegexp = false, onlyCopyPromptLines = true, removePrompts = true, copyEmptyLines = true, lineContinuationChar = "", hereDocDelim = "") { + var regexp; + var match; + + // Do we check for line continuation characters and "HERE-documents"? + var useLineCont = !!lineContinuationChar + var useHereDoc = !!hereDocDelim + + // create regexp to capture prompt and remaining line + if (isRegexp) { + regexp = new RegExp('^(' + copybuttonPromptText + ')(.*)') + } else { + regexp = new RegExp('^(' + escapeRegExp(copybuttonPromptText) + ')(.*)') + } + + const outputLines = []; + var promptFound = false; + var gotLineCont = false; + var gotHereDoc = false; + const lineGotPrompt = []; + for (const line of textContent.split('\n')) { + match = line.match(regexp) + if (match || gotLineCont || gotHereDoc) { + promptFound = regexp.test(line) + lineGotPrompt.push(promptFound) + if (removePrompts && promptFound) { + outputLines.push(match[2]) + } else { + outputLines.push(line) + } + gotLineCont = line.endsWith(lineContinuationChar) & useLineCont + if (line.includes(hereDocDelim) & useHereDoc) + gotHereDoc = !gotHereDoc + } else if (!onlyCopyPromptLines) { + outputLines.push(line) + } else if (copyEmptyLines && line.trim() === '') { + outputLines.push(line) + } + } + + // If no lines with the prompt were found then just use original lines + if (lineGotPrompt.some(v => v === true)) { + textContent = outputLines.join('\n'); + } + + // Remove a trailing newline to avoid auto-running when pasting + if (textContent.endsWith("\n")) { + textContent = textContent.slice(0, -1) + } + return textContent +} diff --git a/docs/_build/_static/doctools.js b/docs/_build/_static/doctools.js new file mode 100644 index 0000000..4d67807 --- /dev/null +++ b/docs/_build/_static/doctools.js @@ -0,0 +1,156 @@ +/* + * doctools.js + * ~~~~~~~~~~~ + * + * Base JavaScript utilities for all Sphinx HTML documentation. + * + * :copyright: Copyright 2007-2024 by the Sphinx team, see AUTHORS. + * :license: BSD, see LICENSE for details. + * + */ +"use strict"; + +const BLACKLISTED_KEY_CONTROL_ELEMENTS = new Set([ + "TEXTAREA", + "INPUT", + "SELECT", + "BUTTON", +]); + +const _ready = (callback) => { + if (document.readyState !== "loading") { + callback(); + } else { + document.addEventListener("DOMContentLoaded", callback); + } +}; + +/** + * Small JavaScript module for the documentation. + */ +const Documentation = { + init: () => { + Documentation.initDomainIndexTable(); + Documentation.initOnKeyListeners(); + }, + + /** + * i18n support + */ + TRANSLATIONS: {}, + PLURAL_EXPR: (n) => (n === 1 ? 0 : 1), + LOCALE: "unknown", + + // gettext and ngettext don't access this so that the functions + // can safely bound to a different name (_ = Documentation.gettext) + gettext: (string) => { + const translated = Documentation.TRANSLATIONS[string]; + switch (typeof translated) { + case "undefined": + return string; // no translation + case "string": + return translated; // translation exists + default: + return translated[0]; // (singular, plural) translation tuple exists + } + }, + + ngettext: (singular, plural, n) => { + const translated = Documentation.TRANSLATIONS[singular]; + if (typeof translated !== "undefined") + return translated[Documentation.PLURAL_EXPR(n)]; + return n === 1 ? singular : plural; + }, + + addTranslations: (catalog) => { + Object.assign(Documentation.TRANSLATIONS, catalog.messages); + Documentation.PLURAL_EXPR = new Function( + "n", + `return (${catalog.plural_expr})` + ); + Documentation.LOCALE = catalog.locale; + }, + + /** + * helper function to focus on search bar + */ + focusSearchBar: () => { + document.querySelectorAll("input[name=q]")[0]?.focus(); + }, + + /** + * Initialise the domain index toggle buttons + */ + initDomainIndexTable: () => { + const toggler = (el) => { + const idNumber = el.id.substr(7); + const toggledRows = document.querySelectorAll(`tr.cg-${idNumber}`); + if (el.src.substr(-9) === "minus.png") { + el.src = `${el.src.substr(0, el.src.length - 9)}plus.png`; + toggledRows.forEach((el) => (el.style.display = "none")); + } else { + el.src = `${el.src.substr(0, el.src.length - 8)}minus.png`; + toggledRows.forEach((el) => (el.style.display = "")); + } + }; + + const togglerElements = document.querySelectorAll("img.toggler"); + togglerElements.forEach((el) => + el.addEventListener("click", (event) => toggler(event.currentTarget)) + ); + togglerElements.forEach((el) => (el.style.display = "")); + if (DOCUMENTATION_OPTIONS.COLLAPSE_INDEX) togglerElements.forEach(toggler); + }, + + initOnKeyListeners: () => { + // only install a listener if it is really needed + if ( + !DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS && + !DOCUMENTATION_OPTIONS.ENABLE_SEARCH_SHORTCUTS + ) + return; + + document.addEventListener("keydown", (event) => { + // bail for input elements + if (BLACKLISTED_KEY_CONTROL_ELEMENTS.has(document.activeElement.tagName)) return; + // bail with special keys + if (event.altKey || event.ctrlKey || event.metaKey) return; + + if (!event.shiftKey) { + switch (event.key) { + case "ArrowLeft": + if (!DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) break; + + const prevLink = document.querySelector('link[rel="prev"]'); + if (prevLink && prevLink.href) { + window.location.href = prevLink.href; + event.preventDefault(); + } + break; + case "ArrowRight": + if (!DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) break; + + const nextLink = document.querySelector('link[rel="next"]'); + if (nextLink && nextLink.href) { + window.location.href = nextLink.href; + event.preventDefault(); + } + break; + } + } + + // some keyboard layouts may need Shift to get / + switch (event.key) { + case "/": + if (!DOCUMENTATION_OPTIONS.ENABLE_SEARCH_SHORTCUTS) break; + Documentation.focusSearchBar(); + event.preventDefault(); + } + }); + }, +}; + +// quick alias for translations +const _ = Documentation.gettext; + +_ready(Documentation.init); diff --git a/docs/_build/_static/documentation_options.js b/docs/_build/_static/documentation_options.js new file mode 100644 index 0000000..4ea7447 --- /dev/null +++ b/docs/_build/_static/documentation_options.js @@ -0,0 +1,13 @@ +const DOCUMENTATION_OPTIONS = { + VERSION: '1.0', + LANGUAGE: 'en', + COLLAPSE_INDEX: false, + BUILDER: 'html', + FILE_SUFFIX: '.html', + LINK_SUFFIX: '.html', + HAS_SOURCE: true, + SOURCELINK_SUFFIX: '', + NAVIGATION_WITH_KEYS: false, + SHOW_SEARCH_SUMMARY: true, + ENABLE_SEARCH_SHORTCUTS: true, +}; \ No newline at end of file diff --git a/docs/_build/_static/language_data.js b/docs/_build/_static/language_data.js new file mode 100644 index 0000000..367b8ed --- /dev/null +++ b/docs/_build/_static/language_data.js @@ -0,0 +1,199 @@ +/* + * language_data.js + * ~~~~~~~~~~~~~~~~ + * + * This script contains the language-specific data used by searchtools.js, + * namely the list of stopwords, stemmer, scorer and splitter. + * + * :copyright: Copyright 2007-2024 by the Sphinx team, see AUTHORS. + * :license: BSD, see LICENSE for details. + * + */ + +var stopwords = ["a", "and", "are", "as", "at", "be", "but", "by", "for", "if", "in", "into", "is", "it", "near", "no", "not", "of", "on", "or", "such", "that", "the", "their", "then", "there", "these", "they", "this", "to", "was", "will", "with"]; + + +/* Non-minified version is copied as a separate JS file, if available */ + +/** + * Porter Stemmer + */ +var Stemmer = function() { + + var step2list = { + ational: 'ate', + tional: 'tion', + enci: 'ence', + anci: 'ance', + izer: 'ize', + bli: 'ble', + alli: 'al', + entli: 'ent', + eli: 'e', + ousli: 'ous', + ization: 'ize', + ation: 'ate', + ator: 'ate', + alism: 'al', + iveness: 'ive', + fulness: 'ful', + ousness: 'ous', + aliti: 'al', + iviti: 'ive', + biliti: 'ble', + logi: 'log' + }; + + var step3list = { + icate: 'ic', + ative: '', + alize: 'al', + iciti: 'ic', + ical: 'ic', + ful: '', + ness: '' + }; + + var c = "[^aeiou]"; // consonant + var v = "[aeiouy]"; // vowel + var C = c + "[^aeiouy]*"; // consonant sequence + var V = v + "[aeiou]*"; // vowel sequence + + var mgr0 = "^(" + C + ")?" + V + C; // [C]VC... is m>0 + var meq1 = "^(" + C + ")?" + V + C + "(" + V + ")?$"; // [C]VC[V] is m=1 + var mgr1 = "^(" + C + ")?" + V + C + V + C; // [C]VCVC... is m>1 + var s_v = "^(" + C + ")?" + v; // vowel in stem + + this.stemWord = function (w) { + var stem; + var suffix; + var firstch; + var origword = w; + + if (w.length < 3) + return w; + + var re; + var re2; + var re3; + var re4; + + firstch = w.substr(0,1); + if (firstch == "y") + w = firstch.toUpperCase() + w.substr(1); + + // Step 1a + re = /^(.+?)(ss|i)es$/; + re2 = /^(.+?)([^s])s$/; + + if (re.test(w)) + w = w.replace(re,"$1$2"); + else if (re2.test(w)) + w = w.replace(re2,"$1$2"); + + // Step 1b + re = /^(.+?)eed$/; + re2 = /^(.+?)(ed|ing)$/; + if (re.test(w)) { + var fp = re.exec(w); + re = new RegExp(mgr0); + if (re.test(fp[1])) { + re = /.$/; + w = w.replace(re,""); + } + } + else if (re2.test(w)) { + var fp = re2.exec(w); + stem = fp[1]; + re2 = new RegExp(s_v); + if (re2.test(stem)) { + w = stem; + re2 = /(at|bl|iz)$/; + re3 = new RegExp("([^aeiouylsz])\\1$"); + re4 = new RegExp("^" + C + v + "[^aeiouwxy]$"); + if (re2.test(w)) + w = w + "e"; + else if (re3.test(w)) { + re = /.$/; + w = w.replace(re,""); + } + else if (re4.test(w)) + w = w + "e"; + } + } + + // Step 1c + re = /^(.+?)y$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + re = new RegExp(s_v); + if (re.test(stem)) + w = stem + "i"; + } + + // Step 2 + re = /^(.+?)(ational|tional|enci|anci|izer|bli|alli|entli|eli|ousli|ization|ation|ator|alism|iveness|fulness|ousness|aliti|iviti|biliti|logi)$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + suffix = fp[2]; + re = new RegExp(mgr0); + if (re.test(stem)) + w = stem + step2list[suffix]; + } + + // Step 3 + re = /^(.+?)(icate|ative|alize|iciti|ical|ful|ness)$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + suffix = fp[2]; + re = new RegExp(mgr0); + if (re.test(stem)) + w = stem + step3list[suffix]; + } + + // Step 4 + re = /^(.+?)(al|ance|ence|er|ic|able|ible|ant|ement|ment|ent|ou|ism|ate|iti|ous|ive|ize)$/; + re2 = /^(.+?)(s|t)(ion)$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + re = new RegExp(mgr1); + if (re.test(stem)) + w = stem; + } + else if (re2.test(w)) { + var fp = re2.exec(w); + stem = fp[1] + fp[2]; + re2 = new RegExp(mgr1); + if (re2.test(stem)) + w = stem; + } + + // Step 5 + re = /^(.+?)e$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + re = new RegExp(mgr1); + re2 = new RegExp(meq1); + re3 = new RegExp("^" + C + v + "[^aeiouwxy]$"); + if (re.test(stem) || (re2.test(stem) && !(re3.test(stem)))) + w = stem; + } + re = /ll$/; + re2 = new RegExp(mgr1); + if (re.test(w) && re2.test(w)) { + re = /.$/; + w = w.replace(re,""); + } + + // and turn initial Y back to y + if (firstch == "y") + w = firstch.toLowerCase() + w.substr(1); + return w; + } +} + diff --git a/docs/_build/_static/locales/ar/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/ar/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..15541a6 Binary files /dev/null and b/docs/_build/_static/locales/ar/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/ar/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/ar/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..edae2ec --- /dev/null +++ b/docs/_build/_static/locales/ar/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ar\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "موضوع بواسطة" + +msgid "Open an issue" +msgstr "افتح قضية" + +msgid "Contents" +msgstr "محتويات" + +msgid "Download notebook file" +msgstr "تنزيل ملف دفتر الملاحظات" + +msgid "Sphinx Book Theme" +msgstr "موضوع كتاب أبو الهول" + +msgid "Fullscreen mode" +msgstr "وضع ملء الشاشة" + +msgid "Edit this page" +msgstr "قم بتحرير هذه الصفحة" + +msgid "By" +msgstr "بواسطة" + +msgid "Copyright" +msgstr "حقوق النشر" + +msgid "Source repository" +msgstr "مستودع المصدر" + +msgid "previous page" +msgstr "الصفحة السابقة" + +msgid "next page" +msgstr "الصفحة التالية" + +msgid "Toggle navigation" +msgstr "تبديل التنقل" + +msgid "repository" +msgstr "مخزن" + +msgid "suggest edit" +msgstr "أقترح تحرير" + +msgid "open issue" +msgstr "قضية مفتوحة" + +msgid "Launch" +msgstr "إطلاق" + +msgid "Print to PDF" +msgstr "طباعة إلى PDF" + +msgid "By the" +msgstr "بواسطة" + +msgid "Last updated on" +msgstr "آخر تحديث في" + +msgid "Download source file" +msgstr "تنزيل ملف المصدر" + +msgid "Download this page" +msgstr "قم بتنزيل هذه الصفحة" diff --git a/docs/_build/_static/locales/bg/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/bg/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..da95120 Binary files /dev/null and b/docs/_build/_static/locales/bg/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/bg/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/bg/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..1f363b9 --- /dev/null +++ b/docs/_build/_static/locales/bg/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: bg\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Тема от" + +msgid "Open an issue" +msgstr "Отворете проблем" + +msgid "Contents" +msgstr "Съдържание" + +msgid "Download notebook file" +msgstr "Изтеглете файла на бележника" + +msgid "Sphinx Book Theme" +msgstr "Тема на книгата Sphinx" + +msgid "Fullscreen mode" +msgstr "Режим на цял екран" + +msgid "Edit this page" +msgstr "Редактирайте тази страница" + +msgid "By" +msgstr "От" + +msgid "Copyright" +msgstr "Авторско право" + +msgid "Source repository" +msgstr "Хранилище на източника" + +msgid "previous page" +msgstr "предишна страница" + +msgid "next page" +msgstr "Следваща страница" + +msgid "Toggle navigation" +msgstr "Превключване на навигацията" + +msgid "repository" +msgstr "хранилище" + +msgid "suggest edit" +msgstr "предложи редактиране" + +msgid "open issue" +msgstr "отворен брой" + +msgid "Launch" +msgstr "Стартиране" + +msgid "Print to PDF" +msgstr "Печат в PDF" + +msgid "By the" +msgstr "По" + +msgid "Last updated on" +msgstr "Последна актуализация на" + +msgid "Download source file" +msgstr "Изтеглете изходния файл" + +msgid "Download this page" +msgstr "Изтеглете тази страница" diff --git a/docs/_build/_static/locales/bn/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/bn/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..6b96639 Binary files /dev/null and b/docs/_build/_static/locales/bn/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/bn/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/bn/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..fa54372 --- /dev/null +++ b/docs/_build/_static/locales/bn/LC_MESSAGES/booktheme.po @@ -0,0 +1,63 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: bn\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "থিম দ্বারা" + +msgid "Open an issue" +msgstr "একটি সমস্যা খুলুন" + +msgid "Download notebook file" +msgstr "নোটবুক ফাইল ডাউনলোড করুন" + +msgid "Sphinx Book Theme" +msgstr "স্পিনিক্স বুক থিম" + +msgid "Edit this page" +msgstr "এই পৃষ্ঠাটি সম্পাদনা করুন" + +msgid "By" +msgstr "দ্বারা" + +msgid "Copyright" +msgstr "কপিরাইট" + +msgid "Source repository" +msgstr "উত্স সংগ্রহস্থল" + +msgid "previous page" +msgstr "আগের পৃষ্ঠা" + +msgid "next page" +msgstr "পরবর্তী পৃষ্ঠা" + +msgid "Toggle navigation" +msgstr "নেভিগেশন টগল করুন" + +msgid "open issue" +msgstr "খোলা সমস্যা" + +msgid "Launch" +msgstr "শুরু করা" + +msgid "Print to PDF" +msgstr "পিডিএফ প্রিন্ট করুন" + +msgid "By the" +msgstr "দ্বারা" + +msgid "Last updated on" +msgstr "সর্বশেষ আপডেট" + +msgid "Download source file" +msgstr "উত্স ফাইল ডাউনলোড করুন" + +msgid "Download this page" +msgstr "এই পৃষ্ঠাটি ডাউনলোড করুন" diff --git a/docs/_build/_static/locales/ca/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/ca/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..a4dd30e Binary files /dev/null and b/docs/_build/_static/locales/ca/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/ca/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/ca/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..22f1569 --- /dev/null +++ b/docs/_build/_static/locales/ca/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ca\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema del" + +msgid "Open an issue" +msgstr "Obriu un número" + +msgid "Download notebook file" +msgstr "Descarregar fitxer de quadern" + +msgid "Sphinx Book Theme" +msgstr "Tema del llibre Esfinx" + +msgid "Edit this page" +msgstr "Editeu aquesta pàgina" + +msgid "By" +msgstr "Per" + +msgid "Copyright" +msgstr "Copyright" + +msgid "Source repository" +msgstr "Dipòsit de fonts" + +msgid "previous page" +msgstr "Pàgina anterior" + +msgid "next page" +msgstr "pàgina següent" + +msgid "Toggle navigation" +msgstr "Commuta la navegació" + +msgid "suggest edit" +msgstr "suggerir edició" + +msgid "open issue" +msgstr "número obert" + +msgid "Launch" +msgstr "Llançament" + +msgid "Print to PDF" +msgstr "Imprimeix a PDF" + +msgid "By the" +msgstr "Per la" + +msgid "Last updated on" +msgstr "Darrera actualització el" + +msgid "Download source file" +msgstr "Baixeu el fitxer font" + +msgid "Download this page" +msgstr "Descarregueu aquesta pàgina" diff --git a/docs/_build/_static/locales/cs/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/cs/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..c39e01a Binary files /dev/null and b/docs/_build/_static/locales/cs/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/cs/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/cs/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..afecd9e --- /dev/null +++ b/docs/_build/_static/locales/cs/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: cs\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Téma od" + +msgid "Open an issue" +msgstr "Otevřete problém" + +msgid "Contents" +msgstr "Obsah" + +msgid "Download notebook file" +msgstr "Stáhnout soubor poznámkového bloku" + +msgid "Sphinx Book Theme" +msgstr "Téma knihy Sfinga" + +msgid "Fullscreen mode" +msgstr "Režim celé obrazovky" + +msgid "Edit this page" +msgstr "Upravit tuto stránku" + +msgid "By" +msgstr "Podle" + +msgid "Copyright" +msgstr "autorská práva" + +msgid "Source repository" +msgstr "Zdrojové úložiště" + +msgid "previous page" +msgstr "předchozí stránka" + +msgid "next page" +msgstr "další strana" + +msgid "Toggle navigation" +msgstr "Přepnout navigaci" + +msgid "repository" +msgstr "úložiště" + +msgid "suggest edit" +msgstr "navrhnout úpravy" + +msgid "open issue" +msgstr "otevřené číslo" + +msgid "Launch" +msgstr "Zahájení" + +msgid "Print to PDF" +msgstr "Tisk do PDF" + +msgid "By the" +msgstr "Podle" + +msgid "Last updated on" +msgstr "Naposledy aktualizováno" + +msgid "Download source file" +msgstr "Stáhněte si zdrojový soubor" + +msgid "Download this page" +msgstr "Stáhněte si tuto stránku" diff --git a/docs/_build/_static/locales/da/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/da/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..f43157d Binary files /dev/null and b/docs/_build/_static/locales/da/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/da/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/da/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..649c78a --- /dev/null +++ b/docs/_build/_static/locales/da/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: da\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema af" + +msgid "Open an issue" +msgstr "Åbn et problem" + +msgid "Contents" +msgstr "Indhold" + +msgid "Download notebook file" +msgstr "Download notesbog-fil" + +msgid "Sphinx Book Theme" +msgstr "Sphinx bogtema" + +msgid "Fullscreen mode" +msgstr "Fuldskærmstilstand" + +msgid "Edit this page" +msgstr "Rediger denne side" + +msgid "By" +msgstr "Ved" + +msgid "Copyright" +msgstr "ophavsret" + +msgid "Source repository" +msgstr "Kildelager" + +msgid "previous page" +msgstr "forrige side" + +msgid "next page" +msgstr "Næste side" + +msgid "Toggle navigation" +msgstr "Skift navigation" + +msgid "repository" +msgstr "lager" + +msgid "suggest edit" +msgstr "foreslå redigering" + +msgid "open issue" +msgstr "åbent nummer" + +msgid "Launch" +msgstr "Start" + +msgid "Print to PDF" +msgstr "Udskriv til PDF" + +msgid "By the" +msgstr "Ved" + +msgid "Last updated on" +msgstr "Sidst opdateret den" + +msgid "Download source file" +msgstr "Download kildefil" + +msgid "Download this page" +msgstr "Download denne side" diff --git a/docs/_build/_static/locales/de/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/de/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..648b565 Binary files /dev/null and b/docs/_build/_static/locales/de/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/de/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/de/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..f51d2ec --- /dev/null +++ b/docs/_build/_static/locales/de/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: de\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Thema von der" + +msgid "Open an issue" +msgstr "Öffnen Sie ein Problem" + +msgid "Contents" +msgstr "Inhalt" + +msgid "Download notebook file" +msgstr "Notebook-Datei herunterladen" + +msgid "Sphinx Book Theme" +msgstr "Sphinx-Buch-Thema" + +msgid "Fullscreen mode" +msgstr "Vollbildmodus" + +msgid "Edit this page" +msgstr "Bearbeite diese Seite" + +msgid "By" +msgstr "Durch" + +msgid "Copyright" +msgstr "Urheberrechte ©" + +msgid "Source repository" +msgstr "Quell-Repository" + +msgid "previous page" +msgstr "vorherige Seite" + +msgid "next page" +msgstr "Nächste Seite" + +msgid "Toggle navigation" +msgstr "Navigation umschalten" + +msgid "repository" +msgstr "Repository" + +msgid "suggest edit" +msgstr "vorschlagen zu bearbeiten" + +msgid "open issue" +msgstr "offenes Thema" + +msgid "Launch" +msgstr "Starten" + +msgid "Print to PDF" +msgstr "In PDF drucken" + +msgid "By the" +msgstr "Bis zum" + +msgid "Last updated on" +msgstr "Zuletzt aktualisiert am" + +msgid "Download source file" +msgstr "Quelldatei herunterladen" + +msgid "Download this page" +msgstr "Laden Sie diese Seite herunter" diff --git a/docs/_build/_static/locales/el/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/el/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..fca6e93 Binary files /dev/null and b/docs/_build/_static/locales/el/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/el/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/el/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..8bec790 --- /dev/null +++ b/docs/_build/_static/locales/el/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: el\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Θέμα από το" + +msgid "Open an issue" +msgstr "Ανοίξτε ένα ζήτημα" + +msgid "Contents" +msgstr "Περιεχόμενα" + +msgid "Download notebook file" +msgstr "Λήψη αρχείου σημειωματάριου" + +msgid "Sphinx Book Theme" +msgstr "Θέμα βιβλίου Sphinx" + +msgid "Fullscreen mode" +msgstr "ΛΕΙΤΟΥΡΓΙΑ ΠΛΗΡΟΥΣ ΟΘΟΝΗΣ" + +msgid "Edit this page" +msgstr "Επεξεργαστείτε αυτήν τη σελίδα" + +msgid "By" +msgstr "Με" + +msgid "Copyright" +msgstr "Πνευματική ιδιοκτησία" + +msgid "Source repository" +msgstr "Αποθήκη πηγής" + +msgid "previous page" +msgstr "προηγούμενη σελίδα" + +msgid "next page" +msgstr "επόμενη σελίδα" + +msgid "Toggle navigation" +msgstr "Εναλλαγή πλοήγησης" + +msgid "repository" +msgstr "αποθήκη" + +msgid "suggest edit" +msgstr "προτείνω επεξεργασία" + +msgid "open issue" +msgstr "ανοιχτό ζήτημα" + +msgid "Launch" +msgstr "Εκτόξευση" + +msgid "Print to PDF" +msgstr "Εκτύπωση σε PDF" + +msgid "By the" +msgstr "Από το" + +msgid "Last updated on" +msgstr "Τελευταία ενημέρωση στις" + +msgid "Download source file" +msgstr "Λήψη αρχείου προέλευσης" + +msgid "Download this page" +msgstr "Λήψη αυτής της σελίδας" diff --git a/docs/_build/_static/locales/eo/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/eo/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..d1072bb Binary files /dev/null and b/docs/_build/_static/locales/eo/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/eo/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/eo/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..d72a048 --- /dev/null +++ b/docs/_build/_static/locales/eo/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: eo\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Temo de la" + +msgid "Open an issue" +msgstr "Malfermu numeron" + +msgid "Contents" +msgstr "Enhavo" + +msgid "Download notebook file" +msgstr "Elŝutu kajeran dosieron" + +msgid "Sphinx Book Theme" +msgstr "Sfinksa Libro-Temo" + +msgid "Fullscreen mode" +msgstr "Plenekrana reĝimo" + +msgid "Edit this page" +msgstr "Redaktu ĉi tiun paĝon" + +msgid "By" +msgstr "De" + +msgid "Copyright" +msgstr "Kopirajto" + +msgid "Source repository" +msgstr "Fonto-deponejo" + +msgid "previous page" +msgstr "antaŭa paĝo" + +msgid "next page" +msgstr "sekva paĝo" + +msgid "Toggle navigation" +msgstr "Ŝalti navigadon" + +msgid "repository" +msgstr "deponejo" + +msgid "suggest edit" +msgstr "sugesti redaktadon" + +msgid "open issue" +msgstr "malferma numero" + +msgid "Launch" +msgstr "Lanĉo" + +msgid "Print to PDF" +msgstr "Presi al PDF" + +msgid "By the" +msgstr "Per la" + +msgid "Last updated on" +msgstr "Laste ĝisdatigita la" + +msgid "Download source file" +msgstr "Elŝutu fontodosieron" + +msgid "Download this page" +msgstr "Elŝutu ĉi tiun paĝon" diff --git a/docs/_build/_static/locales/es/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/es/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..ba2ee4d Binary files /dev/null and b/docs/_build/_static/locales/es/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/es/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/es/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..611834b --- /dev/null +++ b/docs/_build/_static/locales/es/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: es\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema por el" + +msgid "Open an issue" +msgstr "Abrir un problema" + +msgid "Contents" +msgstr "Contenido" + +msgid "Download notebook file" +msgstr "Descargar archivo de cuaderno" + +msgid "Sphinx Book Theme" +msgstr "Tema del libro de la esfinge" + +msgid "Fullscreen mode" +msgstr "Modo de pantalla completa" + +msgid "Edit this page" +msgstr "Edita esta página" + +msgid "By" +msgstr "Por" + +msgid "Copyright" +msgstr "Derechos de autor" + +msgid "Source repository" +msgstr "Repositorio de origen" + +msgid "previous page" +msgstr "pagina anterior" + +msgid "next page" +msgstr "siguiente página" + +msgid "Toggle navigation" +msgstr "Navegación de palanca" + +msgid "repository" +msgstr "repositorio" + +msgid "suggest edit" +msgstr "sugerir editar" + +msgid "open issue" +msgstr "Tema abierto" + +msgid "Launch" +msgstr "Lanzamiento" + +msgid "Print to PDF" +msgstr "Imprimir en PDF" + +msgid "By the" +msgstr "Por el" + +msgid "Last updated on" +msgstr "Ultima actualización en" + +msgid "Download source file" +msgstr "Descargar archivo fuente" + +msgid "Download this page" +msgstr "Descarga esta pagina" diff --git a/docs/_build/_static/locales/et/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/et/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..983b823 Binary files /dev/null and b/docs/_build/_static/locales/et/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/et/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/et/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..345088f --- /dev/null +++ b/docs/_build/_static/locales/et/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: et\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Teema" + +msgid "Open an issue" +msgstr "Avage probleem" + +msgid "Contents" +msgstr "Sisu" + +msgid "Download notebook file" +msgstr "Laadige sülearvuti fail alla" + +msgid "Sphinx Book Theme" +msgstr "Sfinksiraamatu teema" + +msgid "Fullscreen mode" +msgstr "Täisekraanirežiim" + +msgid "Edit this page" +msgstr "Muutke seda lehte" + +msgid "By" +msgstr "Kõrval" + +msgid "Copyright" +msgstr "Autoriõigus" + +msgid "Source repository" +msgstr "Allikahoidla" + +msgid "previous page" +msgstr "eelmine leht" + +msgid "next page" +msgstr "järgmine leht" + +msgid "Toggle navigation" +msgstr "Lülita navigeerimine sisse" + +msgid "repository" +msgstr "hoidla" + +msgid "suggest edit" +msgstr "soovita muuta" + +msgid "open issue" +msgstr "avatud küsimus" + +msgid "Launch" +msgstr "Käivitage" + +msgid "Print to PDF" +msgstr "Prindi PDF-i" + +msgid "By the" +msgstr "Autor" + +msgid "Last updated on" +msgstr "Viimati uuendatud" + +msgid "Download source file" +msgstr "Laadige alla lähtefail" + +msgid "Download this page" +msgstr "Laadige see leht alla" diff --git a/docs/_build/_static/locales/fi/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/fi/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..d8ac054 Binary files /dev/null and b/docs/_build/_static/locales/fi/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/fi/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/fi/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..d97a08d --- /dev/null +++ b/docs/_build/_static/locales/fi/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: fi\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Teeman tekijä" + +msgid "Open an issue" +msgstr "Avaa ongelma" + +msgid "Contents" +msgstr "Sisällys" + +msgid "Download notebook file" +msgstr "Lataa muistikirjatiedosto" + +msgid "Sphinx Book Theme" +msgstr "Sphinx-kirjan teema" + +msgid "Fullscreen mode" +msgstr "Koko näytön tila" + +msgid "Edit this page" +msgstr "Muokkaa tätä sivua" + +msgid "By" +msgstr "Tekijä" + +msgid "Copyright" +msgstr "Tekijänoikeus" + +msgid "Source repository" +msgstr "Lähteen arkisto" + +msgid "previous page" +msgstr "Edellinen sivu" + +msgid "next page" +msgstr "seuraava sivu" + +msgid "Toggle navigation" +msgstr "Vaihda navigointia" + +msgid "repository" +msgstr "arkisto" + +msgid "suggest edit" +msgstr "ehdottaa muokkausta" + +msgid "open issue" +msgstr "avoin ongelma" + +msgid "Launch" +msgstr "Tuoda markkinoille" + +msgid "Print to PDF" +msgstr "Tulosta PDF-tiedostoon" + +msgid "By the" +msgstr "Mukaan" + +msgid "Last updated on" +msgstr "Viimeksi päivitetty" + +msgid "Download source file" +msgstr "Lataa lähdetiedosto" + +msgid "Download this page" +msgstr "Lataa tämä sivu" diff --git a/docs/_build/_static/locales/fr/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/fr/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..f663d39 Binary files /dev/null and b/docs/_build/_static/locales/fr/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/fr/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/fr/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..88f3517 --- /dev/null +++ b/docs/_build/_static/locales/fr/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: fr\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Thème par le" + +msgid "Open an issue" +msgstr "Ouvrez un problème" + +msgid "Contents" +msgstr "Contenu" + +msgid "Download notebook file" +msgstr "Télécharger le fichier notebook" + +msgid "Sphinx Book Theme" +msgstr "Thème du livre Sphinx" + +msgid "Fullscreen mode" +msgstr "Mode plein écran" + +msgid "Edit this page" +msgstr "Modifier cette page" + +msgid "By" +msgstr "Par" + +msgid "Copyright" +msgstr "droits d'auteur" + +msgid "Source repository" +msgstr "Dépôt source" + +msgid "previous page" +msgstr "page précédente" + +msgid "next page" +msgstr "page suivante" + +msgid "Toggle navigation" +msgstr "Basculer la navigation" + +msgid "repository" +msgstr "dépôt" + +msgid "suggest edit" +msgstr "suggestion de modification" + +msgid "open issue" +msgstr "signaler un problème" + +msgid "Launch" +msgstr "lancement" + +msgid "Print to PDF" +msgstr "Imprimer au format PDF" + +msgid "By the" +msgstr "Par le" + +msgid "Last updated on" +msgstr "Dernière mise à jour le" + +msgid "Download source file" +msgstr "Télécharger le fichier source" + +msgid "Download this page" +msgstr "Téléchargez cette page" diff --git a/docs/_build/_static/locales/hr/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/hr/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..eca4a1a Binary files /dev/null and b/docs/_build/_static/locales/hr/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/hr/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/hr/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..fb9440a --- /dev/null +++ b/docs/_build/_static/locales/hr/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: hr\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema autora" + +msgid "Open an issue" +msgstr "Otvorite izdanje" + +msgid "Contents" +msgstr "Sadržaj" + +msgid "Download notebook file" +msgstr "Preuzmi datoteku bilježnice" + +msgid "Sphinx Book Theme" +msgstr "Tema knjige Sphinx" + +msgid "Fullscreen mode" +msgstr "Način preko cijelog zaslona" + +msgid "Edit this page" +msgstr "Uredite ovu stranicu" + +msgid "By" +msgstr "Po" + +msgid "Copyright" +msgstr "Autorska prava" + +msgid "Source repository" +msgstr "Izvorno spremište" + +msgid "previous page" +msgstr "Prethodna stranica" + +msgid "next page" +msgstr "sljedeća stranica" + +msgid "Toggle navigation" +msgstr "Uključi / isključi navigaciju" + +msgid "repository" +msgstr "spremište" + +msgid "suggest edit" +msgstr "predloži uređivanje" + +msgid "open issue" +msgstr "otvoreno izdanje" + +msgid "Launch" +msgstr "Pokrenite" + +msgid "Print to PDF" +msgstr "Ispis u PDF" + +msgid "By the" +msgstr "Od strane" + +msgid "Last updated on" +msgstr "Posljednje ažuriranje:" + +msgid "Download source file" +msgstr "Preuzmi izvornu datoteku" + +msgid "Download this page" +msgstr "Preuzmite ovu stranicu" diff --git a/docs/_build/_static/locales/id/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/id/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..d07a06a Binary files /dev/null and b/docs/_build/_static/locales/id/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/id/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/id/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..9ffb56f --- /dev/null +++ b/docs/_build/_static/locales/id/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: id\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema oleh" + +msgid "Open an issue" +msgstr "Buka masalah" + +msgid "Contents" +msgstr "Isi" + +msgid "Download notebook file" +msgstr "Unduh file notebook" + +msgid "Sphinx Book Theme" +msgstr "Tema Buku Sphinx" + +msgid "Fullscreen mode" +msgstr "Mode layar penuh" + +msgid "Edit this page" +msgstr "Edit halaman ini" + +msgid "By" +msgstr "Oleh" + +msgid "Copyright" +msgstr "hak cipta" + +msgid "Source repository" +msgstr "Repositori sumber" + +msgid "previous page" +msgstr "halaman sebelumnya" + +msgid "next page" +msgstr "halaman selanjutnya" + +msgid "Toggle navigation" +msgstr "Alihkan navigasi" + +msgid "repository" +msgstr "gudang" + +msgid "suggest edit" +msgstr "menyarankan edit" + +msgid "open issue" +msgstr "masalah terbuka" + +msgid "Launch" +msgstr "Meluncurkan" + +msgid "Print to PDF" +msgstr "Cetak ke PDF" + +msgid "By the" +msgstr "Oleh" + +msgid "Last updated on" +msgstr "Terakhir diperbarui saat" + +msgid "Download source file" +msgstr "Unduh file sumber" + +msgid "Download this page" +msgstr "Unduh halaman ini" diff --git a/docs/_build/_static/locales/it/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/it/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..53ba476 Binary files /dev/null and b/docs/_build/_static/locales/it/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/it/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/it/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..04308dd --- /dev/null +++ b/docs/_build/_static/locales/it/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: it\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema di" + +msgid "Open an issue" +msgstr "Apri un problema" + +msgid "Contents" +msgstr "Contenuti" + +msgid "Download notebook file" +msgstr "Scarica il file del taccuino" + +msgid "Sphinx Book Theme" +msgstr "Tema del libro della Sfinge" + +msgid "Fullscreen mode" +msgstr "Modalità schermo intero" + +msgid "Edit this page" +msgstr "Modifica questa pagina" + +msgid "By" +msgstr "Di" + +msgid "Copyright" +msgstr "Diritto d'autore" + +msgid "Source repository" +msgstr "Repository di origine" + +msgid "previous page" +msgstr "pagina precedente" + +msgid "next page" +msgstr "pagina successiva" + +msgid "Toggle navigation" +msgstr "Attiva / disattiva la navigazione" + +msgid "repository" +msgstr "repository" + +msgid "suggest edit" +msgstr "suggerisci modifica" + +msgid "open issue" +msgstr "questione aperta" + +msgid "Launch" +msgstr "Lanciare" + +msgid "Print to PDF" +msgstr "Stampa in PDF" + +msgid "By the" +msgstr "Dal" + +msgid "Last updated on" +msgstr "Ultimo aggiornamento il" + +msgid "Download source file" +msgstr "Scarica il file sorgente" + +msgid "Download this page" +msgstr "Scarica questa pagina" diff --git a/docs/_build/_static/locales/iw/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/iw/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..a45c657 Binary files /dev/null and b/docs/_build/_static/locales/iw/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/iw/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/iw/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..4ea190d --- /dev/null +++ b/docs/_build/_static/locales/iw/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: iw\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "נושא מאת" + +msgid "Open an issue" +msgstr "פתח גיליון" + +msgid "Contents" +msgstr "תוכן" + +msgid "Download notebook file" +msgstr "הורד קובץ מחברת" + +msgid "Sphinx Book Theme" +msgstr "נושא ספר ספינקס" + +msgid "Fullscreen mode" +msgstr "מצב מסך מלא" + +msgid "Edit this page" +msgstr "ערוך דף זה" + +msgid "By" +msgstr "על ידי" + +msgid "Copyright" +msgstr "זכויות יוצרים" + +msgid "Source repository" +msgstr "מאגר המקורות" + +msgid "previous page" +msgstr "עמוד קודם" + +msgid "next page" +msgstr "עמוד הבא" + +msgid "Toggle navigation" +msgstr "החלף ניווט" + +msgid "repository" +msgstr "מאגר" + +msgid "suggest edit" +msgstr "מציע לערוך" + +msgid "open issue" +msgstr "בעיה פתוחה" + +msgid "Launch" +msgstr "לְהַשִׁיק" + +msgid "Print to PDF" +msgstr "הדפס לקובץ PDF" + +msgid "By the" +msgstr "דרך" + +msgid "Last updated on" +msgstr "עודכן לאחרונה ב" + +msgid "Download source file" +msgstr "הורד את קובץ המקור" + +msgid "Download this page" +msgstr "הורד דף זה" diff --git a/docs/_build/_static/locales/ja/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/ja/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..1cefd29 Binary files /dev/null and b/docs/_build/_static/locales/ja/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/ja/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/ja/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..77d5a09 --- /dev/null +++ b/docs/_build/_static/locales/ja/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ja\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "のテーマ" + +msgid "Open an issue" +msgstr "問題を報告" + +msgid "Contents" +msgstr "目次" + +msgid "Download notebook file" +msgstr "ノートブックファイルをダウンロード" + +msgid "Sphinx Book Theme" +msgstr "スフィンクスの本のテーマ" + +msgid "Fullscreen mode" +msgstr "全画面モード" + +msgid "Edit this page" +msgstr "このページを編集" + +msgid "By" +msgstr "著者" + +msgid "Copyright" +msgstr "Copyright" + +msgid "Source repository" +msgstr "ソースリポジトリ" + +msgid "previous page" +msgstr "前のページ" + +msgid "next page" +msgstr "次のページ" + +msgid "Toggle navigation" +msgstr "ナビゲーションを切り替え" + +msgid "repository" +msgstr "リポジトリ" + +msgid "suggest edit" +msgstr "編集を提案する" + +msgid "open issue" +msgstr "未解決の問題" + +msgid "Launch" +msgstr "起動" + +msgid "Print to PDF" +msgstr "PDFに印刷" + +msgid "By the" +msgstr "によって" + +msgid "Last updated on" +msgstr "最終更新日" + +msgid "Download source file" +msgstr "ソースファイルをダウンロード" + +msgid "Download this page" +msgstr "このページをダウンロード" diff --git a/docs/_build/_static/locales/ko/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/ko/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..06c7ec9 Binary files /dev/null and b/docs/_build/_static/locales/ko/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/ko/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/ko/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..6ee3d78 --- /dev/null +++ b/docs/_build/_static/locales/ko/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ko\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "테마별" + +msgid "Open an issue" +msgstr "이슈 열기" + +msgid "Contents" +msgstr "내용" + +msgid "Download notebook file" +msgstr "노트북 파일 다운로드" + +msgid "Sphinx Book Theme" +msgstr "스핑크스 도서 테마" + +msgid "Fullscreen mode" +msgstr "전체 화면으로보기" + +msgid "Edit this page" +msgstr "이 페이지 편집" + +msgid "By" +msgstr "으로" + +msgid "Copyright" +msgstr "저작권" + +msgid "Source repository" +msgstr "소스 저장소" + +msgid "previous page" +msgstr "이전 페이지" + +msgid "next page" +msgstr "다음 페이지" + +msgid "Toggle navigation" +msgstr "탐색 전환" + +msgid "repository" +msgstr "저장소" + +msgid "suggest edit" +msgstr "편집 제안" + +msgid "open issue" +msgstr "열린 문제" + +msgid "Launch" +msgstr "시작하다" + +msgid "Print to PDF" +msgstr "PDF로 인쇄" + +msgid "By the" +msgstr "에 의해" + +msgid "Last updated on" +msgstr "마지막 업데이트" + +msgid "Download source file" +msgstr "소스 파일 다운로드" + +msgid "Download this page" +msgstr "이 페이지 다운로드" diff --git a/docs/_build/_static/locales/lt/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/lt/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..4468ba0 Binary files /dev/null and b/docs/_build/_static/locales/lt/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/lt/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/lt/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..01be267 --- /dev/null +++ b/docs/_build/_static/locales/lt/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: lt\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema" + +msgid "Open an issue" +msgstr "Atidarykite problemą" + +msgid "Contents" +msgstr "Turinys" + +msgid "Download notebook file" +msgstr "Atsisiųsti nešiojamojo kompiuterio failą" + +msgid "Sphinx Book Theme" +msgstr "Sfinkso knygos tema" + +msgid "Fullscreen mode" +msgstr "Pilno ekrano režimas" + +msgid "Edit this page" +msgstr "Redaguoti šį puslapį" + +msgid "By" +msgstr "Iki" + +msgid "Copyright" +msgstr "Autorių teisės" + +msgid "Source repository" +msgstr "Šaltinio saugykla" + +msgid "previous page" +msgstr "Ankstesnis puslapis" + +msgid "next page" +msgstr "Kitas puslapis" + +msgid "Toggle navigation" +msgstr "Perjungti naršymą" + +msgid "repository" +msgstr "saugykla" + +msgid "suggest edit" +msgstr "pasiūlyti redaguoti" + +msgid "open issue" +msgstr "atviras klausimas" + +msgid "Launch" +msgstr "Paleiskite" + +msgid "Print to PDF" +msgstr "Spausdinti į PDF" + +msgid "By the" +msgstr "Prie" + +msgid "Last updated on" +msgstr "Paskutinį kartą atnaujinta" + +msgid "Download source file" +msgstr "Atsisiųsti šaltinio failą" + +msgid "Download this page" +msgstr "Atsisiųskite šį puslapį" diff --git a/docs/_build/_static/locales/lv/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/lv/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..74aa4d8 Binary files /dev/null and b/docs/_build/_static/locales/lv/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/lv/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/lv/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..993a1e4 --- /dev/null +++ b/docs/_build/_static/locales/lv/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: lv\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Autora tēma" + +msgid "Open an issue" +msgstr "Atveriet problēmu" + +msgid "Contents" +msgstr "Saturs" + +msgid "Download notebook file" +msgstr "Lejupielādēt piezīmju grāmatiņu" + +msgid "Sphinx Book Theme" +msgstr "Sfinksa grāmatas tēma" + +msgid "Fullscreen mode" +msgstr "Pilnekrāna režīms" + +msgid "Edit this page" +msgstr "Rediģēt šo lapu" + +msgid "By" +msgstr "Autors" + +msgid "Copyright" +msgstr "Autortiesības" + +msgid "Source repository" +msgstr "Avota krātuve" + +msgid "previous page" +msgstr "iepriekšējā lapa" + +msgid "next page" +msgstr "nākamā lapaspuse" + +msgid "Toggle navigation" +msgstr "Pārslēgt navigāciju" + +msgid "repository" +msgstr "krātuve" + +msgid "suggest edit" +msgstr "ieteikt rediģēt" + +msgid "open issue" +msgstr "atklāts jautājums" + +msgid "Launch" +msgstr "Uzsākt" + +msgid "Print to PDF" +msgstr "Drukāt PDF formātā" + +msgid "By the" +msgstr "Ar" + +msgid "Last updated on" +msgstr "Pēdējoreiz atjaunināts" + +msgid "Download source file" +msgstr "Lejupielādēt avota failu" + +msgid "Download this page" +msgstr "Lejupielādējiet šo lapu" diff --git a/docs/_build/_static/locales/ml/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/ml/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..2736e8f Binary files /dev/null and b/docs/_build/_static/locales/ml/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/ml/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/ml/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..81daf7c --- /dev/null +++ b/docs/_build/_static/locales/ml/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ml\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "പ്രമേയം" + +msgid "Open an issue" +msgstr "ഒരു പ്രശ്നം തുറക്കുക" + +msgid "Download notebook file" +msgstr "നോട്ട്ബുക്ക് ഫയൽ ഡൺലോഡ് ചെയ്യുക" + +msgid "Sphinx Book Theme" +msgstr "സ്ഫിങ്ക്സ് പുസ്തക തീം" + +msgid "Edit this page" +msgstr "ഈ പേജ് എഡിറ്റുചെയ്യുക" + +msgid "By" +msgstr "എഴുതിയത്" + +msgid "Copyright" +msgstr "പകർപ്പവകാശം" + +msgid "Source repository" +msgstr "ഉറവിട ശേഖരം" + +msgid "previous page" +msgstr "മുൻപത്തെ താൾ" + +msgid "next page" +msgstr "അടുത്ത പേജ്" + +msgid "Toggle navigation" +msgstr "നാവിഗേഷൻ ടോഗിൾ ചെയ്യുക" + +msgid "suggest edit" +msgstr "എഡിറ്റുചെയ്യാൻ നിർദ്ദേശിക്കുക" + +msgid "open issue" +msgstr "തുറന്ന പ്രശ്നം" + +msgid "Launch" +msgstr "സമാരംഭിക്കുക" + +msgid "Print to PDF" +msgstr "PDF- ലേക്ക് പ്രിന്റുചെയ്യുക" + +msgid "By the" +msgstr "എഴുതിയത്" + +msgid "Last updated on" +msgstr "അവസാനം അപ്‌ഡേറ്റുചെയ്‌തത്" + +msgid "Download source file" +msgstr "ഉറവിട ഫയൽ ഡൗൺലോഡുചെയ്യുക" + +msgid "Download this page" +msgstr "ഈ പേജ് ഡൗൺലോഡുചെയ്യുക" diff --git a/docs/_build/_static/locales/mr/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/mr/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..fe53010 Binary files /dev/null and b/docs/_build/_static/locales/mr/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/mr/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/mr/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..fd857bf --- /dev/null +++ b/docs/_build/_static/locales/mr/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: mr\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "द्वारा थीम" + +msgid "Open an issue" +msgstr "एक मुद्दा उघडा" + +msgid "Download notebook file" +msgstr "नोटबुक फाईल डाउनलोड करा" + +msgid "Sphinx Book Theme" +msgstr "स्फिंक्स बुक थीम" + +msgid "Edit this page" +msgstr "हे पृष्ठ संपादित करा" + +msgid "By" +msgstr "द्वारा" + +msgid "Copyright" +msgstr "कॉपीराइट" + +msgid "Source repository" +msgstr "स्त्रोत भांडार" + +msgid "previous page" +msgstr "मागील पान" + +msgid "next page" +msgstr "पुढील पृष्ठ" + +msgid "Toggle navigation" +msgstr "नेव्हिगेशन टॉगल करा" + +msgid "suggest edit" +msgstr "संपादन सुचवा" + +msgid "open issue" +msgstr "खुला मुद्दा" + +msgid "Launch" +msgstr "लाँच करा" + +msgid "Print to PDF" +msgstr "पीडीएफवर मुद्रित करा" + +msgid "By the" +msgstr "द्वारा" + +msgid "Last updated on" +msgstr "अखेरचे अद्यतनित" + +msgid "Download source file" +msgstr "स्त्रोत फाइल डाउनलोड करा" + +msgid "Download this page" +msgstr "हे पृष्ठ डाउनलोड करा" diff --git a/docs/_build/_static/locales/ms/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/ms/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..f02603f Binary files /dev/null and b/docs/_build/_static/locales/ms/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/ms/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/ms/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..b616d70 --- /dev/null +++ b/docs/_build/_static/locales/ms/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ms\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema oleh" + +msgid "Open an issue" +msgstr "Buka masalah" + +msgid "Download notebook file" +msgstr "Muat turun fail buku nota" + +msgid "Sphinx Book Theme" +msgstr "Tema Buku Sphinx" + +msgid "Edit this page" +msgstr "Edit halaman ini" + +msgid "By" +msgstr "Oleh" + +msgid "Copyright" +msgstr "hak cipta" + +msgid "Source repository" +msgstr "Repositori sumber" + +msgid "previous page" +msgstr "halaman sebelumnya" + +msgid "next page" +msgstr "muka surat seterusnya" + +msgid "Toggle navigation" +msgstr "Togol navigasi" + +msgid "suggest edit" +msgstr "cadangkan edit" + +msgid "open issue" +msgstr "isu terbuka" + +msgid "Launch" +msgstr "Lancarkan" + +msgid "Print to PDF" +msgstr "Cetak ke PDF" + +msgid "By the" +msgstr "Oleh" + +msgid "Last updated on" +msgstr "Terakhir dikemas kini pada" + +msgid "Download source file" +msgstr "Muat turun fail sumber" + +msgid "Download this page" +msgstr "Muat turun halaman ini" diff --git a/docs/_build/_static/locales/nl/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/nl/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..e59e7ec Binary files /dev/null and b/docs/_build/_static/locales/nl/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/nl/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/nl/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..f16f4bc --- /dev/null +++ b/docs/_build/_static/locales/nl/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: nl\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Thema door de" + +msgid "Open an issue" +msgstr "Open een probleem" + +msgid "Contents" +msgstr "Inhoud" + +msgid "Download notebook file" +msgstr "Download notebookbestand" + +msgid "Sphinx Book Theme" +msgstr "Sphinx-boekthema" + +msgid "Fullscreen mode" +msgstr "Volledig scherm" + +msgid "Edit this page" +msgstr "bewerk deze pagina" + +msgid "By" +msgstr "Door" + +msgid "Copyright" +msgstr "auteursrechten" + +msgid "Source repository" +msgstr "Bronopslagplaats" + +msgid "previous page" +msgstr "vorige pagina" + +msgid "next page" +msgstr "volgende bladzijde" + +msgid "Toggle navigation" +msgstr "Schakel navigatie" + +msgid "repository" +msgstr "repository" + +msgid "suggest edit" +msgstr "suggereren bewerken" + +msgid "open issue" +msgstr "open probleem" + +msgid "Launch" +msgstr "Lancering" + +msgid "Print to PDF" +msgstr "Afdrukken naar pdf" + +msgid "By the" +msgstr "Door de" + +msgid "Last updated on" +msgstr "Laatst geupdate op" + +msgid "Download source file" +msgstr "Download het bronbestand" + +msgid "Download this page" +msgstr "Download deze pagina" diff --git a/docs/_build/_static/locales/no/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/no/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..6cd15c8 Binary files /dev/null and b/docs/_build/_static/locales/no/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/no/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/no/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..b1d304e --- /dev/null +++ b/docs/_build/_static/locales/no/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: no\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema av" + +msgid "Open an issue" +msgstr "Åpne et problem" + +msgid "Contents" +msgstr "Innhold" + +msgid "Download notebook file" +msgstr "Last ned notatbokfilen" + +msgid "Sphinx Book Theme" +msgstr "Sphinx boktema" + +msgid "Fullscreen mode" +msgstr "Fullskjerm-modus" + +msgid "Edit this page" +msgstr "Rediger denne siden" + +msgid "By" +msgstr "Av" + +msgid "Copyright" +msgstr "opphavsrett" + +msgid "Source repository" +msgstr "Kildedepot" + +msgid "previous page" +msgstr "forrige side" + +msgid "next page" +msgstr "neste side" + +msgid "Toggle navigation" +msgstr "Bytt navigasjon" + +msgid "repository" +msgstr "oppbevaringssted" + +msgid "suggest edit" +msgstr "foreslå redigering" + +msgid "open issue" +msgstr "åpent nummer" + +msgid "Launch" +msgstr "Start" + +msgid "Print to PDF" +msgstr "Skriv ut til PDF" + +msgid "By the" +msgstr "Ved" + +msgid "Last updated on" +msgstr "Sist oppdatert den" + +msgid "Download source file" +msgstr "Last ned kildefilen" + +msgid "Download this page" +msgstr "Last ned denne siden" diff --git a/docs/_build/_static/locales/pl/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/pl/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..9ebb584 Binary files /dev/null and b/docs/_build/_static/locales/pl/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/pl/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/pl/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..80d2c89 --- /dev/null +++ b/docs/_build/_static/locales/pl/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: pl\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Motyw autorstwa" + +msgid "Open an issue" +msgstr "Otwórz problem" + +msgid "Contents" +msgstr "Zawartość" + +msgid "Download notebook file" +msgstr "Pobierz plik notatnika" + +msgid "Sphinx Book Theme" +msgstr "Motyw książki Sphinx" + +msgid "Fullscreen mode" +msgstr "Pełny ekran" + +msgid "Edit this page" +msgstr "Edytuj tę strone" + +msgid "By" +msgstr "Przez" + +msgid "Copyright" +msgstr "prawa autorskie" + +msgid "Source repository" +msgstr "Repozytorium źródłowe" + +msgid "previous page" +msgstr "Poprzednia strona" + +msgid "next page" +msgstr "Następna strona" + +msgid "Toggle navigation" +msgstr "Przełącz nawigację" + +msgid "repository" +msgstr "magazyn" + +msgid "suggest edit" +msgstr "zaproponuj edycję" + +msgid "open issue" +msgstr "otwarty problem" + +msgid "Launch" +msgstr "Uruchomić" + +msgid "Print to PDF" +msgstr "Drukuj do PDF" + +msgid "By the" +msgstr "Przez" + +msgid "Last updated on" +msgstr "Ostatnia aktualizacja" + +msgid "Download source file" +msgstr "Pobierz plik źródłowy" + +msgid "Download this page" +msgstr "Pobierz tę stronę" diff --git a/docs/_build/_static/locales/pt/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/pt/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..d0ddb87 Binary files /dev/null and b/docs/_build/_static/locales/pt/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/pt/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/pt/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..45ac847 --- /dev/null +++ b/docs/_build/_static/locales/pt/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: pt\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema por" + +msgid "Open an issue" +msgstr "Abra um problema" + +msgid "Contents" +msgstr "Conteúdo" + +msgid "Download notebook file" +msgstr "Baixar arquivo de notebook" + +msgid "Sphinx Book Theme" +msgstr "Tema do livro Sphinx" + +msgid "Fullscreen mode" +msgstr "Modo tela cheia" + +msgid "Edit this page" +msgstr "Edite essa página" + +msgid "By" +msgstr "De" + +msgid "Copyright" +msgstr "direito autoral" + +msgid "Source repository" +msgstr "Repositório fonte" + +msgid "previous page" +msgstr "página anterior" + +msgid "next page" +msgstr "próxima página" + +msgid "Toggle navigation" +msgstr "Alternar de navegação" + +msgid "repository" +msgstr "repositório" + +msgid "suggest edit" +msgstr "sugerir edição" + +msgid "open issue" +msgstr "questão aberta" + +msgid "Launch" +msgstr "Lançamento" + +msgid "Print to PDF" +msgstr "Imprimir em PDF" + +msgid "By the" +msgstr "Pelo" + +msgid "Last updated on" +msgstr "Última atualização em" + +msgid "Download source file" +msgstr "Baixar arquivo fonte" + +msgid "Download this page" +msgstr "Baixe esta página" diff --git a/docs/_build/_static/locales/ro/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/ro/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..3c36ab1 Binary files /dev/null and b/docs/_build/_static/locales/ro/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/ro/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/ro/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..532b3b8 --- /dev/null +++ b/docs/_build/_static/locales/ro/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ro\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema de" + +msgid "Open an issue" +msgstr "Deschideți o problemă" + +msgid "Contents" +msgstr "Cuprins" + +msgid "Download notebook file" +msgstr "Descărcați fișierul notebook" + +msgid "Sphinx Book Theme" +msgstr "Tema Sphinx Book" + +msgid "Fullscreen mode" +msgstr "Modul ecran întreg" + +msgid "Edit this page" +msgstr "Editați această pagină" + +msgid "By" +msgstr "De" + +msgid "Copyright" +msgstr "Drepturi de autor" + +msgid "Source repository" +msgstr "Depozit sursă" + +msgid "previous page" +msgstr "pagina anterioară" + +msgid "next page" +msgstr "pagina următoare" + +msgid "Toggle navigation" +msgstr "Comutare navigare" + +msgid "repository" +msgstr "repertoriu" + +msgid "suggest edit" +msgstr "sugerează editare" + +msgid "open issue" +msgstr "problema deschisă" + +msgid "Launch" +msgstr "Lansa" + +msgid "Print to PDF" +msgstr "Imprimați în PDF" + +msgid "By the" +msgstr "Langa" + +msgid "Last updated on" +msgstr "Ultima actualizare la" + +msgid "Download source file" +msgstr "Descărcați fișierul sursă" + +msgid "Download this page" +msgstr "Descarcă această pagină" diff --git a/docs/_build/_static/locales/ru/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/ru/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..6b8ca41 Binary files /dev/null and b/docs/_build/_static/locales/ru/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/ru/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/ru/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..b718b48 --- /dev/null +++ b/docs/_build/_static/locales/ru/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ru\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Тема от" + +msgid "Open an issue" +msgstr "Открыть вопрос" + +msgid "Contents" +msgstr "Содержание" + +msgid "Download notebook file" +msgstr "Скачать файл записной книжки" + +msgid "Sphinx Book Theme" +msgstr "Тема книги Сфинкс" + +msgid "Fullscreen mode" +msgstr "Полноэкранный режим" + +msgid "Edit this page" +msgstr "Редактировать эту страницу" + +msgid "By" +msgstr "По" + +msgid "Copyright" +msgstr "авторское право" + +msgid "Source repository" +msgstr "Исходный репозиторий" + +msgid "previous page" +msgstr "Предыдущая страница" + +msgid "next page" +msgstr "Следующая страница" + +msgid "Toggle navigation" +msgstr "Переключить навигацию" + +msgid "repository" +msgstr "хранилище" + +msgid "suggest edit" +msgstr "предложить редактировать" + +msgid "open issue" +msgstr "открытый вопрос" + +msgid "Launch" +msgstr "Запуск" + +msgid "Print to PDF" +msgstr "Распечатать в PDF" + +msgid "By the" +msgstr "Посредством" + +msgid "Last updated on" +msgstr "Последнее обновление" + +msgid "Download source file" +msgstr "Скачать исходный файл" + +msgid "Download this page" +msgstr "Загрузите эту страницу" diff --git a/docs/_build/_static/locales/sk/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/sk/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..59bd0dd Binary files /dev/null and b/docs/_build/_static/locales/sk/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/sk/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/sk/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..f6c423b --- /dev/null +++ b/docs/_build/_static/locales/sk/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: sk\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Téma od" + +msgid "Open an issue" +msgstr "Otvorte problém" + +msgid "Contents" +msgstr "Obsah" + +msgid "Download notebook file" +msgstr "Stiahnite si zošit" + +msgid "Sphinx Book Theme" +msgstr "Téma knihy Sfinga" + +msgid "Fullscreen mode" +msgstr "Režim celej obrazovky" + +msgid "Edit this page" +msgstr "Upraviť túto stránku" + +msgid "By" +msgstr "Autor:" + +msgid "Copyright" +msgstr "Autorské práva" + +msgid "Source repository" +msgstr "Zdrojové úložisko" + +msgid "previous page" +msgstr "predchádzajúca strana" + +msgid "next page" +msgstr "ďalšia strana" + +msgid "Toggle navigation" +msgstr "Prepnúť navigáciu" + +msgid "repository" +msgstr "Úložisko" + +msgid "suggest edit" +msgstr "navrhnúť úpravu" + +msgid "open issue" +msgstr "otvorené vydanie" + +msgid "Launch" +msgstr "Spustiť" + +msgid "Print to PDF" +msgstr "Tlač do PDF" + +msgid "By the" +msgstr "Podľa" + +msgid "Last updated on" +msgstr "Posledná aktualizácia dňa" + +msgid "Download source file" +msgstr "Stiahnite si zdrojový súbor" + +msgid "Download this page" +msgstr "Stiahnite si túto stránku" diff --git a/docs/_build/_static/locales/sl/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/sl/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..87bf26d Binary files /dev/null and b/docs/_build/_static/locales/sl/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/sl/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/sl/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..9822dc5 --- /dev/null +++ b/docs/_build/_static/locales/sl/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: sl\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema avtorja" + +msgid "Open an issue" +msgstr "Odprite številko" + +msgid "Contents" +msgstr "Vsebina" + +msgid "Download notebook file" +msgstr "Prenesite datoteko zvezka" + +msgid "Sphinx Book Theme" +msgstr "Tema knjige Sphinx" + +msgid "Fullscreen mode" +msgstr "Celozaslonski način" + +msgid "Edit this page" +msgstr "Uredite to stran" + +msgid "By" +msgstr "Avtor" + +msgid "Copyright" +msgstr "avtorske pravice" + +msgid "Source repository" +msgstr "Izvorno skladišče" + +msgid "previous page" +msgstr "Prejšnja stran" + +msgid "next page" +msgstr "Naslednja stran" + +msgid "Toggle navigation" +msgstr "Preklopi navigacijo" + +msgid "repository" +msgstr "odlagališče" + +msgid "suggest edit" +msgstr "predlagajte urejanje" + +msgid "open issue" +msgstr "odprto vprašanje" + +msgid "Launch" +msgstr "Kosilo" + +msgid "Print to PDF" +msgstr "Natisni v PDF" + +msgid "By the" +msgstr "Avtor" + +msgid "Last updated on" +msgstr "Nazadnje posodobljeno dne" + +msgid "Download source file" +msgstr "Prenesite izvorno datoteko" + +msgid "Download this page" +msgstr "Prenesite to stran" diff --git a/docs/_build/_static/locales/sr/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/sr/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..ec740f4 Binary files /dev/null and b/docs/_build/_static/locales/sr/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/sr/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/sr/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..e809230 --- /dev/null +++ b/docs/_build/_static/locales/sr/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: sr\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Тхеме би" + +msgid "Open an issue" +msgstr "Отворите издање" + +msgid "Contents" +msgstr "Садржај" + +msgid "Download notebook file" +msgstr "Преузмите датотеку бележнице" + +msgid "Sphinx Book Theme" +msgstr "Тема књиге Спхинк" + +msgid "Fullscreen mode" +msgstr "Режим целог екрана" + +msgid "Edit this page" +msgstr "Уредите ову страницу" + +msgid "By" +msgstr "Од стране" + +msgid "Copyright" +msgstr "Ауторско право" + +msgid "Source repository" +msgstr "Изворно спремиште" + +msgid "previous page" +msgstr "Претходна страница" + +msgid "next page" +msgstr "Следећа страна" + +msgid "Toggle navigation" +msgstr "Укључи / искључи навигацију" + +msgid "repository" +msgstr "спремиште" + +msgid "suggest edit" +msgstr "предложи уређивање" + +msgid "open issue" +msgstr "отворено издање" + +msgid "Launch" +msgstr "Лансирање" + +msgid "Print to PDF" +msgstr "Испис у ПДФ" + +msgid "By the" +msgstr "Од" + +msgid "Last updated on" +msgstr "Последње ажурирање" + +msgid "Download source file" +msgstr "Преузми изворну датотеку" + +msgid "Download this page" +msgstr "Преузмите ову страницу" diff --git a/docs/_build/_static/locales/sv/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/sv/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..b07dc76 Binary files /dev/null and b/docs/_build/_static/locales/sv/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/sv/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/sv/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..2421b00 --- /dev/null +++ b/docs/_build/_static/locales/sv/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: sv\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema av" + +msgid "Open an issue" +msgstr "Öppna en problemrapport" + +msgid "Contents" +msgstr "Innehåll" + +msgid "Download notebook file" +msgstr "Ladda ner notebook-fil" + +msgid "Sphinx Book Theme" +msgstr "Sphinx Boktema" + +msgid "Fullscreen mode" +msgstr "Fullskärmsläge" + +msgid "Edit this page" +msgstr "Redigera den här sidan" + +msgid "By" +msgstr "Av" + +msgid "Copyright" +msgstr "Upphovsrätt" + +msgid "Source repository" +msgstr "Källkodsrepositorium" + +msgid "previous page" +msgstr "föregående sida" + +msgid "next page" +msgstr "nästa sida" + +msgid "Toggle navigation" +msgstr "Växla navigering" + +msgid "repository" +msgstr "repositorium" + +msgid "suggest edit" +msgstr "föreslå ändring" + +msgid "open issue" +msgstr "öppna problemrapport" + +msgid "Launch" +msgstr "Öppna" + +msgid "Print to PDF" +msgstr "Skriv ut till PDF" + +msgid "By the" +msgstr "Av den" + +msgid "Last updated on" +msgstr "Senast uppdaterad den" + +msgid "Download source file" +msgstr "Ladda ner källfil" + +msgid "Download this page" +msgstr "Ladda ner den här sidan" diff --git a/docs/_build/_static/locales/ta/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/ta/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..29f52e1 Binary files /dev/null and b/docs/_build/_static/locales/ta/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/ta/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/ta/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..500042f --- /dev/null +++ b/docs/_build/_static/locales/ta/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ta\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "வழங்கிய தீம்" + +msgid "Open an issue" +msgstr "சிக்கலைத் திறக்கவும்" + +msgid "Download notebook file" +msgstr "நோட்புக் கோப்பைப் பதிவிறக்கவும்" + +msgid "Sphinx Book Theme" +msgstr "ஸ்பிங்க்ஸ் புத்தக தீம்" + +msgid "Edit this page" +msgstr "இந்தப் பக்கத்தைத் திருத்தவும்" + +msgid "By" +msgstr "வழங்கியவர்" + +msgid "Copyright" +msgstr "பதிப்புரிமை" + +msgid "Source repository" +msgstr "மூல களஞ்சியம்" + +msgid "previous page" +msgstr "முந்தைய பக்கம்" + +msgid "next page" +msgstr "அடுத்த பக்கம்" + +msgid "Toggle navigation" +msgstr "வழிசெலுத்தலை நிலைமாற்று" + +msgid "suggest edit" +msgstr "திருத்த பரிந்துரைக்கவும்" + +msgid "open issue" +msgstr "திறந்த பிரச்சினை" + +msgid "Launch" +msgstr "தொடங்க" + +msgid "Print to PDF" +msgstr "PDF இல் அச்சிடுக" + +msgid "By the" +msgstr "மூலம்" + +msgid "Last updated on" +msgstr "கடைசியாக புதுப்பிக்கப்பட்டது" + +msgid "Download source file" +msgstr "மூல கோப்பைப் பதிவிறக்குக" + +msgid "Download this page" +msgstr "இந்தப் பக்கத்தைப் பதிவிறக்கவும்" diff --git a/docs/_build/_static/locales/te/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/te/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..0a5f4b4 Binary files /dev/null and b/docs/_build/_static/locales/te/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/te/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/te/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..b1afebb --- /dev/null +++ b/docs/_build/_static/locales/te/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: te\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "ద్వారా థీమ్" + +msgid "Open an issue" +msgstr "సమస్యను తెరవండి" + +msgid "Download notebook file" +msgstr "నోట్బుక్ ఫైల్ను డౌన్లోడ్ చేయండి" + +msgid "Sphinx Book Theme" +msgstr "సింహిక పుస్తక థీమ్" + +msgid "Edit this page" +msgstr "ఈ పేజీని సవరించండి" + +msgid "By" +msgstr "ద్వారా" + +msgid "Copyright" +msgstr "కాపీరైట్" + +msgid "Source repository" +msgstr "మూల రిపోజిటరీ" + +msgid "previous page" +msgstr "ముందు పేజి" + +msgid "next page" +msgstr "తరువాతి పేజీ" + +msgid "Toggle navigation" +msgstr "నావిగేషన్‌ను టోగుల్ చేయండి" + +msgid "suggest edit" +msgstr "సవరించమని సూచించండి" + +msgid "open issue" +msgstr "ఓపెన్ ఇష్యూ" + +msgid "Launch" +msgstr "ప్రారంభించండి" + +msgid "Print to PDF" +msgstr "PDF కి ముద్రించండి" + +msgid "By the" +msgstr "ద్వారా" + +msgid "Last updated on" +msgstr "చివరిగా నవీకరించబడింది" + +msgid "Download source file" +msgstr "మూల ఫైల్‌ను డౌన్‌లోడ్ చేయండి" + +msgid "Download this page" +msgstr "ఈ పేజీని డౌన్‌లోడ్ చేయండి" diff --git a/docs/_build/_static/locales/tg/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/tg/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..b21c6c6 Binary files /dev/null and b/docs/_build/_static/locales/tg/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/tg/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/tg/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..29b8237 --- /dev/null +++ b/docs/_build/_static/locales/tg/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: tg\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Мавзӯъи аз" + +msgid "Open an issue" +msgstr "Масъаларо кушоед" + +msgid "Contents" +msgstr "Мундариҷа" + +msgid "Download notebook file" +msgstr "Файли дафтарро зеркашӣ кунед" + +msgid "Sphinx Book Theme" +msgstr "Сфинкс Мавзӯи китоб" + +msgid "Fullscreen mode" +msgstr "Ҳолати экрани пурра" + +msgid "Edit this page" +msgstr "Ин саҳифаро таҳрир кунед" + +msgid "By" +msgstr "Бо" + +msgid "Copyright" +msgstr "Ҳуқуқи муаллиф" + +msgid "Source repository" +msgstr "Анбори манбаъ" + +msgid "previous page" +msgstr "саҳифаи қаблӣ" + +msgid "next page" +msgstr "саҳифаи оянда" + +msgid "Toggle navigation" +msgstr "Гузаришро иваз кунед" + +msgid "repository" +msgstr "анбор" + +msgid "suggest edit" +msgstr "пешниҳод вироиш" + +msgid "open issue" +msgstr "барориши кушод" + +msgid "Launch" +msgstr "Оғоз" + +msgid "Print to PDF" +msgstr "Чоп ба PDF" + +msgid "By the" +msgstr "Бо" + +msgid "Last updated on" +msgstr "Last навсозӣ дар" + +msgid "Download source file" +msgstr "Файли манбаъро зеркашӣ кунед" + +msgid "Download this page" +msgstr "Ин саҳифаро зеркашӣ кунед" diff --git a/docs/_build/_static/locales/th/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/th/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..abede98 Binary files /dev/null and b/docs/_build/_static/locales/th/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/th/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/th/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..ac65ee0 --- /dev/null +++ b/docs/_build/_static/locales/th/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: th\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "ธีมโดย" + +msgid "Open an issue" +msgstr "เปิดปัญหา" + +msgid "Contents" +msgstr "สารบัญ" + +msgid "Download notebook file" +msgstr "ดาวน์โหลดไฟล์สมุดบันทึก" + +msgid "Sphinx Book Theme" +msgstr "ธีมหนังสือสฟิงซ์" + +msgid "Fullscreen mode" +msgstr "โหมดเต็มหน้าจอ" + +msgid "Edit this page" +msgstr "แก้ไขหน้านี้" + +msgid "By" +msgstr "โดย" + +msgid "Copyright" +msgstr "ลิขสิทธิ์" + +msgid "Source repository" +msgstr "ที่เก็บซอร์ส" + +msgid "previous page" +msgstr "หน้าที่แล้ว" + +msgid "next page" +msgstr "หน้าต่อไป" + +msgid "Toggle navigation" +msgstr "ไม่ต้องสลับช่องทาง" + +msgid "repository" +msgstr "ที่เก็บ" + +msgid "suggest edit" +msgstr "แนะนำแก้ไข" + +msgid "open issue" +msgstr "เปิดปัญหา" + +msgid "Launch" +msgstr "เปิด" + +msgid "Print to PDF" +msgstr "พิมพ์เป็น PDF" + +msgid "By the" +msgstr "โดย" + +msgid "Last updated on" +msgstr "ปรับปรุงล่าสุดเมื่อ" + +msgid "Download source file" +msgstr "ดาวน์โหลดไฟล์ต้นฉบับ" + +msgid "Download this page" +msgstr "ดาวน์โหลดหน้านี้" diff --git a/docs/_build/_static/locales/tl/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/tl/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..8df1b73 Binary files /dev/null and b/docs/_build/_static/locales/tl/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/tl/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/tl/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..662d66c --- /dev/null +++ b/docs/_build/_static/locales/tl/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: tl\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tema ng" + +msgid "Open an issue" +msgstr "Magbukas ng isyu" + +msgid "Download notebook file" +msgstr "Mag-download ng file ng notebook" + +msgid "Sphinx Book Theme" +msgstr "Tema ng Sphinx Book" + +msgid "Edit this page" +msgstr "I-edit ang pahinang ito" + +msgid "By" +msgstr "Ni" + +msgid "Copyright" +msgstr "Copyright" + +msgid "Source repository" +msgstr "Pinagmulan ng imbakan" + +msgid "previous page" +msgstr "Nakaraang pahina" + +msgid "next page" +msgstr "Susunod na pahina" + +msgid "Toggle navigation" +msgstr "I-toggle ang pag-navigate" + +msgid "suggest edit" +msgstr "iminumungkahi i-edit" + +msgid "open issue" +msgstr "bukas na isyu" + +msgid "Launch" +msgstr "Ilunsad" + +msgid "Print to PDF" +msgstr "I-print sa PDF" + +msgid "By the" +msgstr "Sa pamamagitan ng" + +msgid "Last updated on" +msgstr "Huling na-update noong" + +msgid "Download source file" +msgstr "Mag-download ng file ng pinagmulan" + +msgid "Download this page" +msgstr "I-download ang pahinang ito" diff --git a/docs/_build/_static/locales/tr/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/tr/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..029ae18 Binary files /dev/null and b/docs/_build/_static/locales/tr/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/tr/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/tr/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..d1ae723 --- /dev/null +++ b/docs/_build/_static/locales/tr/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: tr\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Tarafından tema" + +msgid "Open an issue" +msgstr "Bir sorunu açın" + +msgid "Contents" +msgstr "İçindekiler" + +msgid "Download notebook file" +msgstr "Defter dosyasını indirin" + +msgid "Sphinx Book Theme" +msgstr "Sfenks Kitap Teması" + +msgid "Fullscreen mode" +msgstr "Tam ekran modu" + +msgid "Edit this page" +msgstr "Bu sayfayı düzenle" + +msgid "By" +msgstr "Tarafından" + +msgid "Copyright" +msgstr "Telif hakkı" + +msgid "Source repository" +msgstr "Kaynak kod deposu" + +msgid "previous page" +msgstr "önceki sayfa" + +msgid "next page" +msgstr "sonraki Sayfa" + +msgid "Toggle navigation" +msgstr "Gezinmeyi değiştir" + +msgid "repository" +msgstr "depo" + +msgid "suggest edit" +msgstr "düzenleme öner" + +msgid "open issue" +msgstr "Açık konu" + +msgid "Launch" +msgstr "Başlatmak" + +msgid "Print to PDF" +msgstr "PDF olarak yazdır" + +msgid "By the" +msgstr "Tarafından" + +msgid "Last updated on" +msgstr "Son güncelleme tarihi" + +msgid "Download source file" +msgstr "Kaynak dosyayı indirin" + +msgid "Download this page" +msgstr "Bu sayfayı indirin" diff --git a/docs/_build/_static/locales/uk/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/uk/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..16ab789 Binary files /dev/null and b/docs/_build/_static/locales/uk/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/uk/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/uk/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..be49ab8 --- /dev/null +++ b/docs/_build/_static/locales/uk/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: uk\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Тема від" + +msgid "Open an issue" +msgstr "Відкрийте випуск" + +msgid "Contents" +msgstr "Зміст" + +msgid "Download notebook file" +msgstr "Завантажте файл блокнота" + +msgid "Sphinx Book Theme" +msgstr "Тема книги \"Сфінкс\"" + +msgid "Fullscreen mode" +msgstr "Повноекранний режим" + +msgid "Edit this page" +msgstr "Редагувати цю сторінку" + +msgid "By" +msgstr "Автор" + +msgid "Copyright" +msgstr "Авторське право" + +msgid "Source repository" +msgstr "Джерело сховища" + +msgid "previous page" +msgstr "Попередня сторінка" + +msgid "next page" +msgstr "Наступна сторінка" + +msgid "Toggle navigation" +msgstr "Переключити навігацію" + +msgid "repository" +msgstr "сховище" + +msgid "suggest edit" +msgstr "запропонувати редагувати" + +msgid "open issue" +msgstr "відкритий випуск" + +msgid "Launch" +msgstr "Запуск" + +msgid "Print to PDF" +msgstr "Друк у форматі PDF" + +msgid "By the" +msgstr "По" + +msgid "Last updated on" +msgstr "Останнє оновлення:" + +msgid "Download source file" +msgstr "Завантажити вихідний файл" + +msgid "Download this page" +msgstr "Завантажте цю сторінку" diff --git a/docs/_build/_static/locales/ur/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/ur/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..de8c84b Binary files /dev/null and b/docs/_build/_static/locales/ur/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/ur/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/ur/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..94bcab3 --- /dev/null +++ b/docs/_build/_static/locales/ur/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ur\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "کے ذریعہ تھیم" + +msgid "Open an issue" +msgstr "ایک مسئلہ کھولیں" + +msgid "Download notebook file" +msgstr "نوٹ بک فائل ڈاؤن لوڈ کریں" + +msgid "Sphinx Book Theme" +msgstr "سپنکس بک تھیم" + +msgid "Edit this page" +msgstr "اس صفحے میں ترمیم کریں" + +msgid "By" +msgstr "بذریعہ" + +msgid "Copyright" +msgstr "کاپی رائٹ" + +msgid "Source repository" +msgstr "ماخذ ذخیرہ" + +msgid "previous page" +msgstr "سابقہ ​​صفحہ" + +msgid "next page" +msgstr "اگلا صفحہ" + +msgid "Toggle navigation" +msgstr "نیویگیشن ٹوگل کریں" + +msgid "suggest edit" +msgstr "ترمیم کی تجویز کریں" + +msgid "open issue" +msgstr "کھلا مسئلہ" + +msgid "Launch" +msgstr "لانچ کریں" + +msgid "Print to PDF" +msgstr "پی ڈی ایف پرنٹ کریں" + +msgid "By the" +msgstr "کی طرف" + +msgid "Last updated on" +msgstr "آخری بار تازہ کاری ہوئی" + +msgid "Download source file" +msgstr "سورس فائل ڈاؤن لوڈ کریں" + +msgid "Download this page" +msgstr "اس صفحے کو ڈاؤن لوڈ کریں" diff --git a/docs/_build/_static/locales/vi/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/vi/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..2bb3255 Binary files /dev/null and b/docs/_build/_static/locales/vi/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/vi/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/vi/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..116236d --- /dev/null +++ b/docs/_build/_static/locales/vi/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: vi\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "Chủ đề của" + +msgid "Open an issue" +msgstr "Mở một vấn đề" + +msgid "Contents" +msgstr "Nội dung" + +msgid "Download notebook file" +msgstr "Tải xuống tệp sổ tay" + +msgid "Sphinx Book Theme" +msgstr "Chủ đề sách nhân sư" + +msgid "Fullscreen mode" +msgstr "Chế độ toàn màn hình" + +msgid "Edit this page" +msgstr "chỉnh sửa trang này" + +msgid "By" +msgstr "Bởi" + +msgid "Copyright" +msgstr "Bản quyền" + +msgid "Source repository" +msgstr "Kho nguồn" + +msgid "previous page" +msgstr "trang trước" + +msgid "next page" +msgstr "Trang tiếp theo" + +msgid "Toggle navigation" +msgstr "Chuyển đổi điều hướng thành" + +msgid "repository" +msgstr "kho" + +msgid "suggest edit" +msgstr "đề nghị chỉnh sửa" + +msgid "open issue" +msgstr "vấn đề mở" + +msgid "Launch" +msgstr "Phóng" + +msgid "Print to PDF" +msgstr "In sang PDF" + +msgid "By the" +msgstr "Bằng" + +msgid "Last updated on" +msgstr "Cập nhật lần cuối vào" + +msgid "Download source file" +msgstr "Tải xuống tệp nguồn" + +msgid "Download this page" +msgstr "Tải xuống trang này" diff --git a/docs/_build/_static/locales/zh_CN/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/zh_CN/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..0e3235d Binary files /dev/null and b/docs/_build/_static/locales/zh_CN/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/zh_CN/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/zh_CN/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..4f4ab57 --- /dev/null +++ b/docs/_build/_static/locales/zh_CN/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: zh_CN\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "主题作者:" + +msgid "Open an issue" +msgstr "创建议题" + +msgid "Contents" +msgstr "目录" + +msgid "Download notebook file" +msgstr "下载笔记本文件" + +msgid "Sphinx Book Theme" +msgstr "Sphinx Book 主题" + +msgid "Fullscreen mode" +msgstr "全屏模式" + +msgid "Edit this page" +msgstr "编辑此页面" + +msgid "By" +msgstr "作者:" + +msgid "Copyright" +msgstr "版权" + +msgid "Source repository" +msgstr "源码库" + +msgid "previous page" +msgstr "上一页" + +msgid "next page" +msgstr "下一页" + +msgid "Toggle navigation" +msgstr "显示或隐藏导航栏" + +msgid "repository" +msgstr "仓库" + +msgid "suggest edit" +msgstr "提出修改建议" + +msgid "open issue" +msgstr "创建议题" + +msgid "Launch" +msgstr "启动" + +msgid "Print to PDF" +msgstr "列印成 PDF" + +msgid "By the" +msgstr "作者:" + +msgid "Last updated on" +msgstr "上次更新时间:" + +msgid "Download source file" +msgstr "下载源文件" + +msgid "Download this page" +msgstr "下载此页面" diff --git a/docs/_build/_static/locales/zh_TW/LC_MESSAGES/booktheme.mo b/docs/_build/_static/locales/zh_TW/LC_MESSAGES/booktheme.mo new file mode 100644 index 0000000..9116fa9 Binary files /dev/null and b/docs/_build/_static/locales/zh_TW/LC_MESSAGES/booktheme.mo differ diff --git a/docs/_build/_static/locales/zh_TW/LC_MESSAGES/booktheme.po b/docs/_build/_static/locales/zh_TW/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..42b43b8 --- /dev/null +++ b/docs/_build/_static/locales/zh_TW/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: zh_TW\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Theme by the" +msgstr "佈景主題作者:" + +msgid "Open an issue" +msgstr "開啟議題" + +msgid "Contents" +msgstr "目錄" + +msgid "Download notebook file" +msgstr "下載 Notebook 檔案" + +msgid "Sphinx Book Theme" +msgstr "Sphinx Book 佈景主題" + +msgid "Fullscreen mode" +msgstr "全螢幕模式" + +msgid "Edit this page" +msgstr "編輯此頁面" + +msgid "By" +msgstr "作者:" + +msgid "Copyright" +msgstr "Copyright" + +msgid "Source repository" +msgstr "來源儲存庫" + +msgid "previous page" +msgstr "上一頁" + +msgid "next page" +msgstr "下一頁" + +msgid "Toggle navigation" +msgstr "顯示或隱藏導覽列" + +msgid "repository" +msgstr "儲存庫" + +msgid "suggest edit" +msgstr "提出修改建議" + +msgid "open issue" +msgstr "公開的問題" + +msgid "Launch" +msgstr "啟動" + +msgid "Print to PDF" +msgstr "列印成 PDF" + +msgid "By the" +msgstr "作者:" + +msgid "Last updated on" +msgstr "最後更新時間:" + +msgid "Download source file" +msgstr "下載原始檔" + +msgid "Download this page" +msgstr "下載此頁面" diff --git a/docs/_build/_static/pygments.css b/docs/_build/_static/pygments.css new file mode 100644 index 0000000..012e6a0 --- /dev/null +++ b/docs/_build/_static/pygments.css @@ -0,0 +1,152 @@ +html[data-theme="light"] .highlight pre { line-height: 125%; } +html[data-theme="light"] .highlight td.linenos .normal { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; } +html[data-theme="light"] .highlight span.linenos { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; } +html[data-theme="light"] .highlight td.linenos .special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; } +html[data-theme="light"] .highlight span.linenos.special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; } +html[data-theme="light"] .highlight .hll { background-color: #fae4c2 } +html[data-theme="light"] .highlight { background: #fefefe; color: #080808 } +html[data-theme="light"] .highlight .c { color: #515151 } /* Comment */ +html[data-theme="light"] .highlight .err { color: #a12236 } /* Error */ +html[data-theme="light"] .highlight .k { color: #6730c5 } /* Keyword */ +html[data-theme="light"] .highlight .l { color: #7f4707 } /* Literal */ +html[data-theme="light"] .highlight .n { color: #080808 } /* Name */ +html[data-theme="light"] .highlight .o { color: #00622f } /* Operator */ +html[data-theme="light"] .highlight .p { color: #080808 } /* Punctuation */ +html[data-theme="light"] .highlight .ch { color: #515151 } /* Comment.Hashbang */ +html[data-theme="light"] .highlight .cm { color: #515151 } /* Comment.Multiline */ +html[data-theme="light"] .highlight .cp { color: #515151 } /* Comment.Preproc */ +html[data-theme="light"] .highlight .cpf { color: #515151 } /* Comment.PreprocFile */ +html[data-theme="light"] .highlight .c1 { color: #515151 } /* Comment.Single */ +html[data-theme="light"] .highlight .cs { color: #515151 } /* Comment.Special */ +html[data-theme="light"] .highlight .gd { color: #005b82 } /* Generic.Deleted */ +html[data-theme="light"] .highlight .ge { font-style: italic } /* Generic.Emph */ +html[data-theme="light"] .highlight .gh { color: #005b82 } /* Generic.Heading */ +html[data-theme="light"] .highlight .gs { font-weight: bold } /* Generic.Strong */ +html[data-theme="light"] .highlight .gu { color: #005b82 } /* Generic.Subheading */ +html[data-theme="light"] .highlight .kc { color: #6730c5 } /* Keyword.Constant */ +html[data-theme="light"] .highlight .kd { color: #6730c5 } /* Keyword.Declaration */ +html[data-theme="light"] .highlight .kn { color: #6730c5 } /* Keyword.Namespace */ +html[data-theme="light"] .highlight .kp { color: #6730c5 } /* Keyword.Pseudo */ +html[data-theme="light"] .highlight .kr { color: #6730c5 } /* Keyword.Reserved */ +html[data-theme="light"] .highlight .kt { color: #7f4707 } /* Keyword.Type */ +html[data-theme="light"] .highlight .ld { color: #7f4707 } /* Literal.Date */ +html[data-theme="light"] .highlight .m { color: #7f4707 } /* Literal.Number */ +html[data-theme="light"] .highlight .s { color: #00622f } /* Literal.String */ +html[data-theme="light"] .highlight .na { color: #912583 } /* Name.Attribute */ +html[data-theme="light"] .highlight .nb { color: #7f4707 } /* Name.Builtin */ +html[data-theme="light"] .highlight .nc { color: #005b82 } /* Name.Class */ +html[data-theme="light"] .highlight .no { color: #005b82 } /* Name.Constant */ +html[data-theme="light"] .highlight .nd { color: #7f4707 } /* Name.Decorator */ +html[data-theme="light"] .highlight .ni { color: #00622f } /* Name.Entity */ +html[data-theme="light"] .highlight .ne { color: #6730c5 } /* Name.Exception */ +html[data-theme="light"] .highlight .nf { color: #005b82 } /* Name.Function */ +html[data-theme="light"] .highlight .nl { color: #7f4707 } /* Name.Label */ +html[data-theme="light"] .highlight .nn { color: #080808 } /* Name.Namespace */ +html[data-theme="light"] .highlight .nx { color: #080808 } /* Name.Other */ +html[data-theme="light"] .highlight .py { color: #005b82 } /* Name.Property */ +html[data-theme="light"] .highlight .nt { color: #005b82 } /* Name.Tag */ +html[data-theme="light"] .highlight .nv { color: #a12236 } /* Name.Variable */ +html[data-theme="light"] .highlight .ow { color: #6730c5 } /* Operator.Word */ +html[data-theme="light"] .highlight .pm { color: #080808 } /* Punctuation.Marker */ +html[data-theme="light"] .highlight .w { color: #080808 } /* Text.Whitespace */ +html[data-theme="light"] .highlight .mb { color: #7f4707 } /* Literal.Number.Bin */ +html[data-theme="light"] .highlight .mf { color: #7f4707 } /* Literal.Number.Float */ +html[data-theme="light"] .highlight .mh { color: #7f4707 } /* Literal.Number.Hex */ +html[data-theme="light"] .highlight .mi { color: #7f4707 } /* Literal.Number.Integer */ +html[data-theme="light"] .highlight .mo { color: #7f4707 } /* Literal.Number.Oct */ +html[data-theme="light"] .highlight .sa { color: #00622f } /* Literal.String.Affix */ +html[data-theme="light"] .highlight .sb { color: #00622f } /* Literal.String.Backtick */ +html[data-theme="light"] .highlight .sc { color: #00622f } /* Literal.String.Char */ +html[data-theme="light"] .highlight .dl { color: #00622f } /* Literal.String.Delimiter */ +html[data-theme="light"] .highlight .sd { color: #00622f } /* Literal.String.Doc */ +html[data-theme="light"] .highlight .s2 { color: #00622f } /* Literal.String.Double */ +html[data-theme="light"] .highlight .se { color: #00622f } /* Literal.String.Escape */ +html[data-theme="light"] .highlight .sh { color: #00622f } /* Literal.String.Heredoc */ +html[data-theme="light"] .highlight .si { color: #00622f } /* Literal.String.Interpol */ +html[data-theme="light"] .highlight .sx { color: #00622f } /* Literal.String.Other */ +html[data-theme="light"] .highlight .sr { color: #a12236 } /* Literal.String.Regex */ +html[data-theme="light"] .highlight .s1 { color: #00622f } /* Literal.String.Single */ +html[data-theme="light"] .highlight .ss { color: #005b82 } /* Literal.String.Symbol */ +html[data-theme="light"] .highlight .bp { color: #7f4707 } /* Name.Builtin.Pseudo */ +html[data-theme="light"] .highlight .fm { color: #005b82 } /* Name.Function.Magic */ +html[data-theme="light"] .highlight .vc { color: #a12236 } /* Name.Variable.Class */ +html[data-theme="light"] .highlight .vg { color: #a12236 } /* Name.Variable.Global */ +html[data-theme="light"] .highlight .vi { color: #a12236 } /* Name.Variable.Instance */ +html[data-theme="light"] .highlight .vm { color: #7f4707 } /* Name.Variable.Magic */ +html[data-theme="light"] .highlight .il { color: #7f4707 } /* Literal.Number.Integer.Long */ +html[data-theme="dark"] .highlight pre { line-height: 125%; } +html[data-theme="dark"] .highlight td.linenos .normal { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; } +html[data-theme="dark"] .highlight span.linenos { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; } +html[data-theme="dark"] .highlight td.linenos .special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; } +html[data-theme="dark"] .highlight span.linenos.special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; } +html[data-theme="dark"] .highlight .hll { background-color: #ffd9002e } +html[data-theme="dark"] .highlight { background: #2b2b2b; color: #f8f8f2 } +html[data-theme="dark"] .highlight .c { color: #ffd900 } /* Comment */ +html[data-theme="dark"] .highlight .err { color: #ffa07a } /* Error */ +html[data-theme="dark"] .highlight .k { color: #dcc6e0 } /* Keyword */ +html[data-theme="dark"] .highlight .l { color: #ffd900 } /* Literal */ +html[data-theme="dark"] .highlight .n { color: #f8f8f2 } /* Name */ +html[data-theme="dark"] .highlight .o { color: #abe338 } /* Operator */ +html[data-theme="dark"] .highlight .p { color: #f8f8f2 } /* Punctuation */ +html[data-theme="dark"] .highlight .ch { color: #ffd900 } /* Comment.Hashbang */ +html[data-theme="dark"] .highlight .cm { color: #ffd900 } /* Comment.Multiline */ +html[data-theme="dark"] .highlight .cp { color: #ffd900 } /* Comment.Preproc */ +html[data-theme="dark"] .highlight .cpf { color: #ffd900 } /* Comment.PreprocFile */ +html[data-theme="dark"] .highlight .c1 { color: #ffd900 } /* Comment.Single */ +html[data-theme="dark"] .highlight .cs { color: #ffd900 } /* Comment.Special */ +html[data-theme="dark"] .highlight .gd { color: #00e0e0 } /* Generic.Deleted */ +html[data-theme="dark"] .highlight .ge { font-style: italic } /* Generic.Emph */ +html[data-theme="dark"] .highlight .gh { color: #00e0e0 } /* Generic.Heading */ +html[data-theme="dark"] .highlight .gs { font-weight: bold } /* Generic.Strong */ +html[data-theme="dark"] .highlight .gu { color: #00e0e0 } /* Generic.Subheading */ +html[data-theme="dark"] .highlight .kc { color: #dcc6e0 } /* Keyword.Constant */ +html[data-theme="dark"] .highlight .kd { color: #dcc6e0 } /* Keyword.Declaration */ +html[data-theme="dark"] .highlight .kn { color: #dcc6e0 } /* Keyword.Namespace */ +html[data-theme="dark"] .highlight .kp { color: #dcc6e0 } /* Keyword.Pseudo */ +html[data-theme="dark"] .highlight .kr { color: #dcc6e0 } /* Keyword.Reserved */ +html[data-theme="dark"] .highlight .kt { color: #ffd900 } /* Keyword.Type */ +html[data-theme="dark"] .highlight .ld { color: #ffd900 } /* Literal.Date */ +html[data-theme="dark"] .highlight .m { color: #ffd900 } /* Literal.Number */ +html[data-theme="dark"] .highlight .s { color: #abe338 } /* Literal.String */ +html[data-theme="dark"] .highlight .na { color: #ffd900 } /* Name.Attribute */ +html[data-theme="dark"] .highlight .nb { color: #ffd900 } /* Name.Builtin */ +html[data-theme="dark"] .highlight .nc { color: #00e0e0 } /* Name.Class */ +html[data-theme="dark"] .highlight .no { color: #00e0e0 } /* Name.Constant */ +html[data-theme="dark"] .highlight .nd { color: #ffd900 } /* Name.Decorator */ +html[data-theme="dark"] .highlight .ni { color: #abe338 } /* Name.Entity */ +html[data-theme="dark"] .highlight .ne { color: #dcc6e0 } /* Name.Exception */ +html[data-theme="dark"] .highlight .nf { color: #00e0e0 } /* Name.Function */ +html[data-theme="dark"] .highlight .nl { color: #ffd900 } /* Name.Label */ +html[data-theme="dark"] .highlight .nn { color: #f8f8f2 } /* Name.Namespace */ +html[data-theme="dark"] .highlight .nx { color: #f8f8f2 } /* Name.Other */ +html[data-theme="dark"] .highlight .py { color: #00e0e0 } /* Name.Property */ +html[data-theme="dark"] .highlight .nt { color: #00e0e0 } /* Name.Tag */ +html[data-theme="dark"] .highlight .nv { color: #ffa07a } /* Name.Variable */ +html[data-theme="dark"] .highlight .ow { color: #dcc6e0 } /* Operator.Word */ +html[data-theme="dark"] .highlight .pm { color: #f8f8f2 } /* Punctuation.Marker */ +html[data-theme="dark"] .highlight .w { color: #f8f8f2 } /* Text.Whitespace */ +html[data-theme="dark"] .highlight .mb { color: #ffd900 } /* Literal.Number.Bin */ +html[data-theme="dark"] .highlight .mf { color: #ffd900 } /* Literal.Number.Float */ +html[data-theme="dark"] .highlight .mh { color: #ffd900 } /* Literal.Number.Hex */ +html[data-theme="dark"] .highlight .mi { color: #ffd900 } /* Literal.Number.Integer */ +html[data-theme="dark"] .highlight .mo { color: #ffd900 } /* Literal.Number.Oct */ +html[data-theme="dark"] .highlight .sa { color: #abe338 } /* Literal.String.Affix */ +html[data-theme="dark"] .highlight .sb { color: #abe338 } /* Literal.String.Backtick */ +html[data-theme="dark"] .highlight .sc { color: #abe338 } /* Literal.String.Char */ +html[data-theme="dark"] .highlight .dl { color: #abe338 } /* Literal.String.Delimiter */ +html[data-theme="dark"] .highlight .sd { color: #abe338 } /* Literal.String.Doc */ +html[data-theme="dark"] .highlight .s2 { color: #abe338 } /* Literal.String.Double */ +html[data-theme="dark"] .highlight .se { color: #abe338 } /* Literal.String.Escape */ +html[data-theme="dark"] .highlight .sh { color: #abe338 } /* Literal.String.Heredoc */ +html[data-theme="dark"] .highlight .si { color: #abe338 } /* Literal.String.Interpol */ +html[data-theme="dark"] .highlight .sx { color: #abe338 } /* Literal.String.Other */ +html[data-theme="dark"] .highlight .sr { color: #ffa07a } /* Literal.String.Regex */ +html[data-theme="dark"] .highlight .s1 { color: #abe338 } /* Literal.String.Single */ +html[data-theme="dark"] .highlight .ss { color: #00e0e0 } /* Literal.String.Symbol */ +html[data-theme="dark"] .highlight .bp { color: #ffd900 } /* Name.Builtin.Pseudo */ +html[data-theme="dark"] .highlight .fm { color: #00e0e0 } /* Name.Function.Magic */ +html[data-theme="dark"] .highlight .vc { color: #ffa07a } /* Name.Variable.Class */ +html[data-theme="dark"] .highlight .vg { color: #ffa07a } /* Name.Variable.Global */ +html[data-theme="dark"] .highlight .vi { color: #ffa07a } /* Name.Variable.Instance */ +html[data-theme="dark"] .highlight .vm { color: #ffd900 } /* Name.Variable.Magic */ +html[data-theme="dark"] .highlight .il { color: #ffd900 } /* Literal.Number.Integer.Long */ \ No newline at end of file diff --git a/docs/_build/_static/sbt-webpack-macros.html b/docs/_build/_static/sbt-webpack-macros.html new file mode 100644 index 0000000..6cbf559 --- /dev/null +++ b/docs/_build/_static/sbt-webpack-macros.html @@ -0,0 +1,11 @@ + +{% macro head_pre_bootstrap() %} + +{% endmacro %} + +{% macro body_post() %} + +{% endmacro %} diff --git a/docs/_build/_static/scripts/bootstrap.js b/docs/_build/_static/scripts/bootstrap.js new file mode 100644 index 0000000..c8178de --- /dev/null +++ b/docs/_build/_static/scripts/bootstrap.js @@ -0,0 +1,3 @@ +/*! For license information please see bootstrap.js.LICENSE.txt */ +(()=>{"use strict";var t={d:(e,i)=>{for(var n in i)t.o(i,n)&&!t.o(e,n)&&Object.defineProperty(e,n,{enumerable:!0,get:i[n]})},o:(t,e)=>Object.prototype.hasOwnProperty.call(t,e),r:t=>{"undefined"!=typeof Symbol&&Symbol.toStringTag&&Object.defineProperty(t,Symbol.toStringTag,{value:"Module"}),Object.defineProperty(t,"__esModule",{value:!0})}},e={};t.r(e),t.d(e,{afterMain:()=>E,afterRead:()=>v,afterWrite:()=>C,applyStyles:()=>$,arrow:()=>J,auto:()=>a,basePlacements:()=>l,beforeMain:()=>y,beforeRead:()=>_,beforeWrite:()=>A,bottom:()=>s,clippingParents:()=>d,computeStyles:()=>it,createPopper:()=>Dt,createPopperBase:()=>St,createPopperLite:()=>$t,detectOverflow:()=>_t,end:()=>h,eventListeners:()=>st,flip:()=>bt,hide:()=>wt,left:()=>r,main:()=>w,modifierPhases:()=>O,offset:()=>Et,placements:()=>g,popper:()=>f,popperGenerator:()=>Lt,popperOffsets:()=>At,preventOverflow:()=>Tt,read:()=>b,reference:()=>p,right:()=>o,start:()=>c,top:()=>n,variationPlacements:()=>m,viewport:()=>u,write:()=>T});var i={};t.r(i),t.d(i,{Alert:()=>Oe,Button:()=>ke,Carousel:()=>li,Collapse:()=>Ei,Dropdown:()=>Ki,Modal:()=>Ln,Offcanvas:()=>Kn,Popover:()=>bs,ScrollSpy:()=>Ls,Tab:()=>Js,Toast:()=>po,Tooltip:()=>fs});var n="top",s="bottom",o="right",r="left",a="auto",l=[n,s,o,r],c="start",h="end",d="clippingParents",u="viewport",f="popper",p="reference",m=l.reduce((function(t,e){return t.concat([e+"-"+c,e+"-"+h])}),[]),g=[].concat(l,[a]).reduce((function(t,e){return t.concat([e,e+"-"+c,e+"-"+h])}),[]),_="beforeRead",b="read",v="afterRead",y="beforeMain",w="main",E="afterMain",A="beforeWrite",T="write",C="afterWrite",O=[_,b,v,y,w,E,A,T,C];function x(t){return t?(t.nodeName||"").toLowerCase():null}function k(t){if(null==t)return window;if("[object Window]"!==t.toString()){var e=t.ownerDocument;return e&&e.defaultView||window}return t}function L(t){return t instanceof k(t).Element||t instanceof Element}function S(t){return t instanceof k(t).HTMLElement||t instanceof HTMLElement}function D(t){return"undefined"!=typeof ShadowRoot&&(t instanceof k(t).ShadowRoot||t instanceof ShadowRoot)}const $={name:"applyStyles",enabled:!0,phase:"write",fn:function(t){var e=t.state;Object.keys(e.elements).forEach((function(t){var i=e.styles[t]||{},n=e.attributes[t]||{},s=e.elements[t];S(s)&&x(s)&&(Object.assign(s.style,i),Object.keys(n).forEach((function(t){var e=n[t];!1===e?s.removeAttribute(t):s.setAttribute(t,!0===e?"":e)})))}))},effect:function(t){var e=t.state,i={popper:{position:e.options.strategy,left:"0",top:"0",margin:"0"},arrow:{position:"absolute"},reference:{}};return Object.assign(e.elements.popper.style,i.popper),e.styles=i,e.elements.arrow&&Object.assign(e.elements.arrow.style,i.arrow),function(){Object.keys(e.elements).forEach((function(t){var n=e.elements[t],s=e.attributes[t]||{},o=Object.keys(e.styles.hasOwnProperty(t)?e.styles[t]:i[t]).reduce((function(t,e){return t[e]="",t}),{});S(n)&&x(n)&&(Object.assign(n.style,o),Object.keys(s).forEach((function(t){n.removeAttribute(t)})))}))}},requires:["computeStyles"]};function I(t){return t.split("-")[0]}var N=Math.max,P=Math.min,M=Math.round;function j(){var t=navigator.userAgentData;return null!=t&&t.brands&&Array.isArray(t.brands)?t.brands.map((function(t){return t.brand+"/"+t.version})).join(" "):navigator.userAgent}function F(){return!/^((?!chrome|android).)*safari/i.test(j())}function H(t,e,i){void 0===e&&(e=!1),void 0===i&&(i=!1);var n=t.getBoundingClientRect(),s=1,o=1;e&&S(t)&&(s=t.offsetWidth>0&&M(n.width)/t.offsetWidth||1,o=t.offsetHeight>0&&M(n.height)/t.offsetHeight||1);var r=(L(t)?k(t):window).visualViewport,a=!F()&&i,l=(n.left+(a&&r?r.offsetLeft:0))/s,c=(n.top+(a&&r?r.offsetTop:0))/o,h=n.width/s,d=n.height/o;return{width:h,height:d,top:c,right:l+h,bottom:c+d,left:l,x:l,y:c}}function B(t){var e=H(t),i=t.offsetWidth,n=t.offsetHeight;return Math.abs(e.width-i)<=1&&(i=e.width),Math.abs(e.height-n)<=1&&(n=e.height),{x:t.offsetLeft,y:t.offsetTop,width:i,height:n}}function W(t,e){var i=e.getRootNode&&e.getRootNode();if(t.contains(e))return!0;if(i&&D(i)){var n=e;do{if(n&&t.isSameNode(n))return!0;n=n.parentNode||n.host}while(n)}return!1}function z(t){return k(t).getComputedStyle(t)}function R(t){return["table","td","th"].indexOf(x(t))>=0}function q(t){return((L(t)?t.ownerDocument:t.document)||window.document).documentElement}function V(t){return"html"===x(t)?t:t.assignedSlot||t.parentNode||(D(t)?t.host:null)||q(t)}function Y(t){return S(t)&&"fixed"!==z(t).position?t.offsetParent:null}function K(t){for(var e=k(t),i=Y(t);i&&R(i)&&"static"===z(i).position;)i=Y(i);return i&&("html"===x(i)||"body"===x(i)&&"static"===z(i).position)?e:i||function(t){var e=/firefox/i.test(j());if(/Trident/i.test(j())&&S(t)&&"fixed"===z(t).position)return null;var i=V(t);for(D(i)&&(i=i.host);S(i)&&["html","body"].indexOf(x(i))<0;){var n=z(i);if("none"!==n.transform||"none"!==n.perspective||"paint"===n.contain||-1!==["transform","perspective"].indexOf(n.willChange)||e&&"filter"===n.willChange||e&&n.filter&&"none"!==n.filter)return i;i=i.parentNode}return null}(t)||e}function Q(t){return["top","bottom"].indexOf(t)>=0?"x":"y"}function X(t,e,i){return N(t,P(e,i))}function U(t){return Object.assign({},{top:0,right:0,bottom:0,left:0},t)}function G(t,e){return e.reduce((function(e,i){return e[i]=t,e}),{})}const J={name:"arrow",enabled:!0,phase:"main",fn:function(t){var e,i=t.state,a=t.name,c=t.options,h=i.elements.arrow,d=i.modifiersData.popperOffsets,u=I(i.placement),f=Q(u),p=[r,o].indexOf(u)>=0?"height":"width";if(h&&d){var m=function(t,e){return U("number"!=typeof(t="function"==typeof t?t(Object.assign({},e.rects,{placement:e.placement})):t)?t:G(t,l))}(c.padding,i),g=B(h),_="y"===f?n:r,b="y"===f?s:o,v=i.rects.reference[p]+i.rects.reference[f]-d[f]-i.rects.popper[p],y=d[f]-i.rects.reference[f],w=K(h),E=w?"y"===f?w.clientHeight||0:w.clientWidth||0:0,A=v/2-y/2,T=m[_],C=E-g[p]-m[b],O=E/2-g[p]/2+A,x=X(T,O,C),k=f;i.modifiersData[a]=((e={})[k]=x,e.centerOffset=x-O,e)}},effect:function(t){var e=t.state,i=t.options.element,n=void 0===i?"[data-popper-arrow]":i;null!=n&&("string"!=typeof n||(n=e.elements.popper.querySelector(n)))&&W(e.elements.popper,n)&&(e.elements.arrow=n)},requires:["popperOffsets"],requiresIfExists:["preventOverflow"]};function Z(t){return t.split("-")[1]}var tt={top:"auto",right:"auto",bottom:"auto",left:"auto"};function et(t){var e,i=t.popper,a=t.popperRect,l=t.placement,c=t.variation,d=t.offsets,u=t.position,f=t.gpuAcceleration,p=t.adaptive,m=t.roundOffsets,g=t.isFixed,_=d.x,b=void 0===_?0:_,v=d.y,y=void 0===v?0:v,w="function"==typeof m?m({x:b,y}):{x:b,y};b=w.x,y=w.y;var E=d.hasOwnProperty("x"),A=d.hasOwnProperty("y"),T=r,C=n,O=window;if(p){var x=K(i),L="clientHeight",S="clientWidth";x===k(i)&&"static"!==z(x=q(i)).position&&"absolute"===u&&(L="scrollHeight",S="scrollWidth"),(l===n||(l===r||l===o)&&c===h)&&(C=s,y-=(g&&x===O&&O.visualViewport?O.visualViewport.height:x[L])-a.height,y*=f?1:-1),l!==r&&(l!==n&&l!==s||c!==h)||(T=o,b-=(g&&x===O&&O.visualViewport?O.visualViewport.width:x[S])-a.width,b*=f?1:-1)}var D,$=Object.assign({position:u},p&&tt),I=!0===m?function(t,e){var i=t.x,n=t.y,s=e.devicePixelRatio||1;return{x:M(i*s)/s||0,y:M(n*s)/s||0}}({x:b,y},k(i)):{x:b,y};return b=I.x,y=I.y,f?Object.assign({},$,((D={})[C]=A?"0":"",D[T]=E?"0":"",D.transform=(O.devicePixelRatio||1)<=1?"translate("+b+"px, "+y+"px)":"translate3d("+b+"px, "+y+"px, 0)",D)):Object.assign({},$,((e={})[C]=A?y+"px":"",e[T]=E?b+"px":"",e.transform="",e))}const it={name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:function(t){var e=t.state,i=t.options,n=i.gpuAcceleration,s=void 0===n||n,o=i.adaptive,r=void 0===o||o,a=i.roundOffsets,l=void 0===a||a,c={placement:I(e.placement),variation:Z(e.placement),popper:e.elements.popper,popperRect:e.rects.popper,gpuAcceleration:s,isFixed:"fixed"===e.options.strategy};null!=e.modifiersData.popperOffsets&&(e.styles.popper=Object.assign({},e.styles.popper,et(Object.assign({},c,{offsets:e.modifiersData.popperOffsets,position:e.options.strategy,adaptive:r,roundOffsets:l})))),null!=e.modifiersData.arrow&&(e.styles.arrow=Object.assign({},e.styles.arrow,et(Object.assign({},c,{offsets:e.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:l})))),e.attributes.popper=Object.assign({},e.attributes.popper,{"data-popper-placement":e.placement})},data:{}};var nt={passive:!0};const st={name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:function(t){var e=t.state,i=t.instance,n=t.options,s=n.scroll,o=void 0===s||s,r=n.resize,a=void 0===r||r,l=k(e.elements.popper),c=[].concat(e.scrollParents.reference,e.scrollParents.popper);return o&&c.forEach((function(t){t.addEventListener("scroll",i.update,nt)})),a&&l.addEventListener("resize",i.update,nt),function(){o&&c.forEach((function(t){t.removeEventListener("scroll",i.update,nt)})),a&&l.removeEventListener("resize",i.update,nt)}},data:{}};var ot={left:"right",right:"left",bottom:"top",top:"bottom"};function rt(t){return t.replace(/left|right|bottom|top/g,(function(t){return ot[t]}))}var at={start:"end",end:"start"};function lt(t){return t.replace(/start|end/g,(function(t){return at[t]}))}function ct(t){var e=k(t);return{scrollLeft:e.pageXOffset,scrollTop:e.pageYOffset}}function ht(t){return H(q(t)).left+ct(t).scrollLeft}function dt(t){var e=z(t),i=e.overflow,n=e.overflowX,s=e.overflowY;return/auto|scroll|overlay|hidden/.test(i+s+n)}function ut(t){return["html","body","#document"].indexOf(x(t))>=0?t.ownerDocument.body:S(t)&&dt(t)?t:ut(V(t))}function ft(t,e){var i;void 0===e&&(e=[]);var n=ut(t),s=n===(null==(i=t.ownerDocument)?void 0:i.body),o=k(n),r=s?[o].concat(o.visualViewport||[],dt(n)?n:[]):n,a=e.concat(r);return s?a:a.concat(ft(V(r)))}function pt(t){return Object.assign({},t,{left:t.x,top:t.y,right:t.x+t.width,bottom:t.y+t.height})}function mt(t,e,i){return e===u?pt(function(t,e){var i=k(t),n=q(t),s=i.visualViewport,o=n.clientWidth,r=n.clientHeight,a=0,l=0;if(s){o=s.width,r=s.height;var c=F();(c||!c&&"fixed"===e)&&(a=s.offsetLeft,l=s.offsetTop)}return{width:o,height:r,x:a+ht(t),y:l}}(t,i)):L(e)?function(t,e){var i=H(t,!1,"fixed"===e);return i.top=i.top+t.clientTop,i.left=i.left+t.clientLeft,i.bottom=i.top+t.clientHeight,i.right=i.left+t.clientWidth,i.width=t.clientWidth,i.height=t.clientHeight,i.x=i.left,i.y=i.top,i}(e,i):pt(function(t){var e,i=q(t),n=ct(t),s=null==(e=t.ownerDocument)?void 0:e.body,o=N(i.scrollWidth,i.clientWidth,s?s.scrollWidth:0,s?s.clientWidth:0),r=N(i.scrollHeight,i.clientHeight,s?s.scrollHeight:0,s?s.clientHeight:0),a=-n.scrollLeft+ht(t),l=-n.scrollTop;return"rtl"===z(s||i).direction&&(a+=N(i.clientWidth,s?s.clientWidth:0)-o),{width:o,height:r,x:a,y:l}}(q(t)))}function gt(t){var e,i=t.reference,a=t.element,l=t.placement,d=l?I(l):null,u=l?Z(l):null,f=i.x+i.width/2-a.width/2,p=i.y+i.height/2-a.height/2;switch(d){case n:e={x:f,y:i.y-a.height};break;case s:e={x:f,y:i.y+i.height};break;case o:e={x:i.x+i.width,y:p};break;case r:e={x:i.x-a.width,y:p};break;default:e={x:i.x,y:i.y}}var m=d?Q(d):null;if(null!=m){var g="y"===m?"height":"width";switch(u){case c:e[m]=e[m]-(i[g]/2-a[g]/2);break;case h:e[m]=e[m]+(i[g]/2-a[g]/2)}}return e}function _t(t,e){void 0===e&&(e={});var i=e,r=i.placement,a=void 0===r?t.placement:r,c=i.strategy,h=void 0===c?t.strategy:c,m=i.boundary,g=void 0===m?d:m,_=i.rootBoundary,b=void 0===_?u:_,v=i.elementContext,y=void 0===v?f:v,w=i.altBoundary,E=void 0!==w&&w,A=i.padding,T=void 0===A?0:A,C=U("number"!=typeof T?T:G(T,l)),O=y===f?p:f,k=t.rects.popper,D=t.elements[E?O:y],$=function(t,e,i,n){var s="clippingParents"===e?function(t){var e=ft(V(t)),i=["absolute","fixed"].indexOf(z(t).position)>=0&&S(t)?K(t):t;return L(i)?e.filter((function(t){return L(t)&&W(t,i)&&"body"!==x(t)})):[]}(t):[].concat(e),o=[].concat(s,[i]),r=o[0],a=o.reduce((function(e,i){var s=mt(t,i,n);return e.top=N(s.top,e.top),e.right=P(s.right,e.right),e.bottom=P(s.bottom,e.bottom),e.left=N(s.left,e.left),e}),mt(t,r,n));return a.width=a.right-a.left,a.height=a.bottom-a.top,a.x=a.left,a.y=a.top,a}(L(D)?D:D.contextElement||q(t.elements.popper),g,b,h),I=H(t.elements.reference),M=gt({reference:I,element:k,strategy:"absolute",placement:a}),j=pt(Object.assign({},k,M)),F=y===f?j:I,B={top:$.top-F.top+C.top,bottom:F.bottom-$.bottom+C.bottom,left:$.left-F.left+C.left,right:F.right-$.right+C.right},R=t.modifiersData.offset;if(y===f&&R){var Y=R[a];Object.keys(B).forEach((function(t){var e=[o,s].indexOf(t)>=0?1:-1,i=[n,s].indexOf(t)>=0?"y":"x";B[t]+=Y[i]*e}))}return B}const bt={name:"flip",enabled:!0,phase:"main",fn:function(t){var e=t.state,i=t.options,h=t.name;if(!e.modifiersData[h]._skip){for(var d=i.mainAxis,u=void 0===d||d,f=i.altAxis,p=void 0===f||f,_=i.fallbackPlacements,b=i.padding,v=i.boundary,y=i.rootBoundary,w=i.altBoundary,E=i.flipVariations,A=void 0===E||E,T=i.allowedAutoPlacements,C=e.options.placement,O=I(C),x=_||(O!==C&&A?function(t){if(I(t)===a)return[];var e=rt(t);return[lt(t),e,lt(e)]}(C):[rt(C)]),k=[C].concat(x).reduce((function(t,i){return t.concat(I(i)===a?function(t,e){void 0===e&&(e={});var i=e,n=i.placement,s=i.boundary,o=i.rootBoundary,r=i.padding,a=i.flipVariations,c=i.allowedAutoPlacements,h=void 0===c?g:c,d=Z(n),u=d?a?m:m.filter((function(t){return Z(t)===d})):l,f=u.filter((function(t){return h.indexOf(t)>=0}));0===f.length&&(f=u);var p=f.reduce((function(e,i){return e[i]=_t(t,{placement:i,boundary:s,rootBoundary:o,padding:r})[I(i)],e}),{});return Object.keys(p).sort((function(t,e){return p[t]-p[e]}))}(e,{placement:i,boundary:v,rootBoundary:y,padding:b,flipVariations:A,allowedAutoPlacements:T}):i)}),[]),L=e.rects.reference,S=e.rects.popper,D=new Map,$=!0,N=k[0],P=0;P=0,B=H?"width":"height",W=_t(e,{placement:M,boundary:v,rootBoundary:y,altBoundary:w,padding:b}),z=H?F?o:r:F?s:n;L[B]>S[B]&&(z=rt(z));var R=rt(z),q=[];if(u&&q.push(W[j]<=0),p&&q.push(W[z]<=0,W[R]<=0),q.every((function(t){return t}))){N=M,$=!1;break}D.set(M,q)}if($)for(var V=function(t){var e=k.find((function(e){var i=D.get(e);if(i)return i.slice(0,t).every((function(t){return t}))}));if(e)return N=e,"break"},Y=A?3:1;Y>0&&"break"!==V(Y);Y--);e.placement!==N&&(e.modifiersData[h]._skip=!0,e.placement=N,e.reset=!0)}},requiresIfExists:["offset"],data:{_skip:!1}};function vt(t,e,i){return void 0===i&&(i={x:0,y:0}),{top:t.top-e.height-i.y,right:t.right-e.width+i.x,bottom:t.bottom-e.height+i.y,left:t.left-e.width-i.x}}function yt(t){return[n,o,s,r].some((function(e){return t[e]>=0}))}const wt={name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:function(t){var e=t.state,i=t.name,n=e.rects.reference,s=e.rects.popper,o=e.modifiersData.preventOverflow,r=_t(e,{elementContext:"reference"}),a=_t(e,{altBoundary:!0}),l=vt(r,n),c=vt(a,s,o),h=yt(l),d=yt(c);e.modifiersData[i]={referenceClippingOffsets:l,popperEscapeOffsets:c,isReferenceHidden:h,hasPopperEscaped:d},e.attributes.popper=Object.assign({},e.attributes.popper,{"data-popper-reference-hidden":h,"data-popper-escaped":d})}},Et={name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:function(t){var e=t.state,i=t.options,s=t.name,a=i.offset,l=void 0===a?[0,0]:a,c=g.reduce((function(t,i){return t[i]=function(t,e,i){var s=I(t),a=[r,n].indexOf(s)>=0?-1:1,l="function"==typeof i?i(Object.assign({},e,{placement:t})):i,c=l[0],h=l[1];return c=c||0,h=(h||0)*a,[r,o].indexOf(s)>=0?{x:h,y:c}:{x:c,y:h}}(i,e.rects,l),t}),{}),h=c[e.placement],d=h.x,u=h.y;null!=e.modifiersData.popperOffsets&&(e.modifiersData.popperOffsets.x+=d,e.modifiersData.popperOffsets.y+=u),e.modifiersData[s]=c}},At={name:"popperOffsets",enabled:!0,phase:"read",fn:function(t){var e=t.state,i=t.name;e.modifiersData[i]=gt({reference:e.rects.reference,element:e.rects.popper,strategy:"absolute",placement:e.placement})},data:{}},Tt={name:"preventOverflow",enabled:!0,phase:"main",fn:function(t){var e=t.state,i=t.options,a=t.name,l=i.mainAxis,h=void 0===l||l,d=i.altAxis,u=void 0!==d&&d,f=i.boundary,p=i.rootBoundary,m=i.altBoundary,g=i.padding,_=i.tether,b=void 0===_||_,v=i.tetherOffset,y=void 0===v?0:v,w=_t(e,{boundary:f,rootBoundary:p,padding:g,altBoundary:m}),E=I(e.placement),A=Z(e.placement),T=!A,C=Q(E),O="x"===C?"y":"x",x=e.modifiersData.popperOffsets,k=e.rects.reference,L=e.rects.popper,S="function"==typeof y?y(Object.assign({},e.rects,{placement:e.placement})):y,D="number"==typeof S?{mainAxis:S,altAxis:S}:Object.assign({mainAxis:0,altAxis:0},S),$=e.modifiersData.offset?e.modifiersData.offset[e.placement]:null,M={x:0,y:0};if(x){if(h){var j,F="y"===C?n:r,H="y"===C?s:o,W="y"===C?"height":"width",z=x[C],R=z+w[F],q=z-w[H],V=b?-L[W]/2:0,Y=A===c?k[W]:L[W],U=A===c?-L[W]:-k[W],G=e.elements.arrow,J=b&&G?B(G):{width:0,height:0},tt=e.modifiersData["arrow#persistent"]?e.modifiersData["arrow#persistent"].padding:{top:0,right:0,bottom:0,left:0},et=tt[F],it=tt[H],nt=X(0,k[W],J[W]),st=T?k[W]/2-V-nt-et-D.mainAxis:Y-nt-et-D.mainAxis,ot=T?-k[W]/2+V+nt+it+D.mainAxis:U+nt+it+D.mainAxis,rt=e.elements.arrow&&K(e.elements.arrow),at=rt?"y"===C?rt.clientTop||0:rt.clientLeft||0:0,lt=null!=(j=null==$?void 0:$[C])?j:0,ct=z+ot-lt,ht=X(b?P(R,z+st-lt-at):R,z,b?N(q,ct):q);x[C]=ht,M[C]=ht-z}if(u){var dt,ut="x"===C?n:r,ft="x"===C?s:o,pt=x[O],mt="y"===O?"height":"width",gt=pt+w[ut],bt=pt-w[ft],vt=-1!==[n,r].indexOf(E),yt=null!=(dt=null==$?void 0:$[O])?dt:0,wt=vt?gt:pt-k[mt]-L[mt]-yt+D.altAxis,Et=vt?pt+k[mt]+L[mt]-yt-D.altAxis:bt,At=b&&vt?function(t,e,i){var n=X(t,e,i);return n>i?i:n}(wt,pt,Et):X(b?wt:gt,pt,b?Et:bt);x[O]=At,M[O]=At-pt}e.modifiersData[a]=M}},requiresIfExists:["offset"]};function Ct(t,e,i){void 0===i&&(i=!1);var n,s,o=S(e),r=S(e)&&function(t){var e=t.getBoundingClientRect(),i=M(e.width)/t.offsetWidth||1,n=M(e.height)/t.offsetHeight||1;return 1!==i||1!==n}(e),a=q(e),l=H(t,r,i),c={scrollLeft:0,scrollTop:0},h={x:0,y:0};return(o||!o&&!i)&&(("body"!==x(e)||dt(a))&&(c=(n=e)!==k(n)&&S(n)?{scrollLeft:(s=n).scrollLeft,scrollTop:s.scrollTop}:ct(n)),S(e)?((h=H(e,!0)).x+=e.clientLeft,h.y+=e.clientTop):a&&(h.x=ht(a))),{x:l.left+c.scrollLeft-h.x,y:l.top+c.scrollTop-h.y,width:l.width,height:l.height}}function Ot(t){var e=new Map,i=new Set,n=[];function s(t){i.add(t.name),[].concat(t.requires||[],t.requiresIfExists||[]).forEach((function(t){if(!i.has(t)){var n=e.get(t);n&&s(n)}})),n.push(t)}return t.forEach((function(t){e.set(t.name,t)})),t.forEach((function(t){i.has(t.name)||s(t)})),n}var xt={placement:"bottom",modifiers:[],strategy:"absolute"};function kt(){for(var t=arguments.length,e=new Array(t),i=0;iIt.has(t)&&It.get(t).get(e)||null,remove(t,e){if(!It.has(t))return;const i=It.get(t);i.delete(e),0===i.size&&It.delete(t)}},Pt="transitionend",Mt=t=>(t&&window.CSS&&window.CSS.escape&&(t=t.replace(/#([^\s"#']+)/g,((t,e)=>`#${CSS.escape(e)}`))),t),jt=t=>{t.dispatchEvent(new Event(Pt))},Ft=t=>!(!t||"object"!=typeof t)&&(void 0!==t.jquery&&(t=t[0]),void 0!==t.nodeType),Ht=t=>Ft(t)?t.jquery?t[0]:t:"string"==typeof t&&t.length>0?document.querySelector(Mt(t)):null,Bt=t=>{if(!Ft(t)||0===t.getClientRects().length)return!1;const e="visible"===getComputedStyle(t).getPropertyValue("visibility"),i=t.closest("details:not([open])");if(!i)return e;if(i!==t){const e=t.closest("summary");if(e&&e.parentNode!==i)return!1;if(null===e)return!1}return e},Wt=t=>!t||t.nodeType!==Node.ELEMENT_NODE||!!t.classList.contains("disabled")||(void 0!==t.disabled?t.disabled:t.hasAttribute("disabled")&&"false"!==t.getAttribute("disabled")),zt=t=>{if(!document.documentElement.attachShadow)return null;if("function"==typeof t.getRootNode){const e=t.getRootNode();return e instanceof ShadowRoot?e:null}return t instanceof ShadowRoot?t:t.parentNode?zt(t.parentNode):null},Rt=()=>{},qt=t=>{t.offsetHeight},Vt=()=>window.jQuery&&!document.body.hasAttribute("data-bs-no-jquery")?window.jQuery:null,Yt=[],Kt=()=>"rtl"===document.documentElement.dir,Qt=t=>{var e;e=()=>{const e=Vt();if(e){const i=t.NAME,n=e.fn[i];e.fn[i]=t.jQueryInterface,e.fn[i].Constructor=t,e.fn[i].noConflict=()=>(e.fn[i]=n,t.jQueryInterface)}},"loading"===document.readyState?(Yt.length||document.addEventListener("DOMContentLoaded",(()=>{for(const t of Yt)t()})),Yt.push(e)):e()},Xt=(t,e=[],i=t)=>"function"==typeof t?t(...e):i,Ut=(t,e,i=!0)=>{if(!i)return void Xt(t);const n=(t=>{if(!t)return 0;let{transitionDuration:e,transitionDelay:i}=window.getComputedStyle(t);const n=Number.parseFloat(e),s=Number.parseFloat(i);return n||s?(e=e.split(",")[0],i=i.split(",")[0],1e3*(Number.parseFloat(e)+Number.parseFloat(i))):0})(e)+5;let s=!1;const o=({target:i})=>{i===e&&(s=!0,e.removeEventListener(Pt,o),Xt(t))};e.addEventListener(Pt,o),setTimeout((()=>{s||jt(e)}),n)},Gt=(t,e,i,n)=>{const s=t.length;let o=t.indexOf(e);return-1===o?!i&&n?t[s-1]:t[0]:(o+=i?1:-1,n&&(o=(o+s)%s),t[Math.max(0,Math.min(o,s-1))])},Jt=/[^.]*(?=\..*)\.|.*/,Zt=/\..*/,te=/::\d+$/,ee={};let ie=1;const ne={mouseenter:"mouseover",mouseleave:"mouseout"},se=new Set(["click","dblclick","mouseup","mousedown","contextmenu","mousewheel","DOMMouseScroll","mouseover","mouseout","mousemove","selectstart","selectend","keydown","keypress","keyup","orientationchange","touchstart","touchmove","touchend","touchcancel","pointerdown","pointermove","pointerup","pointerleave","pointercancel","gesturestart","gesturechange","gestureend","focus","blur","change","reset","select","submit","focusin","focusout","load","unload","beforeunload","resize","move","DOMContentLoaded","readystatechange","error","abort","scroll"]);function oe(t,e){return e&&`${e}::${ie++}`||t.uidEvent||ie++}function re(t){const e=oe(t);return t.uidEvent=e,ee[e]=ee[e]||{},ee[e]}function ae(t,e,i=null){return Object.values(t).find((t=>t.callable===e&&t.delegationSelector===i))}function le(t,e,i){const n="string"==typeof e,s=n?i:e||i;let o=ue(t);return se.has(o)||(o=t),[n,s,o]}function ce(t,e,i,n,s){if("string"!=typeof e||!t)return;let[o,r,a]=le(e,i,n);if(e in ne){const t=t=>function(e){if(!e.relatedTarget||e.relatedTarget!==e.delegateTarget&&!e.delegateTarget.contains(e.relatedTarget))return t.call(this,e)};r=t(r)}const l=re(t),c=l[a]||(l[a]={}),h=ae(c,r,o?i:null);if(h)return void(h.oneOff=h.oneOff&&s);const d=oe(r,e.replace(Jt,"")),u=o?function(t,e,i){return function n(s){const o=t.querySelectorAll(e);for(let{target:r}=s;r&&r!==this;r=r.parentNode)for(const a of o)if(a===r)return pe(s,{delegateTarget:r}),n.oneOff&&fe.off(t,s.type,e,i),i.apply(r,[s])}}(t,i,r):function(t,e){return function i(n){return pe(n,{delegateTarget:t}),i.oneOff&&fe.off(t,n.type,e),e.apply(t,[n])}}(t,r);u.delegationSelector=o?i:null,u.callable=r,u.oneOff=s,u.uidEvent=d,c[d]=u,t.addEventListener(a,u,o)}function he(t,e,i,n,s){const o=ae(e[i],n,s);o&&(t.removeEventListener(i,o,Boolean(s)),delete e[i][o.uidEvent])}function de(t,e,i,n){const s=e[i]||{};for(const[o,r]of Object.entries(s))o.includes(n)&&he(t,e,i,r.callable,r.delegationSelector)}function ue(t){return t=t.replace(Zt,""),ne[t]||t}const fe={on(t,e,i,n){ce(t,e,i,n,!1)},one(t,e,i,n){ce(t,e,i,n,!0)},off(t,e,i,n){if("string"!=typeof e||!t)return;const[s,o,r]=le(e,i,n),a=r!==e,l=re(t),c=l[r]||{},h=e.startsWith(".");if(void 0===o){if(h)for(const i of Object.keys(l))de(t,l,i,e.slice(1));for(const[i,n]of Object.entries(c)){const s=i.replace(te,"");a&&!e.includes(s)||he(t,l,r,n.callable,n.delegationSelector)}}else{if(!Object.keys(c).length)return;he(t,l,r,o,s?i:null)}},trigger(t,e,i){if("string"!=typeof e||!t)return null;const n=Vt();let s=null,o=!0,r=!0,a=!1;e!==ue(e)&&n&&(s=n.Event(e,i),n(t).trigger(s),o=!s.isPropagationStopped(),r=!s.isImmediatePropagationStopped(),a=s.isDefaultPrevented());const l=pe(new Event(e,{bubbles:o,cancelable:!0}),i);return a&&l.preventDefault(),r&&t.dispatchEvent(l),l.defaultPrevented&&s&&s.preventDefault(),l}};function pe(t,e={}){for(const[i,n]of Object.entries(e))try{t[i]=n}catch(e){Object.defineProperty(t,i,{configurable:!0,get:()=>n})}return t}function me(t){if("true"===t)return!0;if("false"===t)return!1;if(t===Number(t).toString())return Number(t);if(""===t||"null"===t)return null;if("string"!=typeof t)return t;try{return JSON.parse(decodeURIComponent(t))}catch(e){return t}}function ge(t){return t.replace(/[A-Z]/g,(t=>`-${t.toLowerCase()}`))}const _e={setDataAttribute(t,e,i){t.setAttribute(`data-bs-${ge(e)}`,i)},removeDataAttribute(t,e){t.removeAttribute(`data-bs-${ge(e)}`)},getDataAttributes(t){if(!t)return{};const e={},i=Object.keys(t.dataset).filter((t=>t.startsWith("bs")&&!t.startsWith("bsConfig")));for(const n of i){let i=n.replace(/^bs/,"");i=i.charAt(0).toLowerCase()+i.slice(1,i.length),e[i]=me(t.dataset[n])}return e},getDataAttribute:(t,e)=>me(t.getAttribute(`data-bs-${ge(e)}`))};class be{static get Default(){return{}}static get DefaultType(){return{}}static get NAME(){throw new Error('You have to implement the static method "NAME", for each component!')}_getConfig(t){return t=this._mergeConfigObj(t),t=this._configAfterMerge(t),this._typeCheckConfig(t),t}_configAfterMerge(t){return t}_mergeConfigObj(t,e){const i=Ft(e)?_e.getDataAttribute(e,"config"):{};return{...this.constructor.Default,..."object"==typeof i?i:{},...Ft(e)?_e.getDataAttributes(e):{},..."object"==typeof t?t:{}}}_typeCheckConfig(t,e=this.constructor.DefaultType){for(const[n,s]of Object.entries(e)){const e=t[n],o=Ft(e)?"element":null==(i=e)?`${i}`:Object.prototype.toString.call(i).match(/\s([a-z]+)/i)[1].toLowerCase();if(!new RegExp(s).test(o))throw new TypeError(`${this.constructor.NAME.toUpperCase()}: Option "${n}" provided type "${o}" but expected type "${s}".`)}var i}}class ve extends be{constructor(t,e){super(),(t=Ht(t))&&(this._element=t,this._config=this._getConfig(e),Nt.set(this._element,this.constructor.DATA_KEY,this))}dispose(){Nt.remove(this._element,this.constructor.DATA_KEY),fe.off(this._element,this.constructor.EVENT_KEY);for(const t of Object.getOwnPropertyNames(this))this[t]=null}_queueCallback(t,e,i=!0){Ut(t,e,i)}_getConfig(t){return t=this._mergeConfigObj(t,this._element),t=this._configAfterMerge(t),this._typeCheckConfig(t),t}static getInstance(t){return Nt.get(Ht(t),this.DATA_KEY)}static getOrCreateInstance(t,e={}){return this.getInstance(t)||new this(t,"object"==typeof e?e:null)}static get VERSION(){return"5.3.3"}static get DATA_KEY(){return`bs.${this.NAME}`}static get EVENT_KEY(){return`.${this.DATA_KEY}`}static eventName(t){return`${t}${this.EVENT_KEY}`}}const ye=t=>{let e=t.getAttribute("data-bs-target");if(!e||"#"===e){let i=t.getAttribute("href");if(!i||!i.includes("#")&&!i.startsWith("."))return null;i.includes("#")&&!i.startsWith("#")&&(i=`#${i.split("#")[1]}`),e=i&&"#"!==i?i.trim():null}return e?e.split(",").map((t=>Mt(t))).join(","):null},we={find:(t,e=document.documentElement)=>[].concat(...Element.prototype.querySelectorAll.call(e,t)),findOne:(t,e=document.documentElement)=>Element.prototype.querySelector.call(e,t),children:(t,e)=>[].concat(...t.children).filter((t=>t.matches(e))),parents(t,e){const i=[];let n=t.parentNode.closest(e);for(;n;)i.push(n),n=n.parentNode.closest(e);return i},prev(t,e){let i=t.previousElementSibling;for(;i;){if(i.matches(e))return[i];i=i.previousElementSibling}return[]},next(t,e){let i=t.nextElementSibling;for(;i;){if(i.matches(e))return[i];i=i.nextElementSibling}return[]},focusableChildren(t){const e=["a","button","input","textarea","select","details","[tabindex]",'[contenteditable="true"]'].map((t=>`${t}:not([tabindex^="-"])`)).join(",");return this.find(e,t).filter((t=>!Wt(t)&&Bt(t)))},getSelectorFromElement(t){const e=ye(t);return e&&we.findOne(e)?e:null},getElementFromSelector(t){const e=ye(t);return e?we.findOne(e):null},getMultipleElementsFromSelector(t){const e=ye(t);return e?we.find(e):[]}},Ee=(t,e="hide")=>{const i=`click.dismiss${t.EVENT_KEY}`,n=t.NAME;fe.on(document,i,`[data-bs-dismiss="${n}"]`,(function(i){if(["A","AREA"].includes(this.tagName)&&i.preventDefault(),Wt(this))return;const s=we.getElementFromSelector(this)||this.closest(`.${n}`);t.getOrCreateInstance(s)[e]()}))},Ae=".bs.alert",Te=`close${Ae}`,Ce=`closed${Ae}`;class Oe extends ve{static get NAME(){return"alert"}close(){if(fe.trigger(this._element,Te).defaultPrevented)return;this._element.classList.remove("show");const t=this._element.classList.contains("fade");this._queueCallback((()=>this._destroyElement()),this._element,t)}_destroyElement(){this._element.remove(),fe.trigger(this._element,Ce),this.dispose()}static jQueryInterface(t){return this.each((function(){const e=Oe.getOrCreateInstance(this);if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t](this)}}))}}Ee(Oe,"close"),Qt(Oe);const xe='[data-bs-toggle="button"]';class ke extends ve{static get NAME(){return"button"}toggle(){this._element.setAttribute("aria-pressed",this._element.classList.toggle("active"))}static jQueryInterface(t){return this.each((function(){const e=ke.getOrCreateInstance(this);"toggle"===t&&e[t]()}))}}fe.on(document,"click.bs.button.data-api",xe,(t=>{t.preventDefault();const e=t.target.closest(xe);ke.getOrCreateInstance(e).toggle()})),Qt(ke);const Le=".bs.swipe",Se=`touchstart${Le}`,De=`touchmove${Le}`,$e=`touchend${Le}`,Ie=`pointerdown${Le}`,Ne=`pointerup${Le}`,Pe={endCallback:null,leftCallback:null,rightCallback:null},Me={endCallback:"(function|null)",leftCallback:"(function|null)",rightCallback:"(function|null)"};class je extends be{constructor(t,e){super(),this._element=t,t&&je.isSupported()&&(this._config=this._getConfig(e),this._deltaX=0,this._supportPointerEvents=Boolean(window.PointerEvent),this._initEvents())}static get Default(){return Pe}static get DefaultType(){return Me}static get NAME(){return"swipe"}dispose(){fe.off(this._element,Le)}_start(t){this._supportPointerEvents?this._eventIsPointerPenTouch(t)&&(this._deltaX=t.clientX):this._deltaX=t.touches[0].clientX}_end(t){this._eventIsPointerPenTouch(t)&&(this._deltaX=t.clientX-this._deltaX),this._handleSwipe(),Xt(this._config.endCallback)}_move(t){this._deltaX=t.touches&&t.touches.length>1?0:t.touches[0].clientX-this._deltaX}_handleSwipe(){const t=Math.abs(this._deltaX);if(t<=40)return;const e=t/this._deltaX;this._deltaX=0,e&&Xt(e>0?this._config.rightCallback:this._config.leftCallback)}_initEvents(){this._supportPointerEvents?(fe.on(this._element,Ie,(t=>this._start(t))),fe.on(this._element,Ne,(t=>this._end(t))),this._element.classList.add("pointer-event")):(fe.on(this._element,Se,(t=>this._start(t))),fe.on(this._element,De,(t=>this._move(t))),fe.on(this._element,$e,(t=>this._end(t))))}_eventIsPointerPenTouch(t){return this._supportPointerEvents&&("pen"===t.pointerType||"touch"===t.pointerType)}static isSupported(){return"ontouchstart"in document.documentElement||navigator.maxTouchPoints>0}}const Fe=".bs.carousel",He=".data-api",Be="ArrowLeft",We="ArrowRight",ze="next",Re="prev",qe="left",Ve="right",Ye=`slide${Fe}`,Ke=`slid${Fe}`,Qe=`keydown${Fe}`,Xe=`mouseenter${Fe}`,Ue=`mouseleave${Fe}`,Ge=`dragstart${Fe}`,Je=`load${Fe}${He}`,Ze=`click${Fe}${He}`,ti="carousel",ei="active",ii=".active",ni=".carousel-item",si=ii+ni,oi={[Be]:Ve,[We]:qe},ri={interval:5e3,keyboard:!0,pause:"hover",ride:!1,touch:!0,wrap:!0},ai={interval:"(number|boolean)",keyboard:"boolean",pause:"(string|boolean)",ride:"(boolean|string)",touch:"boolean",wrap:"boolean"};class li extends ve{constructor(t,e){super(t,e),this._interval=null,this._activeElement=null,this._isSliding=!1,this.touchTimeout=null,this._swipeHelper=null,this._indicatorsElement=we.findOne(".carousel-indicators",this._element),this._addEventListeners(),this._config.ride===ti&&this.cycle()}static get Default(){return ri}static get DefaultType(){return ai}static get NAME(){return"carousel"}next(){this._slide(ze)}nextWhenVisible(){!document.hidden&&Bt(this._element)&&this.next()}prev(){this._slide(Re)}pause(){this._isSliding&&jt(this._element),this._clearInterval()}cycle(){this._clearInterval(),this._updateInterval(),this._interval=setInterval((()=>this.nextWhenVisible()),this._config.interval)}_maybeEnableCycle(){this._config.ride&&(this._isSliding?fe.one(this._element,Ke,(()=>this.cycle())):this.cycle())}to(t){const e=this._getItems();if(t>e.length-1||t<0)return;if(this._isSliding)return void fe.one(this._element,Ke,(()=>this.to(t)));const i=this._getItemIndex(this._getActive());if(i===t)return;const n=t>i?ze:Re;this._slide(n,e[t])}dispose(){this._swipeHelper&&this._swipeHelper.dispose(),super.dispose()}_configAfterMerge(t){return t.defaultInterval=t.interval,t}_addEventListeners(){this._config.keyboard&&fe.on(this._element,Qe,(t=>this._keydown(t))),"hover"===this._config.pause&&(fe.on(this._element,Xe,(()=>this.pause())),fe.on(this._element,Ue,(()=>this._maybeEnableCycle()))),this._config.touch&&je.isSupported()&&this._addTouchEventListeners()}_addTouchEventListeners(){for(const t of we.find(".carousel-item img",this._element))fe.on(t,Ge,(t=>t.preventDefault()));const t={leftCallback:()=>this._slide(this._directionToOrder(qe)),rightCallback:()=>this._slide(this._directionToOrder(Ve)),endCallback:()=>{"hover"===this._config.pause&&(this.pause(),this.touchTimeout&&clearTimeout(this.touchTimeout),this.touchTimeout=setTimeout((()=>this._maybeEnableCycle()),500+this._config.interval))}};this._swipeHelper=new je(this._element,t)}_keydown(t){if(/input|textarea/i.test(t.target.tagName))return;const e=oi[t.key];e&&(t.preventDefault(),this._slide(this._directionToOrder(e)))}_getItemIndex(t){return this._getItems().indexOf(t)}_setActiveIndicatorElement(t){if(!this._indicatorsElement)return;const e=we.findOne(ii,this._indicatorsElement);e.classList.remove(ei),e.removeAttribute("aria-current");const i=we.findOne(`[data-bs-slide-to="${t}"]`,this._indicatorsElement);i&&(i.classList.add(ei),i.setAttribute("aria-current","true"))}_updateInterval(){const t=this._activeElement||this._getActive();if(!t)return;const e=Number.parseInt(t.getAttribute("data-bs-interval"),10);this._config.interval=e||this._config.defaultInterval}_slide(t,e=null){if(this._isSliding)return;const i=this._getActive(),n=t===ze,s=e||Gt(this._getItems(),i,n,this._config.wrap);if(s===i)return;const o=this._getItemIndex(s),r=e=>fe.trigger(this._element,e,{relatedTarget:s,direction:this._orderToDirection(t),from:this._getItemIndex(i),to:o});if(r(Ye).defaultPrevented)return;if(!i||!s)return;const a=Boolean(this._interval);this.pause(),this._isSliding=!0,this._setActiveIndicatorElement(o),this._activeElement=s;const l=n?"carousel-item-start":"carousel-item-end",c=n?"carousel-item-next":"carousel-item-prev";s.classList.add(c),qt(s),i.classList.add(l),s.classList.add(l),this._queueCallback((()=>{s.classList.remove(l,c),s.classList.add(ei),i.classList.remove(ei,c,l),this._isSliding=!1,r(Ke)}),i,this._isAnimated()),a&&this.cycle()}_isAnimated(){return this._element.classList.contains("slide")}_getActive(){return we.findOne(si,this._element)}_getItems(){return we.find(ni,this._element)}_clearInterval(){this._interval&&(clearInterval(this._interval),this._interval=null)}_directionToOrder(t){return Kt()?t===qe?Re:ze:t===qe?ze:Re}_orderToDirection(t){return Kt()?t===Re?qe:Ve:t===Re?Ve:qe}static jQueryInterface(t){return this.each((function(){const e=li.getOrCreateInstance(this,t);if("number"!=typeof t){if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t]()}}else e.to(t)}))}}fe.on(document,Ze,"[data-bs-slide], [data-bs-slide-to]",(function(t){const e=we.getElementFromSelector(this);if(!e||!e.classList.contains(ti))return;t.preventDefault();const i=li.getOrCreateInstance(e),n=this.getAttribute("data-bs-slide-to");return n?(i.to(n),void i._maybeEnableCycle()):"next"===_e.getDataAttribute(this,"slide")?(i.next(),void i._maybeEnableCycle()):(i.prev(),void i._maybeEnableCycle())})),fe.on(window,Je,(()=>{const t=we.find('[data-bs-ride="carousel"]');for(const e of t)li.getOrCreateInstance(e)})),Qt(li);const ci=".bs.collapse",hi=`show${ci}`,di=`shown${ci}`,ui=`hide${ci}`,fi=`hidden${ci}`,pi=`click${ci}.data-api`,mi="show",gi="collapse",_i="collapsing",bi=`:scope .${gi} .${gi}`,vi='[data-bs-toggle="collapse"]',yi={parent:null,toggle:!0},wi={parent:"(null|element)",toggle:"boolean"};class Ei extends ve{constructor(t,e){super(t,e),this._isTransitioning=!1,this._triggerArray=[];const i=we.find(vi);for(const t of i){const e=we.getSelectorFromElement(t),i=we.find(e).filter((t=>t===this._element));null!==e&&i.length&&this._triggerArray.push(t)}this._initializeChildren(),this._config.parent||this._addAriaAndCollapsedClass(this._triggerArray,this._isShown()),this._config.toggle&&this.toggle()}static get Default(){return yi}static get DefaultType(){return wi}static get NAME(){return"collapse"}toggle(){this._isShown()?this.hide():this.show()}show(){if(this._isTransitioning||this._isShown())return;let t=[];if(this._config.parent&&(t=this._getFirstLevelChildren(".collapse.show, .collapse.collapsing").filter((t=>t!==this._element)).map((t=>Ei.getOrCreateInstance(t,{toggle:!1})))),t.length&&t[0]._isTransitioning)return;if(fe.trigger(this._element,hi).defaultPrevented)return;for(const e of t)e.hide();const e=this._getDimension();this._element.classList.remove(gi),this._element.classList.add(_i),this._element.style[e]=0,this._addAriaAndCollapsedClass(this._triggerArray,!0),this._isTransitioning=!0;const i=`scroll${e[0].toUpperCase()+e.slice(1)}`;this._queueCallback((()=>{this._isTransitioning=!1,this._element.classList.remove(_i),this._element.classList.add(gi,mi),this._element.style[e]="",fe.trigger(this._element,di)}),this._element,!0),this._element.style[e]=`${this._element[i]}px`}hide(){if(this._isTransitioning||!this._isShown())return;if(fe.trigger(this._element,ui).defaultPrevented)return;const t=this._getDimension();this._element.style[t]=`${this._element.getBoundingClientRect()[t]}px`,qt(this._element),this._element.classList.add(_i),this._element.classList.remove(gi,mi);for(const t of this._triggerArray){const e=we.getElementFromSelector(t);e&&!this._isShown(e)&&this._addAriaAndCollapsedClass([t],!1)}this._isTransitioning=!0,this._element.style[t]="",this._queueCallback((()=>{this._isTransitioning=!1,this._element.classList.remove(_i),this._element.classList.add(gi),fe.trigger(this._element,fi)}),this._element,!0)}_isShown(t=this._element){return t.classList.contains(mi)}_configAfterMerge(t){return t.toggle=Boolean(t.toggle),t.parent=Ht(t.parent),t}_getDimension(){return this._element.classList.contains("collapse-horizontal")?"width":"height"}_initializeChildren(){if(!this._config.parent)return;const t=this._getFirstLevelChildren(vi);for(const e of t){const t=we.getElementFromSelector(e);t&&this._addAriaAndCollapsedClass([e],this._isShown(t))}}_getFirstLevelChildren(t){const e=we.find(bi,this._config.parent);return we.find(t,this._config.parent).filter((t=>!e.includes(t)))}_addAriaAndCollapsedClass(t,e){if(t.length)for(const i of t)i.classList.toggle("collapsed",!e),i.setAttribute("aria-expanded",e)}static jQueryInterface(t){const e={};return"string"==typeof t&&/show|hide/.test(t)&&(e.toggle=!1),this.each((function(){const i=Ei.getOrCreateInstance(this,e);if("string"==typeof t){if(void 0===i[t])throw new TypeError(`No method named "${t}"`);i[t]()}}))}}fe.on(document,pi,vi,(function(t){("A"===t.target.tagName||t.delegateTarget&&"A"===t.delegateTarget.tagName)&&t.preventDefault();for(const t of we.getMultipleElementsFromSelector(this))Ei.getOrCreateInstance(t,{toggle:!1}).toggle()})),Qt(Ei);const Ai="dropdown",Ti=".bs.dropdown",Ci=".data-api",Oi="ArrowUp",xi="ArrowDown",ki=`hide${Ti}`,Li=`hidden${Ti}`,Si=`show${Ti}`,Di=`shown${Ti}`,$i=`click${Ti}${Ci}`,Ii=`keydown${Ti}${Ci}`,Ni=`keyup${Ti}${Ci}`,Pi="show",Mi='[data-bs-toggle="dropdown"]:not(.disabled):not(:disabled)',ji=`${Mi}.${Pi}`,Fi=".dropdown-menu",Hi=Kt()?"top-end":"top-start",Bi=Kt()?"top-start":"top-end",Wi=Kt()?"bottom-end":"bottom-start",zi=Kt()?"bottom-start":"bottom-end",Ri=Kt()?"left-start":"right-start",qi=Kt()?"right-start":"left-start",Vi={autoClose:!0,boundary:"clippingParents",display:"dynamic",offset:[0,2],popperConfig:null,reference:"toggle"},Yi={autoClose:"(boolean|string)",boundary:"(string|element)",display:"string",offset:"(array|string|function)",popperConfig:"(null|object|function)",reference:"(string|element|object)"};class Ki extends ve{constructor(t,e){super(t,e),this._popper=null,this._parent=this._element.parentNode,this._menu=we.next(this._element,Fi)[0]||we.prev(this._element,Fi)[0]||we.findOne(Fi,this._parent),this._inNavbar=this._detectNavbar()}static get Default(){return Vi}static get DefaultType(){return Yi}static get NAME(){return Ai}toggle(){return this._isShown()?this.hide():this.show()}show(){if(Wt(this._element)||this._isShown())return;const t={relatedTarget:this._element};if(!fe.trigger(this._element,Si,t).defaultPrevented){if(this._createPopper(),"ontouchstart"in document.documentElement&&!this._parent.closest(".navbar-nav"))for(const t of[].concat(...document.body.children))fe.on(t,"mouseover",Rt);this._element.focus(),this._element.setAttribute("aria-expanded",!0),this._menu.classList.add(Pi),this._element.classList.add(Pi),fe.trigger(this._element,Di,t)}}hide(){if(Wt(this._element)||!this._isShown())return;const t={relatedTarget:this._element};this._completeHide(t)}dispose(){this._popper&&this._popper.destroy(),super.dispose()}update(){this._inNavbar=this._detectNavbar(),this._popper&&this._popper.update()}_completeHide(t){if(!fe.trigger(this._element,ki,t).defaultPrevented){if("ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))fe.off(t,"mouseover",Rt);this._popper&&this._popper.destroy(),this._menu.classList.remove(Pi),this._element.classList.remove(Pi),this._element.setAttribute("aria-expanded","false"),_e.removeDataAttribute(this._menu,"popper"),fe.trigger(this._element,Li,t)}}_getConfig(t){if("object"==typeof(t=super._getConfig(t)).reference&&!Ft(t.reference)&&"function"!=typeof t.reference.getBoundingClientRect)throw new TypeError(`${Ai.toUpperCase()}: Option "reference" provided type "object" without a required "getBoundingClientRect" method.`);return t}_createPopper(){if(void 0===e)throw new TypeError("Bootstrap's dropdowns require Popper (https://popper.js.org)");let t=this._element;"parent"===this._config.reference?t=this._parent:Ft(this._config.reference)?t=Ht(this._config.reference):"object"==typeof this._config.reference&&(t=this._config.reference);const i=this._getPopperConfig();this._popper=Dt(t,this._menu,i)}_isShown(){return this._menu.classList.contains(Pi)}_getPlacement(){const t=this._parent;if(t.classList.contains("dropend"))return Ri;if(t.classList.contains("dropstart"))return qi;if(t.classList.contains("dropup-center"))return"top";if(t.classList.contains("dropdown-center"))return"bottom";const e="end"===getComputedStyle(this._menu).getPropertyValue("--bs-position").trim();return t.classList.contains("dropup")?e?Bi:Hi:e?zi:Wi}_detectNavbar(){return null!==this._element.closest(".navbar")}_getOffset(){const{offset:t}=this._config;return"string"==typeof t?t.split(",").map((t=>Number.parseInt(t,10))):"function"==typeof t?e=>t(e,this._element):t}_getPopperConfig(){const t={placement:this._getPlacement(),modifiers:[{name:"preventOverflow",options:{boundary:this._config.boundary}},{name:"offset",options:{offset:this._getOffset()}}]};return(this._inNavbar||"static"===this._config.display)&&(_e.setDataAttribute(this._menu,"popper","static"),t.modifiers=[{name:"applyStyles",enabled:!1}]),{...t,...Xt(this._config.popperConfig,[t])}}_selectMenuItem({key:t,target:e}){const i=we.find(".dropdown-menu .dropdown-item:not(.disabled):not(:disabled)",this._menu).filter((t=>Bt(t)));i.length&&Gt(i,e,t===xi,!i.includes(e)).focus()}static jQueryInterface(t){return this.each((function(){const e=Ki.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t]()}}))}static clearMenus(t){if(2===t.button||"keyup"===t.type&&"Tab"!==t.key)return;const e=we.find(ji);for(const i of e){const e=Ki.getInstance(i);if(!e||!1===e._config.autoClose)continue;const n=t.composedPath(),s=n.includes(e._menu);if(n.includes(e._element)||"inside"===e._config.autoClose&&!s||"outside"===e._config.autoClose&&s)continue;if(e._menu.contains(t.target)&&("keyup"===t.type&&"Tab"===t.key||/input|select|option|textarea|form/i.test(t.target.tagName)))continue;const o={relatedTarget:e._element};"click"===t.type&&(o.clickEvent=t),e._completeHide(o)}}static dataApiKeydownHandler(t){const e=/input|textarea/i.test(t.target.tagName),i="Escape"===t.key,n=[Oi,xi].includes(t.key);if(!n&&!i)return;if(e&&!i)return;t.preventDefault();const s=this.matches(Mi)?this:we.prev(this,Mi)[0]||we.next(this,Mi)[0]||we.findOne(Mi,t.delegateTarget.parentNode),o=Ki.getOrCreateInstance(s);if(n)return t.stopPropagation(),o.show(),void o._selectMenuItem(t);o._isShown()&&(t.stopPropagation(),o.hide(),s.focus())}}fe.on(document,Ii,Mi,Ki.dataApiKeydownHandler),fe.on(document,Ii,Fi,Ki.dataApiKeydownHandler),fe.on(document,$i,Ki.clearMenus),fe.on(document,Ni,Ki.clearMenus),fe.on(document,$i,Mi,(function(t){t.preventDefault(),Ki.getOrCreateInstance(this).toggle()})),Qt(Ki);const Qi="backdrop",Xi="show",Ui=`mousedown.bs.${Qi}`,Gi={className:"modal-backdrop",clickCallback:null,isAnimated:!1,isVisible:!0,rootElement:"body"},Ji={className:"string",clickCallback:"(function|null)",isAnimated:"boolean",isVisible:"boolean",rootElement:"(element|string)"};class Zi extends be{constructor(t){super(),this._config=this._getConfig(t),this._isAppended=!1,this._element=null}static get Default(){return Gi}static get DefaultType(){return Ji}static get NAME(){return Qi}show(t){if(!this._config.isVisible)return void Xt(t);this._append();const e=this._getElement();this._config.isAnimated&&qt(e),e.classList.add(Xi),this._emulateAnimation((()=>{Xt(t)}))}hide(t){this._config.isVisible?(this._getElement().classList.remove(Xi),this._emulateAnimation((()=>{this.dispose(),Xt(t)}))):Xt(t)}dispose(){this._isAppended&&(fe.off(this._element,Ui),this._element.remove(),this._isAppended=!1)}_getElement(){if(!this._element){const t=document.createElement("div");t.className=this._config.className,this._config.isAnimated&&t.classList.add("fade"),this._element=t}return this._element}_configAfterMerge(t){return t.rootElement=Ht(t.rootElement),t}_append(){if(this._isAppended)return;const t=this._getElement();this._config.rootElement.append(t),fe.on(t,Ui,(()=>{Xt(this._config.clickCallback)})),this._isAppended=!0}_emulateAnimation(t){Ut(t,this._getElement(),this._config.isAnimated)}}const tn=".bs.focustrap",en=`focusin${tn}`,nn=`keydown.tab${tn}`,sn="backward",on={autofocus:!0,trapElement:null},rn={autofocus:"boolean",trapElement:"element"};class an extends be{constructor(t){super(),this._config=this._getConfig(t),this._isActive=!1,this._lastTabNavDirection=null}static get Default(){return on}static get DefaultType(){return rn}static get NAME(){return"focustrap"}activate(){this._isActive||(this._config.autofocus&&this._config.trapElement.focus(),fe.off(document,tn),fe.on(document,en,(t=>this._handleFocusin(t))),fe.on(document,nn,(t=>this._handleKeydown(t))),this._isActive=!0)}deactivate(){this._isActive&&(this._isActive=!1,fe.off(document,tn))}_handleFocusin(t){const{trapElement:e}=this._config;if(t.target===document||t.target===e||e.contains(t.target))return;const i=we.focusableChildren(e);0===i.length?e.focus():this._lastTabNavDirection===sn?i[i.length-1].focus():i[0].focus()}_handleKeydown(t){"Tab"===t.key&&(this._lastTabNavDirection=t.shiftKey?sn:"forward")}}const ln=".fixed-top, .fixed-bottom, .is-fixed, .sticky-top",cn=".sticky-top",hn="padding-right",dn="margin-right";class un{constructor(){this._element=document.body}getWidth(){const t=document.documentElement.clientWidth;return Math.abs(window.innerWidth-t)}hide(){const t=this.getWidth();this._disableOverFlow(),this._setElementAttributes(this._element,hn,(e=>e+t)),this._setElementAttributes(ln,hn,(e=>e+t)),this._setElementAttributes(cn,dn,(e=>e-t))}reset(){this._resetElementAttributes(this._element,"overflow"),this._resetElementAttributes(this._element,hn),this._resetElementAttributes(ln,hn),this._resetElementAttributes(cn,dn)}isOverflowing(){return this.getWidth()>0}_disableOverFlow(){this._saveInitialAttribute(this._element,"overflow"),this._element.style.overflow="hidden"}_setElementAttributes(t,e,i){const n=this.getWidth();this._applyManipulationCallback(t,(t=>{if(t!==this._element&&window.innerWidth>t.clientWidth+n)return;this._saveInitialAttribute(t,e);const s=window.getComputedStyle(t).getPropertyValue(e);t.style.setProperty(e,`${i(Number.parseFloat(s))}px`)}))}_saveInitialAttribute(t,e){const i=t.style.getPropertyValue(e);i&&_e.setDataAttribute(t,e,i)}_resetElementAttributes(t,e){this._applyManipulationCallback(t,(t=>{const i=_e.getDataAttribute(t,e);null!==i?(_e.removeDataAttribute(t,e),t.style.setProperty(e,i)):t.style.removeProperty(e)}))}_applyManipulationCallback(t,e){if(Ft(t))e(t);else for(const i of we.find(t,this._element))e(i)}}const fn=".bs.modal",pn=`hide${fn}`,mn=`hidePrevented${fn}`,gn=`hidden${fn}`,_n=`show${fn}`,bn=`shown${fn}`,vn=`resize${fn}`,yn=`click.dismiss${fn}`,wn=`mousedown.dismiss${fn}`,En=`keydown.dismiss${fn}`,An=`click${fn}.data-api`,Tn="modal-open",Cn="show",On="modal-static",xn={backdrop:!0,focus:!0,keyboard:!0},kn={backdrop:"(boolean|string)",focus:"boolean",keyboard:"boolean"};class Ln extends ve{constructor(t,e){super(t,e),this._dialog=we.findOne(".modal-dialog",this._element),this._backdrop=this._initializeBackDrop(),this._focustrap=this._initializeFocusTrap(),this._isShown=!1,this._isTransitioning=!1,this._scrollBar=new un,this._addEventListeners()}static get Default(){return xn}static get DefaultType(){return kn}static get NAME(){return"modal"}toggle(t){return this._isShown?this.hide():this.show(t)}show(t){this._isShown||this._isTransitioning||fe.trigger(this._element,_n,{relatedTarget:t}).defaultPrevented||(this._isShown=!0,this._isTransitioning=!0,this._scrollBar.hide(),document.body.classList.add(Tn),this._adjustDialog(),this._backdrop.show((()=>this._showElement(t))))}hide(){this._isShown&&!this._isTransitioning&&(fe.trigger(this._element,pn).defaultPrevented||(this._isShown=!1,this._isTransitioning=!0,this._focustrap.deactivate(),this._element.classList.remove(Cn),this._queueCallback((()=>this._hideModal()),this._element,this._isAnimated())))}dispose(){fe.off(window,fn),fe.off(this._dialog,fn),this._backdrop.dispose(),this._focustrap.deactivate(),super.dispose()}handleUpdate(){this._adjustDialog()}_initializeBackDrop(){return new Zi({isVisible:Boolean(this._config.backdrop),isAnimated:this._isAnimated()})}_initializeFocusTrap(){return new an({trapElement:this._element})}_showElement(t){document.body.contains(this._element)||document.body.append(this._element),this._element.style.display="block",this._element.removeAttribute("aria-hidden"),this._element.setAttribute("aria-modal",!0),this._element.setAttribute("role","dialog"),this._element.scrollTop=0;const e=we.findOne(".modal-body",this._dialog);e&&(e.scrollTop=0),qt(this._element),this._element.classList.add(Cn),this._queueCallback((()=>{this._config.focus&&this._focustrap.activate(),this._isTransitioning=!1,fe.trigger(this._element,bn,{relatedTarget:t})}),this._dialog,this._isAnimated())}_addEventListeners(){fe.on(this._element,En,(t=>{"Escape"===t.key&&(this._config.keyboard?this.hide():this._triggerBackdropTransition())})),fe.on(window,vn,(()=>{this._isShown&&!this._isTransitioning&&this._adjustDialog()})),fe.on(this._element,wn,(t=>{fe.one(this._element,yn,(e=>{this._element===t.target&&this._element===e.target&&("static"!==this._config.backdrop?this._config.backdrop&&this.hide():this._triggerBackdropTransition())}))}))}_hideModal(){this._element.style.display="none",this._element.setAttribute("aria-hidden",!0),this._element.removeAttribute("aria-modal"),this._element.removeAttribute("role"),this._isTransitioning=!1,this._backdrop.hide((()=>{document.body.classList.remove(Tn),this._resetAdjustments(),this._scrollBar.reset(),fe.trigger(this._element,gn)}))}_isAnimated(){return this._element.classList.contains("fade")}_triggerBackdropTransition(){if(fe.trigger(this._element,mn).defaultPrevented)return;const t=this._element.scrollHeight>document.documentElement.clientHeight,e=this._element.style.overflowY;"hidden"===e||this._element.classList.contains(On)||(t||(this._element.style.overflowY="hidden"),this._element.classList.add(On),this._queueCallback((()=>{this._element.classList.remove(On),this._queueCallback((()=>{this._element.style.overflowY=e}),this._dialog)}),this._dialog),this._element.focus())}_adjustDialog(){const t=this._element.scrollHeight>document.documentElement.clientHeight,e=this._scrollBar.getWidth(),i=e>0;if(i&&!t){const t=Kt()?"paddingLeft":"paddingRight";this._element.style[t]=`${e}px`}if(!i&&t){const t=Kt()?"paddingRight":"paddingLeft";this._element.style[t]=`${e}px`}}_resetAdjustments(){this._element.style.paddingLeft="",this._element.style.paddingRight=""}static jQueryInterface(t,e){return this.each((function(){const i=Ln.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===i[t])throw new TypeError(`No method named "${t}"`);i[t](e)}}))}}fe.on(document,An,'[data-bs-toggle="modal"]',(function(t){const e=we.getElementFromSelector(this);["A","AREA"].includes(this.tagName)&&t.preventDefault(),fe.one(e,_n,(t=>{t.defaultPrevented||fe.one(e,gn,(()=>{Bt(this)&&this.focus()}))}));const i=we.findOne(".modal.show");i&&Ln.getInstance(i).hide(),Ln.getOrCreateInstance(e).toggle(this)})),Ee(Ln),Qt(Ln);const Sn=".bs.offcanvas",Dn=".data-api",$n=`load${Sn}${Dn}`,In="show",Nn="showing",Pn="hiding",Mn=".offcanvas.show",jn=`show${Sn}`,Fn=`shown${Sn}`,Hn=`hide${Sn}`,Bn=`hidePrevented${Sn}`,Wn=`hidden${Sn}`,zn=`resize${Sn}`,Rn=`click${Sn}${Dn}`,qn=`keydown.dismiss${Sn}`,Vn={backdrop:!0,keyboard:!0,scroll:!1},Yn={backdrop:"(boolean|string)",keyboard:"boolean",scroll:"boolean"};class Kn extends ve{constructor(t,e){super(t,e),this._isShown=!1,this._backdrop=this._initializeBackDrop(),this._focustrap=this._initializeFocusTrap(),this._addEventListeners()}static get Default(){return Vn}static get DefaultType(){return Yn}static get NAME(){return"offcanvas"}toggle(t){return this._isShown?this.hide():this.show(t)}show(t){this._isShown||fe.trigger(this._element,jn,{relatedTarget:t}).defaultPrevented||(this._isShown=!0,this._backdrop.show(),this._config.scroll||(new un).hide(),this._element.setAttribute("aria-modal",!0),this._element.setAttribute("role","dialog"),this._element.classList.add(Nn),this._queueCallback((()=>{this._config.scroll&&!this._config.backdrop||this._focustrap.activate(),this._element.classList.add(In),this._element.classList.remove(Nn),fe.trigger(this._element,Fn,{relatedTarget:t})}),this._element,!0))}hide(){this._isShown&&(fe.trigger(this._element,Hn).defaultPrevented||(this._focustrap.deactivate(),this._element.blur(),this._isShown=!1,this._element.classList.add(Pn),this._backdrop.hide(),this._queueCallback((()=>{this._element.classList.remove(In,Pn),this._element.removeAttribute("aria-modal"),this._element.removeAttribute("role"),this._config.scroll||(new un).reset(),fe.trigger(this._element,Wn)}),this._element,!0)))}dispose(){this._backdrop.dispose(),this._focustrap.deactivate(),super.dispose()}_initializeBackDrop(){const t=Boolean(this._config.backdrop);return new Zi({className:"offcanvas-backdrop",isVisible:t,isAnimated:!0,rootElement:this._element.parentNode,clickCallback:t?()=>{"static"!==this._config.backdrop?this.hide():fe.trigger(this._element,Bn)}:null})}_initializeFocusTrap(){return new an({trapElement:this._element})}_addEventListeners(){fe.on(this._element,qn,(t=>{"Escape"===t.key&&(this._config.keyboard?this.hide():fe.trigger(this._element,Bn))}))}static jQueryInterface(t){return this.each((function(){const e=Kn.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t](this)}}))}}fe.on(document,Rn,'[data-bs-toggle="offcanvas"]',(function(t){const e=we.getElementFromSelector(this);if(["A","AREA"].includes(this.tagName)&&t.preventDefault(),Wt(this))return;fe.one(e,Wn,(()=>{Bt(this)&&this.focus()}));const i=we.findOne(Mn);i&&i!==e&&Kn.getInstance(i).hide(),Kn.getOrCreateInstance(e).toggle(this)})),fe.on(window,$n,(()=>{for(const t of we.find(Mn))Kn.getOrCreateInstance(t).show()})),fe.on(window,zn,(()=>{for(const t of we.find("[aria-modal][class*=show][class*=offcanvas-]"))"fixed"!==getComputedStyle(t).position&&Kn.getOrCreateInstance(t).hide()})),Ee(Kn),Qt(Kn);const Qn={"*":["class","dir","id","lang","role",/^aria-[\w-]*$/i],a:["target","href","title","rel"],area:[],b:[],br:[],col:[],code:[],dd:[],div:[],dl:[],dt:[],em:[],hr:[],h1:[],h2:[],h3:[],h4:[],h5:[],h6:[],i:[],img:["src","srcset","alt","title","width","height"],li:[],ol:[],p:[],pre:[],s:[],small:[],span:[],sub:[],sup:[],strong:[],u:[],ul:[]},Xn=new Set(["background","cite","href","itemtype","longdesc","poster","src","xlink:href"]),Un=/^(?!javascript:)(?:[a-z0-9+.-]+:|[^&:/?#]*(?:[/?#]|$))/i,Gn=(t,e)=>{const i=t.nodeName.toLowerCase();return e.includes(i)?!Xn.has(i)||Boolean(Un.test(t.nodeValue)):e.filter((t=>t instanceof RegExp)).some((t=>t.test(i)))},Jn={allowList:Qn,content:{},extraClass:"",html:!1,sanitize:!0,sanitizeFn:null,template:"
"},Zn={allowList:"object",content:"object",extraClass:"(string|function)",html:"boolean",sanitize:"boolean",sanitizeFn:"(null|function)",template:"string"},ts={entry:"(string|element|function|null)",selector:"(string|element)"};class es extends be{constructor(t){super(),this._config=this._getConfig(t)}static get Default(){return Jn}static get DefaultType(){return Zn}static get NAME(){return"TemplateFactory"}getContent(){return Object.values(this._config.content).map((t=>this._resolvePossibleFunction(t))).filter(Boolean)}hasContent(){return this.getContent().length>0}changeContent(t){return this._checkContent(t),this._config.content={...this._config.content,...t},this}toHtml(){const t=document.createElement("div");t.innerHTML=this._maybeSanitize(this._config.template);for(const[e,i]of Object.entries(this._config.content))this._setContent(t,i,e);const e=t.children[0],i=this._resolvePossibleFunction(this._config.extraClass);return i&&e.classList.add(...i.split(" ")),e}_typeCheckConfig(t){super._typeCheckConfig(t),this._checkContent(t.content)}_checkContent(t){for(const[e,i]of Object.entries(t))super._typeCheckConfig({selector:e,entry:i},ts)}_setContent(t,e,i){const n=we.findOne(i,t);n&&((e=this._resolvePossibleFunction(e))?Ft(e)?this._putElementInTemplate(Ht(e),n):this._config.html?n.innerHTML=this._maybeSanitize(e):n.textContent=e:n.remove())}_maybeSanitize(t){return this._config.sanitize?function(t,e,i){if(!t.length)return t;if(i&&"function"==typeof i)return i(t);const n=(new window.DOMParser).parseFromString(t,"text/html"),s=[].concat(...n.body.querySelectorAll("*"));for(const t of s){const i=t.nodeName.toLowerCase();if(!Object.keys(e).includes(i)){t.remove();continue}const n=[].concat(...t.attributes),s=[].concat(e["*"]||[],e[i]||[]);for(const e of n)Gn(e,s)||t.removeAttribute(e.nodeName)}return n.body.innerHTML}(t,this._config.allowList,this._config.sanitizeFn):t}_resolvePossibleFunction(t){return Xt(t,[this])}_putElementInTemplate(t,e){if(this._config.html)return e.innerHTML="",void e.append(t);e.textContent=t.textContent}}const is=new Set(["sanitize","allowList","sanitizeFn"]),ns="fade",ss="show",os=".tooltip-inner",rs=".modal",as="hide.bs.modal",ls="hover",cs="focus",hs={AUTO:"auto",TOP:"top",RIGHT:Kt()?"left":"right",BOTTOM:"bottom",LEFT:Kt()?"right":"left"},ds={allowList:Qn,animation:!0,boundary:"clippingParents",container:!1,customClass:"",delay:0,fallbackPlacements:["top","right","bottom","left"],html:!1,offset:[0,6],placement:"top",popperConfig:null,sanitize:!0,sanitizeFn:null,selector:!1,template:'',title:"",trigger:"hover focus"},us={allowList:"object",animation:"boolean",boundary:"(string|element)",container:"(string|element|boolean)",customClass:"(string|function)",delay:"(number|object)",fallbackPlacements:"array",html:"boolean",offset:"(array|string|function)",placement:"(string|function)",popperConfig:"(null|object|function)",sanitize:"boolean",sanitizeFn:"(null|function)",selector:"(string|boolean)",template:"string",title:"(string|element|function)",trigger:"string"};class fs extends ve{constructor(t,i){if(void 0===e)throw new TypeError("Bootstrap's tooltips require Popper (https://popper.js.org)");super(t,i),this._isEnabled=!0,this._timeout=0,this._isHovered=null,this._activeTrigger={},this._popper=null,this._templateFactory=null,this._newContent=null,this.tip=null,this._setListeners(),this._config.selector||this._fixTitle()}static get Default(){return ds}static get DefaultType(){return us}static get NAME(){return"tooltip"}enable(){this._isEnabled=!0}disable(){this._isEnabled=!1}toggleEnabled(){this._isEnabled=!this._isEnabled}toggle(){this._isEnabled&&(this._activeTrigger.click=!this._activeTrigger.click,this._isShown()?this._leave():this._enter())}dispose(){clearTimeout(this._timeout),fe.off(this._element.closest(rs),as,this._hideModalHandler),this._element.getAttribute("data-bs-original-title")&&this._element.setAttribute("title",this._element.getAttribute("data-bs-original-title")),this._disposePopper(),super.dispose()}show(){if("none"===this._element.style.display)throw new Error("Please use show on visible elements");if(!this._isWithContent()||!this._isEnabled)return;const t=fe.trigger(this._element,this.constructor.eventName("show")),e=(zt(this._element)||this._element.ownerDocument.documentElement).contains(this._element);if(t.defaultPrevented||!e)return;this._disposePopper();const i=this._getTipElement();this._element.setAttribute("aria-describedby",i.getAttribute("id"));const{container:n}=this._config;if(this._element.ownerDocument.documentElement.contains(this.tip)||(n.append(i),fe.trigger(this._element,this.constructor.eventName("inserted"))),this._popper=this._createPopper(i),i.classList.add(ss),"ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))fe.on(t,"mouseover",Rt);this._queueCallback((()=>{fe.trigger(this._element,this.constructor.eventName("shown")),!1===this._isHovered&&this._leave(),this._isHovered=!1}),this.tip,this._isAnimated())}hide(){if(this._isShown()&&!fe.trigger(this._element,this.constructor.eventName("hide")).defaultPrevented){if(this._getTipElement().classList.remove(ss),"ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))fe.off(t,"mouseover",Rt);this._activeTrigger.click=!1,this._activeTrigger[cs]=!1,this._activeTrigger[ls]=!1,this._isHovered=null,this._queueCallback((()=>{this._isWithActiveTrigger()||(this._isHovered||this._disposePopper(),this._element.removeAttribute("aria-describedby"),fe.trigger(this._element,this.constructor.eventName("hidden")))}),this.tip,this._isAnimated())}}update(){this._popper&&this._popper.update()}_isWithContent(){return Boolean(this._getTitle())}_getTipElement(){return this.tip||(this.tip=this._createTipElement(this._newContent||this._getContentForTemplate())),this.tip}_createTipElement(t){const e=this._getTemplateFactory(t).toHtml();if(!e)return null;e.classList.remove(ns,ss),e.classList.add(`bs-${this.constructor.NAME}-auto`);const i=(t=>{do{t+=Math.floor(1e6*Math.random())}while(document.getElementById(t));return t})(this.constructor.NAME).toString();return e.setAttribute("id",i),this._isAnimated()&&e.classList.add(ns),e}setContent(t){this._newContent=t,this._isShown()&&(this._disposePopper(),this.show())}_getTemplateFactory(t){return this._templateFactory?this._templateFactory.changeContent(t):this._templateFactory=new es({...this._config,content:t,extraClass:this._resolvePossibleFunction(this._config.customClass)}),this._templateFactory}_getContentForTemplate(){return{[os]:this._getTitle()}}_getTitle(){return this._resolvePossibleFunction(this._config.title)||this._element.getAttribute("data-bs-original-title")}_initializeOnDelegatedTarget(t){return this.constructor.getOrCreateInstance(t.delegateTarget,this._getDelegateConfig())}_isAnimated(){return this._config.animation||this.tip&&this.tip.classList.contains(ns)}_isShown(){return this.tip&&this.tip.classList.contains(ss)}_createPopper(t){const e=Xt(this._config.placement,[this,t,this._element]),i=hs[e.toUpperCase()];return Dt(this._element,t,this._getPopperConfig(i))}_getOffset(){const{offset:t}=this._config;return"string"==typeof t?t.split(",").map((t=>Number.parseInt(t,10))):"function"==typeof t?e=>t(e,this._element):t}_resolvePossibleFunction(t){return Xt(t,[this._element])}_getPopperConfig(t){const e={placement:t,modifiers:[{name:"flip",options:{fallbackPlacements:this._config.fallbackPlacements}},{name:"offset",options:{offset:this._getOffset()}},{name:"preventOverflow",options:{boundary:this._config.boundary}},{name:"arrow",options:{element:`.${this.constructor.NAME}-arrow`}},{name:"preSetPlacement",enabled:!0,phase:"beforeMain",fn:t=>{this._getTipElement().setAttribute("data-popper-placement",t.state.placement)}}]};return{...e,...Xt(this._config.popperConfig,[e])}}_setListeners(){const t=this._config.trigger.split(" ");for(const e of t)if("click"===e)fe.on(this._element,this.constructor.eventName("click"),this._config.selector,(t=>{this._initializeOnDelegatedTarget(t).toggle()}));else if("manual"!==e){const t=e===ls?this.constructor.eventName("mouseenter"):this.constructor.eventName("focusin"),i=e===ls?this.constructor.eventName("mouseleave"):this.constructor.eventName("focusout");fe.on(this._element,t,this._config.selector,(t=>{const e=this._initializeOnDelegatedTarget(t);e._activeTrigger["focusin"===t.type?cs:ls]=!0,e._enter()})),fe.on(this._element,i,this._config.selector,(t=>{const e=this._initializeOnDelegatedTarget(t);e._activeTrigger["focusout"===t.type?cs:ls]=e._element.contains(t.relatedTarget),e._leave()}))}this._hideModalHandler=()=>{this._element&&this.hide()},fe.on(this._element.closest(rs),as,this._hideModalHandler)}_fixTitle(){const t=this._element.getAttribute("title");t&&(this._element.getAttribute("aria-label")||this._element.textContent.trim()||this._element.setAttribute("aria-label",t),this._element.setAttribute("data-bs-original-title",t),this._element.removeAttribute("title"))}_enter(){this._isShown()||this._isHovered?this._isHovered=!0:(this._isHovered=!0,this._setTimeout((()=>{this._isHovered&&this.show()}),this._config.delay.show))}_leave(){this._isWithActiveTrigger()||(this._isHovered=!1,this._setTimeout((()=>{this._isHovered||this.hide()}),this._config.delay.hide))}_setTimeout(t,e){clearTimeout(this._timeout),this._timeout=setTimeout(t,e)}_isWithActiveTrigger(){return Object.values(this._activeTrigger).includes(!0)}_getConfig(t){const e=_e.getDataAttributes(this._element);for(const t of Object.keys(e))is.has(t)&&delete e[t];return t={...e,..."object"==typeof t&&t?t:{}},t=this._mergeConfigObj(t),t=this._configAfterMerge(t),this._typeCheckConfig(t),t}_configAfterMerge(t){return t.container=!1===t.container?document.body:Ht(t.container),"number"==typeof t.delay&&(t.delay={show:t.delay,hide:t.delay}),"number"==typeof t.title&&(t.title=t.title.toString()),"number"==typeof t.content&&(t.content=t.content.toString()),t}_getDelegateConfig(){const t={};for(const[e,i]of Object.entries(this._config))this.constructor.Default[e]!==i&&(t[e]=i);return t.selector=!1,t.trigger="manual",t}_disposePopper(){this._popper&&(this._popper.destroy(),this._popper=null),this.tip&&(this.tip.remove(),this.tip=null)}static jQueryInterface(t){return this.each((function(){const e=fs.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t]()}}))}}Qt(fs);const ps=".popover-header",ms=".popover-body",gs={...fs.Default,content:"",offset:[0,8],placement:"right",template:'',trigger:"click"},_s={...fs.DefaultType,content:"(null|string|element|function)"};class bs extends fs{static get Default(){return gs}static get DefaultType(){return _s}static get NAME(){return"popover"}_isWithContent(){return this._getTitle()||this._getContent()}_getContentForTemplate(){return{[ps]:this._getTitle(),[ms]:this._getContent()}}_getContent(){return this._resolvePossibleFunction(this._config.content)}static jQueryInterface(t){return this.each((function(){const e=bs.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t]()}}))}}Qt(bs);const vs=".bs.scrollspy",ys=`activate${vs}`,ws=`click${vs}`,Es=`load${vs}.data-api`,As="active",Ts="[href]",Cs=".nav-link",Os=`${Cs}, .nav-item > ${Cs}, .list-group-item`,xs={offset:null,rootMargin:"0px 0px -25%",smoothScroll:!1,target:null,threshold:[.1,.5,1]},ks={offset:"(number|null)",rootMargin:"string",smoothScroll:"boolean",target:"element",threshold:"array"};class Ls extends ve{constructor(t,e){super(t,e),this._targetLinks=new Map,this._observableSections=new Map,this._rootElement="visible"===getComputedStyle(this._element).overflowY?null:this._element,this._activeTarget=null,this._observer=null,this._previousScrollData={visibleEntryTop:0,parentScrollTop:0},this.refresh()}static get Default(){return xs}static get DefaultType(){return ks}static get NAME(){return"scrollspy"}refresh(){this._initializeTargetsAndObservables(),this._maybeEnableSmoothScroll(),this._observer?this._observer.disconnect():this._observer=this._getNewObserver();for(const t of this._observableSections.values())this._observer.observe(t)}dispose(){this._observer.disconnect(),super.dispose()}_configAfterMerge(t){return t.target=Ht(t.target)||document.body,t.rootMargin=t.offset?`${t.offset}px 0px -30%`:t.rootMargin,"string"==typeof t.threshold&&(t.threshold=t.threshold.split(",").map((t=>Number.parseFloat(t)))),t}_maybeEnableSmoothScroll(){this._config.smoothScroll&&(fe.off(this._config.target,ws),fe.on(this._config.target,ws,Ts,(t=>{const e=this._observableSections.get(t.target.hash);if(e){t.preventDefault();const i=this._rootElement||window,n=e.offsetTop-this._element.offsetTop;if(i.scrollTo)return void i.scrollTo({top:n,behavior:"smooth"});i.scrollTop=n}})))}_getNewObserver(){const t={root:this._rootElement,threshold:this._config.threshold,rootMargin:this._config.rootMargin};return new IntersectionObserver((t=>this._observerCallback(t)),t)}_observerCallback(t){const e=t=>this._targetLinks.get(`#${t.target.id}`),i=t=>{this._previousScrollData.visibleEntryTop=t.target.offsetTop,this._process(e(t))},n=(this._rootElement||document.documentElement).scrollTop,s=n>=this._previousScrollData.parentScrollTop;this._previousScrollData.parentScrollTop=n;for(const o of t){if(!o.isIntersecting){this._activeTarget=null,this._clearActiveClass(e(o));continue}const t=o.target.offsetTop>=this._previousScrollData.visibleEntryTop;if(s&&t){if(i(o),!n)return}else s||t||i(o)}}_initializeTargetsAndObservables(){this._targetLinks=new Map,this._observableSections=new Map;const t=we.find(Ts,this._config.target);for(const e of t){if(!e.hash||Wt(e))continue;const t=we.findOne(decodeURI(e.hash),this._element);Bt(t)&&(this._targetLinks.set(decodeURI(e.hash),e),this._observableSections.set(e.hash,t))}}_process(t){this._activeTarget!==t&&(this._clearActiveClass(this._config.target),this._activeTarget=t,t.classList.add(As),this._activateParents(t),fe.trigger(this._element,ys,{relatedTarget:t}))}_activateParents(t){if(t.classList.contains("dropdown-item"))we.findOne(".dropdown-toggle",t.closest(".dropdown")).classList.add(As);else for(const e of we.parents(t,".nav, .list-group"))for(const t of we.prev(e,Os))t.classList.add(As)}_clearActiveClass(t){t.classList.remove(As);const e=we.find(`${Ts}.${As}`,t);for(const t of e)t.classList.remove(As)}static jQueryInterface(t){return this.each((function(){const e=Ls.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t]()}}))}}fe.on(window,Es,(()=>{for(const t of we.find('[data-bs-spy="scroll"]'))Ls.getOrCreateInstance(t)})),Qt(Ls);const Ss=".bs.tab",Ds=`hide${Ss}`,$s=`hidden${Ss}`,Is=`show${Ss}`,Ns=`shown${Ss}`,Ps=`click${Ss}`,Ms=`keydown${Ss}`,js=`load${Ss}`,Fs="ArrowLeft",Hs="ArrowRight",Bs="ArrowUp",Ws="ArrowDown",zs="Home",Rs="End",qs="active",Vs="fade",Ys="show",Ks=".dropdown-toggle",Qs=`:not(${Ks})`,Xs='[data-bs-toggle="tab"], [data-bs-toggle="pill"], [data-bs-toggle="list"]',Us=`.nav-link${Qs}, .list-group-item${Qs}, [role="tab"]${Qs}, ${Xs}`,Gs=`.${qs}[data-bs-toggle="tab"], .${qs}[data-bs-toggle="pill"], .${qs}[data-bs-toggle="list"]`;class Js extends ve{constructor(t){super(t),this._parent=this._element.closest('.list-group, .nav, [role="tablist"]'),this._parent&&(this._setInitialAttributes(this._parent,this._getChildren()),fe.on(this._element,Ms,(t=>this._keydown(t))))}static get NAME(){return"tab"}show(){const t=this._element;if(this._elemIsActive(t))return;const e=this._getActiveElem(),i=e?fe.trigger(e,Ds,{relatedTarget:t}):null;fe.trigger(t,Is,{relatedTarget:e}).defaultPrevented||i&&i.defaultPrevented||(this._deactivate(e,t),this._activate(t,e))}_activate(t,e){t&&(t.classList.add(qs),this._activate(we.getElementFromSelector(t)),this._queueCallback((()=>{"tab"===t.getAttribute("role")?(t.removeAttribute("tabindex"),t.setAttribute("aria-selected",!0),this._toggleDropDown(t,!0),fe.trigger(t,Ns,{relatedTarget:e})):t.classList.add(Ys)}),t,t.classList.contains(Vs)))}_deactivate(t,e){t&&(t.classList.remove(qs),t.blur(),this._deactivate(we.getElementFromSelector(t)),this._queueCallback((()=>{"tab"===t.getAttribute("role")?(t.setAttribute("aria-selected",!1),t.setAttribute("tabindex","-1"),this._toggleDropDown(t,!1),fe.trigger(t,$s,{relatedTarget:e})):t.classList.remove(Ys)}),t,t.classList.contains(Vs)))}_keydown(t){if(![Fs,Hs,Bs,Ws,zs,Rs].includes(t.key))return;t.stopPropagation(),t.preventDefault();const e=this._getChildren().filter((t=>!Wt(t)));let i;if([zs,Rs].includes(t.key))i=e[t.key===zs?0:e.length-1];else{const n=[Hs,Ws].includes(t.key);i=Gt(e,t.target,n,!0)}i&&(i.focus({preventScroll:!0}),Js.getOrCreateInstance(i).show())}_getChildren(){return we.find(Us,this._parent)}_getActiveElem(){return this._getChildren().find((t=>this._elemIsActive(t)))||null}_setInitialAttributes(t,e){this._setAttributeIfNotExists(t,"role","tablist");for(const t of e)this._setInitialAttributesOnChild(t)}_setInitialAttributesOnChild(t){t=this._getInnerElement(t);const e=this._elemIsActive(t),i=this._getOuterElement(t);t.setAttribute("aria-selected",e),i!==t&&this._setAttributeIfNotExists(i,"role","presentation"),e||t.setAttribute("tabindex","-1"),this._setAttributeIfNotExists(t,"role","tab"),this._setInitialAttributesOnTargetPanel(t)}_setInitialAttributesOnTargetPanel(t){const e=we.getElementFromSelector(t);e&&(this._setAttributeIfNotExists(e,"role","tabpanel"),t.id&&this._setAttributeIfNotExists(e,"aria-labelledby",`${t.id}`))}_toggleDropDown(t,e){const i=this._getOuterElement(t);if(!i.classList.contains("dropdown"))return;const n=(t,n)=>{const s=we.findOne(t,i);s&&s.classList.toggle(n,e)};n(Ks,qs),n(".dropdown-menu",Ys),i.setAttribute("aria-expanded",e)}_setAttributeIfNotExists(t,e,i){t.hasAttribute(e)||t.setAttribute(e,i)}_elemIsActive(t){return t.classList.contains(qs)}_getInnerElement(t){return t.matches(Us)?t:we.findOne(Us,t)}_getOuterElement(t){return t.closest(".nav-item, .list-group-item")||t}static jQueryInterface(t){return this.each((function(){const e=Js.getOrCreateInstance(this);if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t]()}}))}}fe.on(document,Ps,Xs,(function(t){["A","AREA"].includes(this.tagName)&&t.preventDefault(),Wt(this)||Js.getOrCreateInstance(this).show()})),fe.on(window,js,(()=>{for(const t of we.find(Gs))Js.getOrCreateInstance(t)})),Qt(Js);const Zs=".bs.toast",to=`mouseover${Zs}`,eo=`mouseout${Zs}`,io=`focusin${Zs}`,no=`focusout${Zs}`,so=`hide${Zs}`,oo=`hidden${Zs}`,ro=`show${Zs}`,ao=`shown${Zs}`,lo="hide",co="show",ho="showing",uo={animation:"boolean",autohide:"boolean",delay:"number"},fo={animation:!0,autohide:!0,delay:5e3};class po extends ve{constructor(t,e){super(t,e),this._timeout=null,this._hasMouseInteraction=!1,this._hasKeyboardInteraction=!1,this._setListeners()}static get Default(){return fo}static get DefaultType(){return uo}static get NAME(){return"toast"}show(){fe.trigger(this._element,ro).defaultPrevented||(this._clearTimeout(),this._config.animation&&this._element.classList.add("fade"),this._element.classList.remove(lo),qt(this._element),this._element.classList.add(co,ho),this._queueCallback((()=>{this._element.classList.remove(ho),fe.trigger(this._element,ao),this._maybeScheduleHide()}),this._element,this._config.animation))}hide(){this.isShown()&&(fe.trigger(this._element,so).defaultPrevented||(this._element.classList.add(ho),this._queueCallback((()=>{this._element.classList.add(lo),this._element.classList.remove(ho,co),fe.trigger(this._element,oo)}),this._element,this._config.animation)))}dispose(){this._clearTimeout(),this.isShown()&&this._element.classList.remove(co),super.dispose()}isShown(){return this._element.classList.contains(co)}_maybeScheduleHide(){this._config.autohide&&(this._hasMouseInteraction||this._hasKeyboardInteraction||(this._timeout=setTimeout((()=>{this.hide()}),this._config.delay)))}_onInteraction(t,e){switch(t.type){case"mouseover":case"mouseout":this._hasMouseInteraction=e;break;case"focusin":case"focusout":this._hasKeyboardInteraction=e}if(e)return void this._clearTimeout();const i=t.relatedTarget;this._element===i||this._element.contains(i)||this._maybeScheduleHide()}_setListeners(){fe.on(this._element,to,(t=>this._onInteraction(t,!0))),fe.on(this._element,eo,(t=>this._onInteraction(t,!1))),fe.on(this._element,io,(t=>this._onInteraction(t,!0))),fe.on(this._element,no,(t=>this._onInteraction(t,!1)))}_clearTimeout(){clearTimeout(this._timeout),this._timeout=null}static jQueryInterface(t){return this.each((function(){const e=po.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t](this)}}))}}function mo(t){"loading"!=document.readyState?t():document.addEventListener("DOMContentLoaded",t)}Ee(po),Qt(po),mo((function(){[].slice.call(document.querySelectorAll('[data-bs-toggle="tooltip"]')).map((function(t){return new fs(t,{delay:{show:500,hide:100}})}))})),mo((function(){document.getElementById("pst-back-to-top").addEventListener("click",(function(){document.body.scrollTop=0,document.documentElement.scrollTop=0}))})),mo((function(){var t=document.getElementById("pst-back-to-top"),e=document.getElementsByClassName("bd-header")[0].getBoundingClientRect();window.addEventListener("scroll",(function(){this.oldScroll>this.scrollY&&this.scrollY>e.bottom?t.style.display="block":t.style.display="none",this.oldScroll=this.scrollY}))})),window.bootstrap=i})(); +//# sourceMappingURL=bootstrap.js.map \ No newline at end of file diff --git a/docs/_build/_static/scripts/bootstrap.js.LICENSE.txt b/docs/_build/_static/scripts/bootstrap.js.LICENSE.txt new file mode 100644 index 0000000..28755c2 --- /dev/null +++ b/docs/_build/_static/scripts/bootstrap.js.LICENSE.txt @@ -0,0 +1,5 @@ +/*! + * Bootstrap v5.3.3 (https://getbootstrap.com/) + * Copyright 2011-2024 The Bootstrap Authors (https://github.com/twbs/bootstrap/graphs/contributors) + * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE) + */ diff --git a/docs/_build/_static/scripts/bootstrap.js.map b/docs/_build/_static/scripts/bootstrap.js.map new file mode 100644 index 0000000..e9e8158 --- /dev/null +++ b/docs/_build/_static/scripts/bootstrap.js.map @@ -0,0 +1 @@ +{"version":3,"file":"scripts/bootstrap.js","mappings":";mBACA,IAAIA,EAAsB,CCA1BA,EAAwB,CAACC,EAASC,KACjC,IAAI,IAAIC,KAAOD,EACXF,EAAoBI,EAAEF,EAAYC,KAASH,EAAoBI,EAAEH,EAASE,IAC5EE,OAAOC,eAAeL,EAASE,EAAK,CAAEI,YAAY,EAAMC,IAAKN,EAAWC,IAE1E,ECNDH,EAAwB,CAACS,EAAKC,IAAUL,OAAOM,UAAUC,eAAeC,KAAKJ,EAAKC,GCClFV,EAAyBC,IACH,oBAAXa,QAA0BA,OAAOC,aAC1CV,OAAOC,eAAeL,EAASa,OAAOC,YAAa,CAAEC,MAAO,WAE7DX,OAAOC,eAAeL,EAAS,aAAc,CAAEe,OAAO,GAAO,01BCLvD,IAAI,EAAM,MACNC,EAAS,SACTC,EAAQ,QACRC,EAAO,OACPC,EAAO,OACPC,EAAiB,CAAC,EAAKJ,EAAQC,EAAOC,GACtCG,EAAQ,QACRC,EAAM,MACNC,EAAkB,kBAClBC,EAAW,WACXC,EAAS,SACTC,EAAY,YACZC,EAAmCP,EAAeQ,QAAO,SAAUC,EAAKC,GACjF,OAAOD,EAAIE,OAAO,CAACD,EAAY,IAAMT,EAAOS,EAAY,IAAMR,GAChE,GAAG,IACQ,EAA0B,GAAGS,OAAOX,EAAgB,CAACD,IAAOS,QAAO,SAAUC,EAAKC,GAC3F,OAAOD,EAAIE,OAAO,CAACD,EAAWA,EAAY,IAAMT,EAAOS,EAAY,IAAMR,GAC3E,GAAG,IAEQU,EAAa,aACbC,EAAO,OACPC,EAAY,YAEZC,EAAa,aACbC,EAAO,OACPC,EAAY,YAEZC,EAAc,cACdC,EAAQ,QACRC,EAAa,aACbC,EAAiB,CAACT,EAAYC,EAAMC,EAAWC,EAAYC,EAAMC,EAAWC,EAAaC,EAAOC,GC9B5F,SAASE,EAAYC,GAClC,OAAOA,GAAWA,EAAQC,UAAY,IAAIC,cAAgB,IAC5D,CCFe,SAASC,EAAUC,GAChC,GAAY,MAARA,EACF,OAAOC,OAGT,GAAwB,oBAApBD,EAAKE,WAAkC,CACzC,IAAIC,EAAgBH,EAAKG,cACzB,OAAOA,GAAgBA,EAAcC,aAAwBH,MAC/D,CAEA,OAAOD,CACT,CCTA,SAASK,EAAUL,GAEjB,OAAOA,aADUD,EAAUC,GAAMM,SACIN,aAAgBM,OACvD,CAEA,SAASC,EAAcP,GAErB,OAAOA,aADUD,EAAUC,GAAMQ,aACIR,aAAgBQ,WACvD,CAEA,SAASC,EAAaT,GAEpB,MAA0B,oBAAfU,aAKJV,aADUD,EAAUC,GAAMU,YACIV,aAAgBU,WACvD,CCwDA,SACEC,KAAM,cACNC,SAAS,EACTC,MAAO,QACPC,GA5EF,SAAqBC,GACnB,IAAIC,EAAQD,EAAKC,MACjB3D,OAAO4D,KAAKD,EAAME,UAAUC,SAAQ,SAAUR,GAC5C,IAAIS,EAAQJ,EAAMK,OAAOV,IAAS,CAAC,EAC/BW,EAAaN,EAAMM,WAAWX,IAAS,CAAC,EACxCf,EAAUoB,EAAME,SAASP,GAExBJ,EAAcX,IAAaD,EAAYC,KAO5CvC,OAAOkE,OAAO3B,EAAQwB,MAAOA,GAC7B/D,OAAO4D,KAAKK,GAAYH,SAAQ,SAAUR,GACxC,IAAI3C,EAAQsD,EAAWX,IAET,IAAV3C,EACF4B,EAAQ4B,gBAAgBb,GAExBf,EAAQ6B,aAAad,GAAgB,IAAV3C,EAAiB,GAAKA,EAErD,IACF,GACF,EAoDE0D,OAlDF,SAAgBC,GACd,IAAIX,EAAQW,EAAMX,MACdY,EAAgB,CAClBlD,OAAQ,CACNmD,SAAUb,EAAMc,QAAQC,SACxB5D,KAAM,IACN6D,IAAK,IACLC,OAAQ,KAEVC,MAAO,CACLL,SAAU,YAEZlD,UAAW,CAAC,GASd,OAPAtB,OAAOkE,OAAOP,EAAME,SAASxC,OAAO0C,MAAOQ,EAAclD,QACzDsC,EAAMK,OAASO,EAEXZ,EAAME,SAASgB,OACjB7E,OAAOkE,OAAOP,EAAME,SAASgB,MAAMd,MAAOQ,EAAcM,OAGnD,WACL7E,OAAO4D,KAAKD,EAAME,UAAUC,SAAQ,SAAUR,GAC5C,IAAIf,EAAUoB,EAAME,SAASP,GACzBW,EAAaN,EAAMM,WAAWX,IAAS,CAAC,EAGxCS,EAFkB/D,OAAO4D,KAAKD,EAAMK,OAAOzD,eAAe+C,GAAQK,EAAMK,OAAOV,GAAQiB,EAAcjB,IAE7E9B,QAAO,SAAUuC,EAAOe,GAElD,OADAf,EAAMe,GAAY,GACXf,CACT,GAAG,CAAC,GAECb,EAAcX,IAAaD,EAAYC,KAI5CvC,OAAOkE,OAAO3B,EAAQwB,MAAOA,GAC7B/D,OAAO4D,KAAKK,GAAYH,SAAQ,SAAUiB,GACxCxC,EAAQ4B,gBAAgBY,EAC1B,IACF,GACF,CACF,EASEC,SAAU,CAAC,kBCjFE,SAASC,EAAiBvD,GACvC,OAAOA,EAAUwD,MAAM,KAAK,EAC9B,CCHO,IAAI,EAAMC,KAAKC,IACX,EAAMD,KAAKE,IACXC,EAAQH,KAAKG,MCFT,SAASC,IACtB,IAAIC,EAASC,UAAUC,cAEvB,OAAc,MAAVF,GAAkBA,EAAOG,QAAUC,MAAMC,QAAQL,EAAOG,QACnDH,EAAOG,OAAOG,KAAI,SAAUC,GACjC,OAAOA,EAAKC,MAAQ,IAAMD,EAAKE,OACjC,IAAGC,KAAK,KAGHT,UAAUU,SACnB,CCTe,SAASC,IACtB,OAAQ,iCAAiCC,KAAKd,IAChD,CCCe,SAASe,EAAsB/D,EAASgE,EAAcC,QAC9C,IAAjBD,IACFA,GAAe,QAGO,IAApBC,IACFA,GAAkB,GAGpB,IAAIC,EAAalE,EAAQ+D,wBACrBI,EAAS,EACTC,EAAS,EAETJ,GAAgBrD,EAAcX,KAChCmE,EAASnE,EAAQqE,YAAc,GAAItB,EAAMmB,EAAWI,OAAStE,EAAQqE,aAAmB,EACxFD,EAASpE,EAAQuE,aAAe,GAAIxB,EAAMmB,EAAWM,QAAUxE,EAAQuE,cAAoB,GAG7F,IACIE,GADOhE,EAAUT,GAAWG,EAAUH,GAAWK,QAC3BoE,eAEtBC,GAAoBb,KAAsBI,EAC1CU,GAAKT,EAAW3F,MAAQmG,GAAoBD,EAAiBA,EAAeG,WAAa,IAAMT,EAC/FU,GAAKX,EAAW9B,KAAOsC,GAAoBD,EAAiBA,EAAeK,UAAY,IAAMV,EAC7FE,EAAQJ,EAAWI,MAAQH,EAC3BK,EAASN,EAAWM,OAASJ,EACjC,MAAO,CACLE,MAAOA,EACPE,OAAQA,EACRpC,IAAKyC,EACLvG,MAAOqG,EAAIL,EACXjG,OAAQwG,EAAIL,EACZjG,KAAMoG,EACNA,EAAGA,EACHE,EAAGA,EAEP,CCrCe,SAASE,EAAc/E,GACpC,IAAIkE,EAAaH,EAAsB/D,GAGnCsE,EAAQtE,EAAQqE,YAChBG,EAASxE,EAAQuE,aAUrB,OARI3B,KAAKoC,IAAId,EAAWI,MAAQA,IAAU,IACxCA,EAAQJ,EAAWI,OAGjB1B,KAAKoC,IAAId,EAAWM,OAASA,IAAW,IAC1CA,EAASN,EAAWM,QAGf,CACLG,EAAG3E,EAAQ4E,WACXC,EAAG7E,EAAQ8E,UACXR,MAAOA,EACPE,OAAQA,EAEZ,CCvBe,SAASS,EAASC,EAAQC,GACvC,IAAIC,EAAWD,EAAME,aAAeF,EAAME,cAE1C,GAAIH,EAAOD,SAASE,GAClB,OAAO,EAEJ,GAAIC,GAAYvE,EAAauE,GAAW,CACzC,IAAIE,EAAOH,EAEX,EAAG,CACD,GAAIG,GAAQJ,EAAOK,WAAWD,GAC5B,OAAO,EAITA,EAAOA,EAAKE,YAAcF,EAAKG,IACjC,OAASH,EACX,CAGF,OAAO,CACT,CCrBe,SAAS,EAAiBtF,GACvC,OAAOG,EAAUH,GAAS0F,iBAAiB1F,EAC7C,CCFe,SAAS2F,EAAe3F,GACrC,MAAO,CAAC,QAAS,KAAM,MAAM4F,QAAQ7F,EAAYC,KAAa,CAChE,CCFe,SAAS6F,EAAmB7F,GAEzC,QAASS,EAAUT,GAAWA,EAAQO,cACtCP,EAAQ8F,WAAazF,OAAOyF,UAAUC,eACxC,CCFe,SAASC,EAAchG,GACpC,MAA6B,SAAzBD,EAAYC,GACPA,EAMPA,EAAQiG,cACRjG,EAAQwF,aACR3E,EAAab,GAAWA,EAAQyF,KAAO,OAEvCI,EAAmB7F,EAGvB,CCVA,SAASkG,EAAoBlG,GAC3B,OAAKW,EAAcX,IACoB,UAAvC,EAAiBA,GAASiC,SAInBjC,EAAQmG,aAHN,IAIX,CAwCe,SAASC,EAAgBpG,GAItC,IAHA,IAAIK,EAASF,EAAUH,GACnBmG,EAAeD,EAAoBlG,GAEhCmG,GAAgBR,EAAeQ,IAA6D,WAA5C,EAAiBA,GAAclE,UACpFkE,EAAeD,EAAoBC,GAGrC,OAAIA,IAA+C,SAA9BpG,EAAYoG,IAA0D,SAA9BpG,EAAYoG,IAAwE,WAA5C,EAAiBA,GAAclE,UAC3H5B,EAGF8F,GAhDT,SAA4BnG,GAC1B,IAAIqG,EAAY,WAAWvC,KAAKd,KAGhC,GAFW,WAAWc,KAAKd,MAEfrC,EAAcX,IAII,UAFX,EAAiBA,GAEnBiC,SACb,OAAO,KAIX,IAAIqE,EAAcN,EAAchG,GAMhC,IAJIa,EAAayF,KACfA,EAAcA,EAAYb,MAGrB9E,EAAc2F,IAAgB,CAAC,OAAQ,QAAQV,QAAQ7F,EAAYuG,IAAgB,GAAG,CAC3F,IAAIC,EAAM,EAAiBD,GAI3B,GAAsB,SAAlBC,EAAIC,WAA4C,SAApBD,EAAIE,aAA0C,UAAhBF,EAAIG,UAAiF,IAA1D,CAAC,YAAa,eAAed,QAAQW,EAAII,aAAsBN,GAAgC,WAAnBE,EAAII,YAA2BN,GAAaE,EAAIK,QAAyB,SAAfL,EAAIK,OACjO,OAAON,EAEPA,EAAcA,EAAYd,UAE9B,CAEA,OAAO,IACT,CAgByBqB,CAAmB7G,IAAYK,CACxD,CCpEe,SAASyG,EAAyB3H,GAC/C,MAAO,CAAC,MAAO,UAAUyG,QAAQzG,IAAc,EAAI,IAAM,GAC3D,CCDO,SAAS4H,EAAOjE,EAAK1E,EAAOyE,GACjC,OAAO,EAAQC,EAAK,EAAQ1E,EAAOyE,GACrC,CCFe,SAASmE,EAAmBC,GACzC,OAAOxJ,OAAOkE,OAAO,CAAC,ECDf,CACLS,IAAK,EACL9D,MAAO,EACPD,OAAQ,EACRE,KAAM,GDHuC0I,EACjD,CEHe,SAASC,EAAgB9I,EAAOiD,GAC7C,OAAOA,EAAKpC,QAAO,SAAUkI,EAAS5J,GAEpC,OADA4J,EAAQ5J,GAAOa,EACR+I,CACT,GAAG,CAAC,EACN,CC4EA,SACEpG,KAAM,QACNC,SAAS,EACTC,MAAO,OACPC,GApEF,SAAeC,GACb,IAAIiG,EAEAhG,EAAQD,EAAKC,MACbL,EAAOI,EAAKJ,KACZmB,EAAUf,EAAKe,QACfmF,EAAejG,EAAME,SAASgB,MAC9BgF,EAAgBlG,EAAMmG,cAAcD,cACpCE,EAAgB9E,EAAiBtB,EAAMjC,WACvCsI,EAAOX,EAAyBU,GAEhCE,EADa,CAACnJ,EAAMD,GAAOsH,QAAQ4B,IAAkB,EAClC,SAAW,QAElC,GAAKH,GAAiBC,EAAtB,CAIA,IAAIL,EAxBgB,SAAyBU,EAASvG,GAItD,OAAO4F,EAAsC,iBAH7CW,EAA6B,mBAAZA,EAAyBA,EAAQlK,OAAOkE,OAAO,CAAC,EAAGP,EAAMwG,MAAO,CAC/EzI,UAAWiC,EAAMjC,aACbwI,GACkDA,EAAUT,EAAgBS,EAASlJ,GAC7F,CAmBsBoJ,CAAgB3F,EAAQyF,QAASvG,GACjD0G,EAAY/C,EAAcsC,GAC1BU,EAAmB,MAATN,EAAe,EAAMlJ,EAC/ByJ,EAAmB,MAATP,EAAepJ,EAASC,EAClC2J,EAAU7G,EAAMwG,MAAM7I,UAAU2I,GAAOtG,EAAMwG,MAAM7I,UAAU0I,GAAQH,EAAcG,GAAQrG,EAAMwG,MAAM9I,OAAO4I,GAC9GQ,EAAYZ,EAAcG,GAAQrG,EAAMwG,MAAM7I,UAAU0I,GACxDU,EAAoB/B,EAAgBiB,GACpCe,EAAaD,EAA6B,MAATV,EAAeU,EAAkBE,cAAgB,EAAIF,EAAkBG,aAAe,EAAI,EAC3HC,EAAoBN,EAAU,EAAIC,EAAY,EAG9CpF,EAAMmE,EAAcc,GACpBlF,EAAMuF,EAAaN,EAAUJ,GAAOT,EAAce,GAClDQ,EAASJ,EAAa,EAAIN,EAAUJ,GAAO,EAAIa,EAC/CE,EAAS1B,EAAOjE,EAAK0F,EAAQ3F,GAE7B6F,EAAWjB,EACfrG,EAAMmG,cAAcxG,KAASqG,EAAwB,CAAC,GAAyBsB,GAAYD,EAAQrB,EAAsBuB,aAAeF,EAASD,EAAQpB,EAnBzJ,CAoBF,EAkCEtF,OAhCF,SAAgBC,GACd,IAAIX,EAAQW,EAAMX,MAEdwH,EADU7G,EAAMG,QACWlC,QAC3BqH,OAAoC,IAArBuB,EAA8B,sBAAwBA,EAErD,MAAhBvB,IAKwB,iBAAjBA,IACTA,EAAejG,EAAME,SAASxC,OAAO+J,cAAcxB,MAOhDpC,EAAS7D,EAAME,SAASxC,OAAQuI,KAIrCjG,EAAME,SAASgB,MAAQ+E,EACzB,EASE5E,SAAU,CAAC,iBACXqG,iBAAkB,CAAC,oBCxFN,SAASC,EAAa5J,GACnC,OAAOA,EAAUwD,MAAM,KAAK,EAC9B,CCOA,IAAIqG,GAAa,CACf5G,IAAK,OACL9D,MAAO,OACPD,OAAQ,OACRE,KAAM,QAeD,SAAS0K,GAAYlH,GAC1B,IAAImH,EAEApK,EAASiD,EAAMjD,OACfqK,EAAapH,EAAMoH,WACnBhK,EAAY4C,EAAM5C,UAClBiK,EAAYrH,EAAMqH,UAClBC,EAAUtH,EAAMsH,QAChBpH,EAAWF,EAAME,SACjBqH,EAAkBvH,EAAMuH,gBACxBC,EAAWxH,EAAMwH,SACjBC,EAAezH,EAAMyH,aACrBC,EAAU1H,EAAM0H,QAChBC,EAAaL,EAAQ1E,EACrBA,OAAmB,IAAf+E,EAAwB,EAAIA,EAChCC,EAAaN,EAAQxE,EACrBA,OAAmB,IAAf8E,EAAwB,EAAIA,EAEhCC,EAAgC,mBAAjBJ,EAA8BA,EAAa,CAC5D7E,EAAGA,EACHE,IACG,CACHF,EAAGA,EACHE,GAGFF,EAAIiF,EAAMjF,EACVE,EAAI+E,EAAM/E,EACV,IAAIgF,EAAOR,EAAQrL,eAAe,KAC9B8L,EAAOT,EAAQrL,eAAe,KAC9B+L,EAAQxL,EACRyL,EAAQ,EACRC,EAAM5J,OAEV,GAAIkJ,EAAU,CACZ,IAAIpD,EAAeC,EAAgBtH,GAC/BoL,EAAa,eACbC,EAAY,cAEZhE,IAAiBhG,EAAUrB,IAGmB,WAA5C,EAFJqH,EAAeN,EAAmB/G,IAECmD,UAAsC,aAAbA,IAC1DiI,EAAa,eACbC,EAAY,gBAOZhL,IAAc,IAAQA,IAAcZ,GAAQY,IAAcb,IAAU8K,IAAczK,KACpFqL,EAAQ3L,EAGRwG,IAFc4E,GAAWtD,IAAiB8D,GAAOA,EAAIxF,eAAiBwF,EAAIxF,eAAeD,OACzF2B,EAAa+D,IACEf,EAAW3E,OAC1BK,GAAKyE,EAAkB,GAAK,GAG1BnK,IAAcZ,IAASY,IAAc,GAAOA,IAAcd,GAAW+K,IAAczK,KACrFoL,EAAQzL,EAGRqG,IAFc8E,GAAWtD,IAAiB8D,GAAOA,EAAIxF,eAAiBwF,EAAIxF,eAAeH,MACzF6B,EAAagE,IACEhB,EAAW7E,MAC1BK,GAAK2E,EAAkB,GAAK,EAEhC,CAEA,IAgBMc,EAhBFC,EAAe5M,OAAOkE,OAAO,CAC/BM,SAAUA,GACTsH,GAAYP,IAEXsB,GAAyB,IAAjBd,EAlFd,SAA2BrI,EAAM8I,GAC/B,IAAItF,EAAIxD,EAAKwD,EACTE,EAAI1D,EAAK0D,EACT0F,EAAMN,EAAIO,kBAAoB,EAClC,MAAO,CACL7F,EAAG5B,EAAM4B,EAAI4F,GAAOA,GAAO,EAC3B1F,EAAG9B,EAAM8B,EAAI0F,GAAOA,GAAO,EAE/B,CA0EsCE,CAAkB,CACpD9F,EAAGA,EACHE,GACC1E,EAAUrB,IAAW,CACtB6F,EAAGA,EACHE,GAMF,OAHAF,EAAI2F,EAAM3F,EACVE,EAAIyF,EAAMzF,EAENyE,EAGK7L,OAAOkE,OAAO,CAAC,EAAG0I,IAAeD,EAAiB,CAAC,GAAkBJ,GAASF,EAAO,IAAM,GAAIM,EAAeL,GAASF,EAAO,IAAM,GAAIO,EAAe5D,WAAayD,EAAIO,kBAAoB,IAAM,EAAI,aAAe7F,EAAI,OAASE,EAAI,MAAQ,eAAiBF,EAAI,OAASE,EAAI,SAAUuF,IAG5R3M,OAAOkE,OAAO,CAAC,EAAG0I,IAAenB,EAAkB,CAAC,GAAmBc,GAASF,EAAOjF,EAAI,KAAO,GAAIqE,EAAgBa,GAASF,EAAOlF,EAAI,KAAO,GAAIuE,EAAgB1C,UAAY,GAAI0C,GAC9L,CA4CA,UACEnI,KAAM,gBACNC,SAAS,EACTC,MAAO,cACPC,GA9CF,SAAuBwJ,GACrB,IAAItJ,EAAQsJ,EAAMtJ,MACdc,EAAUwI,EAAMxI,QAChByI,EAAwBzI,EAAQoH,gBAChCA,OAA4C,IAA1BqB,GAA0CA,EAC5DC,EAAoB1I,EAAQqH,SAC5BA,OAAiC,IAAtBqB,GAAsCA,EACjDC,EAAwB3I,EAAQsH,aAChCA,OAAyC,IAA1BqB,GAA0CA,EACzDR,EAAe,CACjBlL,UAAWuD,EAAiBtB,EAAMjC,WAClCiK,UAAWL,EAAa3H,EAAMjC,WAC9BL,OAAQsC,EAAME,SAASxC,OACvBqK,WAAY/H,EAAMwG,MAAM9I,OACxBwK,gBAAiBA,EACjBG,QAAoC,UAA3BrI,EAAMc,QAAQC,UAGgB,MAArCf,EAAMmG,cAAcD,gBACtBlG,EAAMK,OAAO3C,OAASrB,OAAOkE,OAAO,CAAC,EAAGP,EAAMK,OAAO3C,OAAQmK,GAAYxL,OAAOkE,OAAO,CAAC,EAAG0I,EAAc,CACvGhB,QAASjI,EAAMmG,cAAcD,cAC7BrF,SAAUb,EAAMc,QAAQC,SACxBoH,SAAUA,EACVC,aAAcA,OAIe,MAA7BpI,EAAMmG,cAAcjF,QACtBlB,EAAMK,OAAOa,MAAQ7E,OAAOkE,OAAO,CAAC,EAAGP,EAAMK,OAAOa,MAAO2G,GAAYxL,OAAOkE,OAAO,CAAC,EAAG0I,EAAc,CACrGhB,QAASjI,EAAMmG,cAAcjF,MAC7BL,SAAU,WACVsH,UAAU,EACVC,aAAcA,OAIlBpI,EAAMM,WAAW5C,OAASrB,OAAOkE,OAAO,CAAC,EAAGP,EAAMM,WAAW5C,OAAQ,CACnE,wBAAyBsC,EAAMjC,WAEnC,EAQE2L,KAAM,CAAC,GCrKT,IAAIC,GAAU,CACZA,SAAS,GAsCX,UACEhK,KAAM,iBACNC,SAAS,EACTC,MAAO,QACPC,GAAI,WAAe,EACnBY,OAxCF,SAAgBX,GACd,IAAIC,EAAQD,EAAKC,MACb4J,EAAW7J,EAAK6J,SAChB9I,EAAUf,EAAKe,QACf+I,EAAkB/I,EAAQgJ,OAC1BA,OAA6B,IAApBD,GAAoCA,EAC7CE,EAAkBjJ,EAAQkJ,OAC1BA,OAA6B,IAApBD,GAAoCA,EAC7C9K,EAASF,EAAUiB,EAAME,SAASxC,QAClCuM,EAAgB,GAAGjM,OAAOgC,EAAMiK,cAActM,UAAWqC,EAAMiK,cAAcvM,QAYjF,OAVIoM,GACFG,EAAc9J,SAAQ,SAAU+J,GAC9BA,EAAaC,iBAAiB,SAAUP,EAASQ,OAAQT,GAC3D,IAGEK,GACF/K,EAAOkL,iBAAiB,SAAUP,EAASQ,OAAQT,IAG9C,WACDG,GACFG,EAAc9J,SAAQ,SAAU+J,GAC9BA,EAAaG,oBAAoB,SAAUT,EAASQ,OAAQT,GAC9D,IAGEK,GACF/K,EAAOoL,oBAAoB,SAAUT,EAASQ,OAAQT,GAE1D,CACF,EASED,KAAM,CAAC,GC/CT,IAAIY,GAAO,CACTnN,KAAM,QACND,MAAO,OACPD,OAAQ,MACR+D,IAAK,UAEQ,SAASuJ,GAAqBxM,GAC3C,OAAOA,EAAUyM,QAAQ,0BAA0B,SAAUC,GAC3D,OAAOH,GAAKG,EACd,GACF,CCVA,IAAI,GAAO,CACTnN,MAAO,MACPC,IAAK,SAEQ,SAASmN,GAA8B3M,GACpD,OAAOA,EAAUyM,QAAQ,cAAc,SAAUC,GAC/C,OAAO,GAAKA,EACd,GACF,CCPe,SAASE,GAAgB3L,GACtC,IAAI6J,EAAM9J,EAAUC,GAGpB,MAAO,CACL4L,WAHe/B,EAAIgC,YAInBC,UAHcjC,EAAIkC,YAKtB,CCNe,SAASC,GAAoBpM,GAQ1C,OAAO+D,EAAsB8B,EAAmB7F,IAAUzB,KAAOwN,GAAgB/L,GAASgM,UAC5F,CCXe,SAASK,GAAerM,GAErC,IAAIsM,EAAoB,EAAiBtM,GACrCuM,EAAWD,EAAkBC,SAC7BC,EAAYF,EAAkBE,UAC9BC,EAAYH,EAAkBG,UAElC,MAAO,6BAA6B3I,KAAKyI,EAAWE,EAAYD,EAClE,CCLe,SAASE,GAAgBtM,GACtC,MAAI,CAAC,OAAQ,OAAQ,aAAawF,QAAQ7F,EAAYK,KAAU,EAEvDA,EAAKG,cAAcoM,KAGxBhM,EAAcP,IAASiM,GAAejM,GACjCA,EAGFsM,GAAgB1G,EAAc5F,GACvC,CCJe,SAASwM,GAAkB5M,EAAS6M,GACjD,IAAIC,OAES,IAATD,IACFA,EAAO,IAGT,IAAIvB,EAAeoB,GAAgB1M,GAC/B+M,EAASzB,KAAqE,OAAlDwB,EAAwB9M,EAAQO,oBAAyB,EAASuM,EAAsBH,MACpH1C,EAAM9J,EAAUmL,GAChB0B,EAASD,EAAS,CAAC9C,GAAK7K,OAAO6K,EAAIxF,gBAAkB,GAAI4H,GAAef,GAAgBA,EAAe,IAAMA,EAC7G2B,EAAcJ,EAAKzN,OAAO4N,GAC9B,OAAOD,EAASE,EAChBA,EAAY7N,OAAOwN,GAAkB5G,EAAcgH,IACrD,CCzBe,SAASE,GAAiBC,GACvC,OAAO1P,OAAOkE,OAAO,CAAC,EAAGwL,EAAM,CAC7B5O,KAAM4O,EAAKxI,EACXvC,IAAK+K,EAAKtI,EACVvG,MAAO6O,EAAKxI,EAAIwI,EAAK7I,MACrBjG,OAAQ8O,EAAKtI,EAAIsI,EAAK3I,QAE1B,CCqBA,SAAS4I,GAA2BpN,EAASqN,EAAgBlL,GAC3D,OAAOkL,IAAmBxO,EAAWqO,GCzBxB,SAAyBlN,EAASmC,GAC/C,IAAI8H,EAAM9J,EAAUH,GAChBsN,EAAOzH,EAAmB7F,GAC1ByE,EAAiBwF,EAAIxF,eACrBH,EAAQgJ,EAAKhF,YACb9D,EAAS8I,EAAKjF,aACd1D,EAAI,EACJE,EAAI,EAER,GAAIJ,EAAgB,CAClBH,EAAQG,EAAeH,MACvBE,EAASC,EAAeD,OACxB,IAAI+I,EAAiB1J,KAEjB0J,IAAmBA,GAA+B,UAAbpL,KACvCwC,EAAIF,EAAeG,WACnBC,EAAIJ,EAAeK,UAEvB,CAEA,MAAO,CACLR,MAAOA,EACPE,OAAQA,EACRG,EAAGA,EAAIyH,GAAoBpM,GAC3B6E,EAAGA,EAEP,CDDwD2I,CAAgBxN,EAASmC,IAAa1B,EAAU4M,GAdxG,SAAoCrN,EAASmC,GAC3C,IAAIgL,EAAOpJ,EAAsB/D,GAAS,EAAoB,UAAbmC,GASjD,OARAgL,EAAK/K,IAAM+K,EAAK/K,IAAMpC,EAAQyN,UAC9BN,EAAK5O,KAAO4O,EAAK5O,KAAOyB,EAAQ0N,WAChCP,EAAK9O,OAAS8O,EAAK/K,IAAMpC,EAAQqI,aACjC8E,EAAK7O,MAAQ6O,EAAK5O,KAAOyB,EAAQsI,YACjC6E,EAAK7I,MAAQtE,EAAQsI,YACrB6E,EAAK3I,OAASxE,EAAQqI,aACtB8E,EAAKxI,EAAIwI,EAAK5O,KACd4O,EAAKtI,EAAIsI,EAAK/K,IACP+K,CACT,CAG0HQ,CAA2BN,EAAgBlL,GAAY+K,GEtBlK,SAAyBlN,GACtC,IAAI8M,EAEAQ,EAAOzH,EAAmB7F,GAC1B4N,EAAY7B,GAAgB/L,GAC5B2M,EAA0D,OAAlDG,EAAwB9M,EAAQO,oBAAyB,EAASuM,EAAsBH,KAChGrI,EAAQ,EAAIgJ,EAAKO,YAAaP,EAAKhF,YAAaqE,EAAOA,EAAKkB,YAAc,EAAGlB,EAAOA,EAAKrE,YAAc,GACvG9D,EAAS,EAAI8I,EAAKQ,aAAcR,EAAKjF,aAAcsE,EAAOA,EAAKmB,aAAe,EAAGnB,EAAOA,EAAKtE,aAAe,GAC5G1D,GAAKiJ,EAAU5B,WAAaI,GAAoBpM,GAChD6E,GAAK+I,EAAU1B,UAMnB,MAJiD,QAA7C,EAAiBS,GAAQW,GAAMS,YACjCpJ,GAAK,EAAI2I,EAAKhF,YAAaqE,EAAOA,EAAKrE,YAAc,GAAKhE,GAGrD,CACLA,MAAOA,EACPE,OAAQA,EACRG,EAAGA,EACHE,EAAGA,EAEP,CFCkMmJ,CAAgBnI,EAAmB7F,IACrO,CG1Be,SAASiO,GAAe9M,GACrC,IAOIkI,EAPAtK,EAAYoC,EAAKpC,UACjBiB,EAAUmB,EAAKnB,QACfb,EAAYgC,EAAKhC,UACjBqI,EAAgBrI,EAAYuD,EAAiBvD,GAAa,KAC1DiK,EAAYjK,EAAY4J,EAAa5J,GAAa,KAClD+O,EAAUnP,EAAU4F,EAAI5F,EAAUuF,MAAQ,EAAItE,EAAQsE,MAAQ,EAC9D6J,EAAUpP,EAAU8F,EAAI9F,EAAUyF,OAAS,EAAIxE,EAAQwE,OAAS,EAGpE,OAAQgD,GACN,KAAK,EACH6B,EAAU,CACR1E,EAAGuJ,EACHrJ,EAAG9F,EAAU8F,EAAI7E,EAAQwE,QAE3B,MAEF,KAAKnG,EACHgL,EAAU,CACR1E,EAAGuJ,EACHrJ,EAAG9F,EAAU8F,EAAI9F,EAAUyF,QAE7B,MAEF,KAAKlG,EACH+K,EAAU,CACR1E,EAAG5F,EAAU4F,EAAI5F,EAAUuF,MAC3BO,EAAGsJ,GAEL,MAEF,KAAK5P,EACH8K,EAAU,CACR1E,EAAG5F,EAAU4F,EAAI3E,EAAQsE,MACzBO,EAAGsJ,GAEL,MAEF,QACE9E,EAAU,CACR1E,EAAG5F,EAAU4F,EACbE,EAAG9F,EAAU8F,GAInB,IAAIuJ,EAAW5G,EAAgBV,EAAyBU,GAAiB,KAEzE,GAAgB,MAAZ4G,EAAkB,CACpB,IAAI1G,EAAmB,MAAb0G,EAAmB,SAAW,QAExC,OAAQhF,GACN,KAAK1K,EACH2K,EAAQ+E,GAAY/E,EAAQ+E,IAAarP,EAAU2I,GAAO,EAAI1H,EAAQ0H,GAAO,GAC7E,MAEF,KAAK/I,EACH0K,EAAQ+E,GAAY/E,EAAQ+E,IAAarP,EAAU2I,GAAO,EAAI1H,EAAQ0H,GAAO,GAKnF,CAEA,OAAO2B,CACT,CC3De,SAASgF,GAAejN,EAAOc,QAC5B,IAAZA,IACFA,EAAU,CAAC,GAGb,IAAIoM,EAAWpM,EACXqM,EAAqBD,EAASnP,UAC9BA,OAAmC,IAAvBoP,EAAgCnN,EAAMjC,UAAYoP,EAC9DC,EAAoBF,EAASnM,SAC7BA,OAAiC,IAAtBqM,EAA+BpN,EAAMe,SAAWqM,EAC3DC,EAAoBH,EAASI,SAC7BA,OAAiC,IAAtBD,EAA+B7P,EAAkB6P,EAC5DE,EAAwBL,EAASM,aACjCA,OAAyC,IAA1BD,EAAmC9P,EAAW8P,EAC7DE,EAAwBP,EAASQ,eACjCA,OAA2C,IAA1BD,EAAmC/P,EAAS+P,EAC7DE,EAAuBT,EAASU,YAChCA,OAAuC,IAAzBD,GAA0CA,EACxDE,EAAmBX,EAAS3G,QAC5BA,OAA+B,IAArBsH,EAA8B,EAAIA,EAC5ChI,EAAgBD,EAAsC,iBAAZW,EAAuBA,EAAUT,EAAgBS,EAASlJ,IACpGyQ,EAAaJ,IAAmBhQ,EAASC,EAAYD,EACrDqK,EAAa/H,EAAMwG,MAAM9I,OACzBkB,EAAUoB,EAAME,SAAS0N,EAAcE,EAAaJ,GACpDK,EJkBS,SAAyBnP,EAAS0O,EAAUE,EAAczM,GACvE,IAAIiN,EAAmC,oBAAbV,EAlB5B,SAA4B1O,GAC1B,IAAIpB,EAAkBgO,GAAkB5G,EAAchG,IAElDqP,EADoB,CAAC,WAAY,SAASzJ,QAAQ,EAAiB5F,GAASiC,WAAa,GACnDtB,EAAcX,GAAWoG,EAAgBpG,GAAWA,EAE9F,OAAKS,EAAU4O,GAKRzQ,EAAgBgI,QAAO,SAAUyG,GACtC,OAAO5M,EAAU4M,IAAmBpI,EAASoI,EAAgBgC,IAAmD,SAAhCtP,EAAYsN,EAC9F,IANS,EAOX,CAK6DiC,CAAmBtP,GAAW,GAAGZ,OAAOsP,GAC/F9P,EAAkB,GAAGQ,OAAOgQ,EAAqB,CAACR,IAClDW,EAAsB3Q,EAAgB,GACtC4Q,EAAe5Q,EAAgBK,QAAO,SAAUwQ,EAASpC,GAC3D,IAAIF,EAAOC,GAA2BpN,EAASqN,EAAgBlL,GAK/D,OAJAsN,EAAQrN,IAAM,EAAI+K,EAAK/K,IAAKqN,EAAQrN,KACpCqN,EAAQnR,MAAQ,EAAI6O,EAAK7O,MAAOmR,EAAQnR,OACxCmR,EAAQpR,OAAS,EAAI8O,EAAK9O,OAAQoR,EAAQpR,QAC1CoR,EAAQlR,KAAO,EAAI4O,EAAK5O,KAAMkR,EAAQlR,MAC/BkR,CACT,GAAGrC,GAA2BpN,EAASuP,EAAqBpN,IAK5D,OAJAqN,EAAalL,MAAQkL,EAAalR,MAAQkR,EAAajR,KACvDiR,EAAahL,OAASgL,EAAanR,OAASmR,EAAapN,IACzDoN,EAAa7K,EAAI6K,EAAajR,KAC9BiR,EAAa3K,EAAI2K,EAAapN,IACvBoN,CACT,CInC2BE,CAAgBjP,EAAUT,GAAWA,EAAUA,EAAQ2P,gBAAkB9J,EAAmBzE,EAAME,SAASxC,QAAS4P,EAAUE,EAAczM,GACjKyN,EAAsB7L,EAAsB3C,EAAME,SAASvC,WAC3DuI,EAAgB2G,GAAe,CACjClP,UAAW6Q,EACX5P,QAASmJ,EACThH,SAAU,WACVhD,UAAWA,IAET0Q,EAAmB3C,GAAiBzP,OAAOkE,OAAO,CAAC,EAAGwH,EAAY7B,IAClEwI,EAAoBhB,IAAmBhQ,EAAS+Q,EAAmBD,EAGnEG,EAAkB,CACpB3N,IAAK+M,EAAmB/M,IAAM0N,EAAkB1N,IAAM6E,EAAc7E,IACpE/D,OAAQyR,EAAkBzR,OAAS8Q,EAAmB9Q,OAAS4I,EAAc5I,OAC7EE,KAAM4Q,EAAmB5Q,KAAOuR,EAAkBvR,KAAO0I,EAAc1I,KACvED,MAAOwR,EAAkBxR,MAAQ6Q,EAAmB7Q,MAAQ2I,EAAc3I,OAExE0R,EAAa5O,EAAMmG,cAAckB,OAErC,GAAIqG,IAAmBhQ,GAAUkR,EAAY,CAC3C,IAAIvH,EAASuH,EAAW7Q,GACxB1B,OAAO4D,KAAK0O,GAAiBxO,SAAQ,SAAUhE,GAC7C,IAAI0S,EAAW,CAAC3R,EAAOD,GAAQuH,QAAQrI,IAAQ,EAAI,GAAK,EACpDkK,EAAO,CAAC,EAAKpJ,GAAQuH,QAAQrI,IAAQ,EAAI,IAAM,IACnDwS,EAAgBxS,IAAQkL,EAAOhB,GAAQwI,CACzC,GACF,CAEA,OAAOF,CACT,CCyEA,UACEhP,KAAM,OACNC,SAAS,EACTC,MAAO,OACPC,GA5HF,SAAcC,GACZ,IAAIC,EAAQD,EAAKC,MACbc,EAAUf,EAAKe,QACfnB,EAAOI,EAAKJ,KAEhB,IAAIK,EAAMmG,cAAcxG,GAAMmP,MAA9B,CAoCA,IAhCA,IAAIC,EAAoBjO,EAAQkM,SAC5BgC,OAAsC,IAAtBD,GAAsCA,EACtDE,EAAmBnO,EAAQoO,QAC3BC,OAAoC,IAArBF,GAAqCA,EACpDG,EAA8BtO,EAAQuO,mBACtC9I,EAAUzF,EAAQyF,QAClB+G,EAAWxM,EAAQwM,SACnBE,EAAe1M,EAAQ0M,aACvBI,EAAc9M,EAAQ8M,YACtB0B,EAAwBxO,EAAQyO,eAChCA,OAA2C,IAA1BD,GAA0CA,EAC3DE,EAAwB1O,EAAQ0O,sBAChCC,EAAqBzP,EAAMc,QAAQ/C,UACnCqI,EAAgB9E,EAAiBmO,GAEjCJ,EAAqBD,IADHhJ,IAAkBqJ,GACqCF,EAjC/E,SAAuCxR,GACrC,GAAIuD,EAAiBvD,KAAeX,EAClC,MAAO,GAGT,IAAIsS,EAAoBnF,GAAqBxM,GAC7C,MAAO,CAAC2M,GAA8B3M,GAAY2R,EAAmBhF,GAA8BgF,GACrG,CA0B6IC,CAA8BF,GAA3E,CAAClF,GAAqBkF,KAChHG,EAAa,CAACH,GAAoBzR,OAAOqR,GAAoBxR,QAAO,SAAUC,EAAKC,GACrF,OAAOD,EAAIE,OAAOsD,EAAiBvD,KAAeX,ECvCvC,SAA8B4C,EAAOc,QAClC,IAAZA,IACFA,EAAU,CAAC,GAGb,IAAIoM,EAAWpM,EACX/C,EAAYmP,EAASnP,UACrBuP,EAAWJ,EAASI,SACpBE,EAAeN,EAASM,aACxBjH,EAAU2G,EAAS3G,QACnBgJ,EAAiBrC,EAASqC,eAC1BM,EAAwB3C,EAASsC,sBACjCA,OAAkD,IAA1BK,EAAmC,EAAgBA,EAC3E7H,EAAYL,EAAa5J,GACzB6R,EAAa5H,EAAYuH,EAAiB3R,EAAsBA,EAAoB4H,QAAO,SAAUzH,GACvG,OAAO4J,EAAa5J,KAAeiK,CACrC,IAAK3K,EACDyS,EAAoBF,EAAWpK,QAAO,SAAUzH,GAClD,OAAOyR,EAAsBhL,QAAQzG,IAAc,CACrD,IAEiC,IAA7B+R,EAAkBC,SACpBD,EAAoBF,GAItB,IAAII,EAAYF,EAAkBjS,QAAO,SAAUC,EAAKC,GAOtD,OANAD,EAAIC,GAAakP,GAAejN,EAAO,CACrCjC,UAAWA,EACXuP,SAAUA,EACVE,aAAcA,EACdjH,QAASA,IACRjF,EAAiBvD,IACbD,CACT,GAAG,CAAC,GACJ,OAAOzB,OAAO4D,KAAK+P,GAAWC,MAAK,SAAUC,EAAGC,GAC9C,OAAOH,EAAUE,GAAKF,EAAUG,EAClC,GACF,CDC6DC,CAAqBpQ,EAAO,CACnFjC,UAAWA,EACXuP,SAAUA,EACVE,aAAcA,EACdjH,QAASA,EACTgJ,eAAgBA,EAChBC,sBAAuBA,IACpBzR,EACP,GAAG,IACCsS,EAAgBrQ,EAAMwG,MAAM7I,UAC5BoK,EAAa/H,EAAMwG,MAAM9I,OACzB4S,EAAY,IAAIC,IAChBC,GAAqB,EACrBC,EAAwBb,EAAW,GAE9Bc,EAAI,EAAGA,EAAId,EAAWG,OAAQW,IAAK,CAC1C,IAAI3S,EAAY6R,EAAWc,GAEvBC,EAAiBrP,EAAiBvD,GAElC6S,EAAmBjJ,EAAa5J,KAAeT,EAC/CuT,EAAa,CAAC,EAAK5T,GAAQuH,QAAQmM,IAAmB,EACtDrK,EAAMuK,EAAa,QAAU,SAC7B1F,EAAW8B,GAAejN,EAAO,CACnCjC,UAAWA,EACXuP,SAAUA,EACVE,aAAcA,EACdI,YAAaA,EACbrH,QAASA,IAEPuK,EAAoBD,EAAaD,EAAmB1T,EAAQC,EAAOyT,EAAmB3T,EAAS,EAE/FoT,EAAc/J,GAAOyB,EAAWzB,KAClCwK,EAAoBvG,GAAqBuG,IAG3C,IAAIC,EAAmBxG,GAAqBuG,GACxCE,EAAS,GAUb,GARIhC,GACFgC,EAAOC,KAAK9F,EAASwF,IAAmB,GAGtCxB,GACF6B,EAAOC,KAAK9F,EAAS2F,IAAsB,EAAG3F,EAAS4F,IAAqB,GAG1EC,EAAOE,OAAM,SAAUC,GACzB,OAAOA,CACT,IAAI,CACFV,EAAwB1S,EACxByS,GAAqB,EACrB,KACF,CAEAF,EAAUc,IAAIrT,EAAWiT,EAC3B,CAEA,GAAIR,EAqBF,IAnBA,IAEIa,EAAQ,SAAeC,GACzB,IAAIC,EAAmB3B,EAAW4B,MAAK,SAAUzT,GAC/C,IAAIiT,EAASV,EAAU9T,IAAIuB,GAE3B,GAAIiT,EACF,OAAOA,EAAOS,MAAM,EAAGH,GAAIJ,OAAM,SAAUC,GACzC,OAAOA,CACT,GAEJ,IAEA,GAAII,EAEF,OADAd,EAAwBc,EACjB,OAEX,EAESD,EAnBY/B,EAAiB,EAAI,EAmBZ+B,EAAK,GAGpB,UAFFD,EAAMC,GADmBA,KAOpCtR,EAAMjC,YAAc0S,IACtBzQ,EAAMmG,cAAcxG,GAAMmP,OAAQ,EAClC9O,EAAMjC,UAAY0S,EAClBzQ,EAAM0R,OAAQ,EA5GhB,CA8GF,EAQEhK,iBAAkB,CAAC,UACnBgC,KAAM,CACJoF,OAAO,IE7IX,SAAS6C,GAAexG,EAAUY,EAAM6F,GAQtC,YAPyB,IAArBA,IACFA,EAAmB,CACjBrO,EAAG,EACHE,EAAG,IAIA,CACLzC,IAAKmK,EAASnK,IAAM+K,EAAK3I,OAASwO,EAAiBnO,EACnDvG,MAAOiO,EAASjO,MAAQ6O,EAAK7I,MAAQ0O,EAAiBrO,EACtDtG,OAAQkO,EAASlO,OAAS8O,EAAK3I,OAASwO,EAAiBnO,EACzDtG,KAAMgO,EAAShO,KAAO4O,EAAK7I,MAAQ0O,EAAiBrO,EAExD,CAEA,SAASsO,GAAsB1G,GAC7B,MAAO,CAAC,EAAKjO,EAAOD,EAAQE,GAAM2U,MAAK,SAAUC,GAC/C,OAAO5G,EAAS4G,IAAS,CAC3B,GACF,CA+BA,UACEpS,KAAM,OACNC,SAAS,EACTC,MAAO,OACP6H,iBAAkB,CAAC,mBACnB5H,GAlCF,SAAcC,GACZ,IAAIC,EAAQD,EAAKC,MACbL,EAAOI,EAAKJ,KACZ0Q,EAAgBrQ,EAAMwG,MAAM7I,UAC5BoK,EAAa/H,EAAMwG,MAAM9I,OACzBkU,EAAmB5R,EAAMmG,cAAc6L,gBACvCC,EAAoBhF,GAAejN,EAAO,CAC5C0N,eAAgB,cAEdwE,EAAoBjF,GAAejN,EAAO,CAC5C4N,aAAa,IAEXuE,EAA2BR,GAAeM,EAAmB5B,GAC7D+B,EAAsBT,GAAeO,EAAmBnK,EAAY6J,GACpES,EAAoBR,GAAsBM,GAC1CG,EAAmBT,GAAsBO,GAC7CpS,EAAMmG,cAAcxG,GAAQ,CAC1BwS,yBAA0BA,EAC1BC,oBAAqBA,EACrBC,kBAAmBA,EACnBC,iBAAkBA,GAEpBtS,EAAMM,WAAW5C,OAASrB,OAAOkE,OAAO,CAAC,EAAGP,EAAMM,WAAW5C,OAAQ,CACnE,+BAAgC2U,EAChC,sBAAuBC,GAE3B,GCJA,IACE3S,KAAM,SACNC,SAAS,EACTC,MAAO,OACPwB,SAAU,CAAC,iBACXvB,GA5BF,SAAgBa,GACd,IAAIX,EAAQW,EAAMX,MACdc,EAAUH,EAAMG,QAChBnB,EAAOgB,EAAMhB,KACb4S,EAAkBzR,EAAQuG,OAC1BA,OAA6B,IAApBkL,EAA6B,CAAC,EAAG,GAAKA,EAC/C7I,EAAO,EAAW7L,QAAO,SAAUC,EAAKC,GAE1C,OADAD,EAAIC,GA5BD,SAAiCA,EAAWyI,EAAOa,GACxD,IAAIjB,EAAgB9E,EAAiBvD,GACjCyU,EAAiB,CAACrV,EAAM,GAAKqH,QAAQ4B,IAAkB,GAAK,EAAI,EAEhErG,EAAyB,mBAAXsH,EAAwBA,EAAOhL,OAAOkE,OAAO,CAAC,EAAGiG,EAAO,CACxEzI,UAAWA,KACPsJ,EACFoL,EAAW1S,EAAK,GAChB2S,EAAW3S,EAAK,GAIpB,OAFA0S,EAAWA,GAAY,EACvBC,GAAYA,GAAY,GAAKF,EACtB,CAACrV,EAAMD,GAAOsH,QAAQ4B,IAAkB,EAAI,CACjD7C,EAAGmP,EACHjP,EAAGgP,GACD,CACFlP,EAAGkP,EACHhP,EAAGiP,EAEP,CASqBC,CAAwB5U,EAAWiC,EAAMwG,MAAOa,GAC1DvJ,CACT,GAAG,CAAC,GACA8U,EAAwBlJ,EAAK1J,EAAMjC,WACnCwF,EAAIqP,EAAsBrP,EAC1BE,EAAImP,EAAsBnP,EAEW,MAArCzD,EAAMmG,cAAcD,gBACtBlG,EAAMmG,cAAcD,cAAc3C,GAAKA,EACvCvD,EAAMmG,cAAcD,cAAczC,GAAKA,GAGzCzD,EAAMmG,cAAcxG,GAAQ+J,CAC9B,GC1BA,IACE/J,KAAM,gBACNC,SAAS,EACTC,MAAO,OACPC,GApBF,SAAuBC,GACrB,IAAIC,EAAQD,EAAKC,MACbL,EAAOI,EAAKJ,KAKhBK,EAAMmG,cAAcxG,GAAQkN,GAAe,CACzClP,UAAWqC,EAAMwG,MAAM7I,UACvBiB,QAASoB,EAAMwG,MAAM9I,OACrBqD,SAAU,WACVhD,UAAWiC,EAAMjC,WAErB,EAQE2L,KAAM,CAAC,GCgHT,IACE/J,KAAM,kBACNC,SAAS,EACTC,MAAO,OACPC,GA/HF,SAAyBC,GACvB,IAAIC,EAAQD,EAAKC,MACbc,EAAUf,EAAKe,QACfnB,EAAOI,EAAKJ,KACZoP,EAAoBjO,EAAQkM,SAC5BgC,OAAsC,IAAtBD,GAAsCA,EACtDE,EAAmBnO,EAAQoO,QAC3BC,OAAoC,IAArBF,GAAsCA,EACrD3B,EAAWxM,EAAQwM,SACnBE,EAAe1M,EAAQ0M,aACvBI,EAAc9M,EAAQ8M,YACtBrH,EAAUzF,EAAQyF,QAClBsM,EAAkB/R,EAAQgS,OAC1BA,OAA6B,IAApBD,GAAoCA,EAC7CE,EAAwBjS,EAAQkS,aAChCA,OAAyC,IAA1BD,EAAmC,EAAIA,EACtD5H,EAAW8B,GAAejN,EAAO,CACnCsN,SAAUA,EACVE,aAAcA,EACdjH,QAASA,EACTqH,YAAaA,IAEXxH,EAAgB9E,EAAiBtB,EAAMjC,WACvCiK,EAAYL,EAAa3H,EAAMjC,WAC/BkV,GAAmBjL,EACnBgF,EAAWtH,EAAyBU,GACpC8I,ECrCY,MDqCSlC,ECrCH,IAAM,IDsCxB9G,EAAgBlG,EAAMmG,cAAcD,cACpCmK,EAAgBrQ,EAAMwG,MAAM7I,UAC5BoK,EAAa/H,EAAMwG,MAAM9I,OACzBwV,EAA4C,mBAAjBF,EAA8BA,EAAa3W,OAAOkE,OAAO,CAAC,EAAGP,EAAMwG,MAAO,CACvGzI,UAAWiC,EAAMjC,aACbiV,EACFG,EAA2D,iBAAtBD,EAAiC,CACxElG,SAAUkG,EACVhE,QAASgE,GACP7W,OAAOkE,OAAO,CAChByM,SAAU,EACVkC,QAAS,GACRgE,GACCE,EAAsBpT,EAAMmG,cAAckB,OAASrH,EAAMmG,cAAckB,OAAOrH,EAAMjC,WAAa,KACjG2L,EAAO,CACTnG,EAAG,EACHE,EAAG,GAGL,GAAKyC,EAAL,CAIA,GAAI8I,EAAe,CACjB,IAAIqE,EAEAC,EAAwB,MAAbtG,EAAmB,EAAM7P,EACpCoW,EAAuB,MAAbvG,EAAmB/P,EAASC,EACtCoJ,EAAmB,MAAb0G,EAAmB,SAAW,QACpC3F,EAASnB,EAAc8G,GACvBtL,EAAM2F,EAAS8D,EAASmI,GACxB7R,EAAM4F,EAAS8D,EAASoI,GACxBC,EAAWV,GAAU/K,EAAWzB,GAAO,EAAI,EAC3CmN,EAASzL,IAAc1K,EAAQ+S,EAAc/J,GAAOyB,EAAWzB,GAC/DoN,EAAS1L,IAAc1K,GAASyK,EAAWzB,IAAQ+J,EAAc/J,GAGjEL,EAAejG,EAAME,SAASgB,MAC9BwF,EAAYoM,GAAU7M,EAAetC,EAAcsC,GAAgB,CACrE/C,MAAO,EACPE,OAAQ,GAENuQ,GAAqB3T,EAAMmG,cAAc,oBAAsBnG,EAAMmG,cAAc,oBAAoBI,QxBhFtG,CACLvF,IAAK,EACL9D,MAAO,EACPD,OAAQ,EACRE,KAAM,GwB6EFyW,GAAkBD,GAAmBL,GACrCO,GAAkBF,GAAmBJ,GAMrCO,GAAWnO,EAAO,EAAG0K,EAAc/J,GAAMI,EAAUJ,IACnDyN,GAAYd,EAAkB5C,EAAc/J,GAAO,EAAIkN,EAAWM,GAAWF,GAAkBT,EAA4BnG,SAAWyG,EAASK,GAAWF,GAAkBT,EAA4BnG,SACxMgH,GAAYf,GAAmB5C,EAAc/J,GAAO,EAAIkN,EAAWM,GAAWD,GAAkBV,EAA4BnG,SAAW0G,EAASI,GAAWD,GAAkBV,EAA4BnG,SACzMjG,GAAoB/G,EAAME,SAASgB,OAAS8D,EAAgBhF,EAAME,SAASgB,OAC3E+S,GAAelN,GAAiC,MAAbiG,EAAmBjG,GAAkBsF,WAAa,EAAItF,GAAkBuF,YAAc,EAAI,EAC7H4H,GAAwH,OAAjGb,EAA+C,MAAvBD,OAA8B,EAASA,EAAoBpG,IAAqBqG,EAAwB,EAEvJc,GAAY9M,EAAS2M,GAAYE,GACjCE,GAAkBzO,EAAOmN,EAAS,EAAQpR,EAF9B2F,EAAS0M,GAAYG,GAAsBD,IAEKvS,EAAK2F,EAAQyL,EAAS,EAAQrR,EAAK0S,IAAa1S,GAChHyE,EAAc8G,GAAYoH,GAC1B1K,EAAKsD,GAAYoH,GAAkB/M,CACrC,CAEA,GAAI8H,EAAc,CAChB,IAAIkF,GAEAC,GAAyB,MAAbtH,EAAmB,EAAM7P,EAErCoX,GAAwB,MAAbvH,EAAmB/P,EAASC,EAEvCsX,GAAUtO,EAAcgJ,GAExBuF,GAAmB,MAAZvF,EAAkB,SAAW,QAEpCwF,GAAOF,GAAUrJ,EAASmJ,IAE1BK,GAAOH,GAAUrJ,EAASoJ,IAE1BK,IAAuD,IAAxC,CAAC,EAAKzX,GAAMqH,QAAQ4B,GAEnCyO,GAAyH,OAAjGR,GAAgD,MAAvBjB,OAA8B,EAASA,EAAoBlE,IAAoBmF,GAAyB,EAEzJS,GAAaF,GAAeF,GAAOF,GAAUnE,EAAcoE,IAAQ1M,EAAW0M,IAAQI,GAAuB1B,EAA4BjE,QAEzI6F,GAAaH,GAAeJ,GAAUnE,EAAcoE,IAAQ1M,EAAW0M,IAAQI,GAAuB1B,EAA4BjE,QAAUyF,GAE5IK,GAAmBlC,GAAU8B,G1BzH9B,SAAwBlT,EAAK1E,EAAOyE,GACzC,IAAIwT,EAAItP,EAAOjE,EAAK1E,EAAOyE,GAC3B,OAAOwT,EAAIxT,EAAMA,EAAMwT,CACzB,C0BsHoDC,CAAeJ,GAAYN,GAASO,IAAcpP,EAAOmN,EAASgC,GAAaJ,GAAMF,GAAS1B,EAASiC,GAAaJ,IAEpKzO,EAAcgJ,GAAW8F,GACzBtL,EAAKwF,GAAW8F,GAAmBR,EACrC,CAEAxU,EAAMmG,cAAcxG,GAAQ+J,CAvE5B,CAwEF,EAQEhC,iBAAkB,CAAC,WE1HN,SAASyN,GAAiBC,EAAyBrQ,EAAcsD,QAC9D,IAAZA,IACFA,GAAU,GAGZ,ICnBoCrJ,ECJOJ,EFuBvCyW,EAA0B9V,EAAcwF,GACxCuQ,EAAuB/V,EAAcwF,IAf3C,SAAyBnG,GACvB,IAAImN,EAAOnN,EAAQ+D,wBACfI,EAASpB,EAAMoK,EAAK7I,OAAStE,EAAQqE,aAAe,EACpDD,EAASrB,EAAMoK,EAAK3I,QAAUxE,EAAQuE,cAAgB,EAC1D,OAAkB,IAAXJ,GAA2B,IAAXC,CACzB,CAU4DuS,CAAgBxQ,GACtEJ,EAAkBF,EAAmBM,GACrCgH,EAAOpJ,EAAsByS,EAAyBE,EAAsBjN,GAC5EyB,EAAS,CACXc,WAAY,EACZE,UAAW,GAET7C,EAAU,CACZ1E,EAAG,EACHE,EAAG,GAkBL,OAfI4R,IAA4BA,IAA4BhN,MACxB,SAA9B1J,EAAYoG,IAChBkG,GAAetG,MACbmF,GCnCgC9K,EDmCT+F,KClCdhG,EAAUC,IAAUO,EAAcP,GCJxC,CACL4L,YAFyChM,EDQbI,GCNR4L,WACpBE,UAAWlM,EAAQkM,WDGZH,GAAgB3L,IDoCnBO,EAAcwF,KAChBkD,EAAUtF,EAAsBoC,GAAc,IACtCxB,GAAKwB,EAAauH,WAC1BrE,EAAQxE,GAAKsB,EAAasH,WACjB1H,IACTsD,EAAQ1E,EAAIyH,GAAoBrG,KAI7B,CACLpB,EAAGwI,EAAK5O,KAAO2M,EAAOc,WAAa3C,EAAQ1E,EAC3CE,EAAGsI,EAAK/K,IAAM8I,EAAOgB,UAAY7C,EAAQxE,EACzCP,MAAO6I,EAAK7I,MACZE,OAAQ2I,EAAK3I,OAEjB,CGvDA,SAASoS,GAAMC,GACb,IAAItT,EAAM,IAAIoO,IACVmF,EAAU,IAAIC,IACdC,EAAS,GAKb,SAAS3F,EAAK4F,GACZH,EAAQI,IAAID,EAASlW,MACN,GAAG3B,OAAO6X,EAASxU,UAAY,GAAIwU,EAASnO,kBAAoB,IACtEvH,SAAQ,SAAU4V,GACzB,IAAKL,EAAQM,IAAID,GAAM,CACrB,IAAIE,EAAc9T,EAAI3F,IAAIuZ,GAEtBE,GACFhG,EAAKgG,EAET,CACF,IACAL,EAAO3E,KAAK4E,EACd,CAQA,OAzBAJ,EAAUtV,SAAQ,SAAU0V,GAC1B1T,EAAIiP,IAAIyE,EAASlW,KAAMkW,EACzB,IAiBAJ,EAAUtV,SAAQ,SAAU0V,GACrBH,EAAQM,IAAIH,EAASlW,OAExBsQ,EAAK4F,EAET,IACOD,CACT,CCvBA,IAAIM,GAAkB,CACpBnY,UAAW,SACX0X,UAAW,GACX1U,SAAU,YAGZ,SAASoV,KACP,IAAK,IAAI1B,EAAO2B,UAAUrG,OAAQsG,EAAO,IAAIpU,MAAMwS,GAAO6B,EAAO,EAAGA,EAAO7B,EAAM6B,IAC/ED,EAAKC,GAAQF,UAAUE,GAGzB,OAAQD,EAAKvE,MAAK,SAAUlT,GAC1B,QAASA,GAAoD,mBAAlCA,EAAQ+D,sBACrC,GACF,CAEO,SAAS4T,GAAgBC,QACL,IAArBA,IACFA,EAAmB,CAAC,GAGtB,IAAIC,EAAoBD,EACpBE,EAAwBD,EAAkBE,iBAC1CA,OAA6C,IAA1BD,EAAmC,GAAKA,EAC3DE,EAAyBH,EAAkBI,eAC3CA,OAA4C,IAA3BD,EAAoCV,GAAkBU,EAC3E,OAAO,SAAsBjZ,EAAWD,EAAQoD,QAC9B,IAAZA,IACFA,EAAU+V,GAGZ,ICxC6B/W,EAC3BgX,EDuCE9W,EAAQ,CACVjC,UAAW,SACXgZ,iBAAkB,GAClBjW,QAASzE,OAAOkE,OAAO,CAAC,EAAG2V,GAAiBW,GAC5C1Q,cAAe,CAAC,EAChBjG,SAAU,CACRvC,UAAWA,EACXD,OAAQA,GAEV4C,WAAY,CAAC,EACbD,OAAQ,CAAC,GAEP2W,EAAmB,GACnBC,GAAc,EACdrN,EAAW,CACb5J,MAAOA,EACPkX,WAAY,SAAoBC,GAC9B,IAAIrW,EAAsC,mBAArBqW,EAAkCA,EAAiBnX,EAAMc,SAAWqW,EACzFC,IACApX,EAAMc,QAAUzE,OAAOkE,OAAO,CAAC,EAAGsW,EAAgB7W,EAAMc,QAASA,GACjEd,EAAMiK,cAAgB,CACpBtM,UAAW0B,EAAU1B,GAAa6N,GAAkB7N,GAAaA,EAAU4Q,eAAiB/C,GAAkB7N,EAAU4Q,gBAAkB,GAC1I7Q,OAAQ8N,GAAkB9N,IAI5B,IElE4B+X,EAC9B4B,EFiEMN,EDhCG,SAAwBtB,GAErC,IAAIsB,EAAmBvB,GAAMC,GAE7B,OAAO/W,EAAeb,QAAO,SAAUC,EAAK+B,GAC1C,OAAO/B,EAAIE,OAAO+Y,EAAiBvR,QAAO,SAAUqQ,GAClD,OAAOA,EAAShW,QAAUA,CAC5B,IACF,GAAG,GACL,CCuB+ByX,EElEK7B,EFkEsB,GAAGzX,OAAO2Y,EAAkB3W,EAAMc,QAAQ2U,WEjE9F4B,EAAS5B,EAAU5X,QAAO,SAAUwZ,EAAQE,GAC9C,IAAIC,EAAWH,EAAOE,EAAQ5X,MAK9B,OAJA0X,EAAOE,EAAQ5X,MAAQ6X,EAAWnb,OAAOkE,OAAO,CAAC,EAAGiX,EAAUD,EAAS,CACrEzW,QAASzE,OAAOkE,OAAO,CAAC,EAAGiX,EAAS1W,QAASyW,EAAQzW,SACrD4I,KAAMrN,OAAOkE,OAAO,CAAC,EAAGiX,EAAS9N,KAAM6N,EAAQ7N,QAC5C6N,EACEF,CACT,GAAG,CAAC,GAEGhb,OAAO4D,KAAKoX,GAAQlV,KAAI,SAAUhG,GACvC,OAAOkb,EAAOlb,EAChB,MF4DM,OAJA6D,EAAM+W,iBAAmBA,EAAiBvR,QAAO,SAAUiS,GACzD,OAAOA,EAAE7X,OACX,IA+FFI,EAAM+W,iBAAiB5W,SAAQ,SAAUJ,GACvC,IAAIJ,EAAOI,EAAKJ,KACZ+X,EAAe3X,EAAKe,QACpBA,OAA2B,IAAjB4W,EAA0B,CAAC,EAAIA,EACzChX,EAASX,EAAKW,OAElB,GAAsB,mBAAXA,EAAuB,CAChC,IAAIiX,EAAYjX,EAAO,CACrBV,MAAOA,EACPL,KAAMA,EACNiK,SAAUA,EACV9I,QAASA,IAKXkW,EAAiB/F,KAAK0G,GAFT,WAAmB,EAGlC,CACF,IA/GS/N,EAASQ,QAClB,EAMAwN,YAAa,WACX,IAAIX,EAAJ,CAIA,IAAIY,EAAkB7X,EAAME,SACxBvC,EAAYka,EAAgBla,UAC5BD,EAASma,EAAgBna,OAG7B,GAAKyY,GAAiBxY,EAAWD,GAAjC,CAKAsC,EAAMwG,MAAQ,CACZ7I,UAAWwX,GAAiBxX,EAAWqH,EAAgBtH,GAAoC,UAA3BsC,EAAMc,QAAQC,UAC9ErD,OAAQiG,EAAcjG,IAOxBsC,EAAM0R,OAAQ,EACd1R,EAAMjC,UAAYiC,EAAMc,QAAQ/C,UAKhCiC,EAAM+W,iBAAiB5W,SAAQ,SAAU0V,GACvC,OAAO7V,EAAMmG,cAAc0P,EAASlW,MAAQtD,OAAOkE,OAAO,CAAC,EAAGsV,EAASnM,KACzE,IAEA,IAAK,IAAIoO,EAAQ,EAAGA,EAAQ9X,EAAM+W,iBAAiBhH,OAAQ+H,IACzD,IAAoB,IAAhB9X,EAAM0R,MAAV,CAMA,IAAIqG,EAAwB/X,EAAM+W,iBAAiBe,GAC/ChY,EAAKiY,EAAsBjY,GAC3BkY,EAAyBD,EAAsBjX,QAC/CoM,OAAsC,IAA3B8K,EAAoC,CAAC,EAAIA,EACpDrY,EAAOoY,EAAsBpY,KAEf,mBAAPG,IACTE,EAAQF,EAAG,CACTE,MAAOA,EACPc,QAASoM,EACTvN,KAAMA,EACNiK,SAAUA,KACN5J,EAdR,MAHEA,EAAM0R,OAAQ,EACdoG,GAAS,CAzBb,CATA,CAqDF,EAGA1N,QC1I2BtK,ED0IV,WACf,OAAO,IAAImY,SAAQ,SAAUC,GAC3BtO,EAASgO,cACTM,EAAQlY,EACV,GACF,EC7IG,WAUL,OATK8W,IACHA,EAAU,IAAImB,SAAQ,SAAUC,GAC9BD,QAAQC,UAAUC,MAAK,WACrBrB,OAAUsB,EACVF,EAAQpY,IACV,GACF,KAGKgX,CACT,GDmIIuB,QAAS,WACPjB,IACAH,GAAc,CAChB,GAGF,IAAKd,GAAiBxY,EAAWD,GAC/B,OAAOkM,EAmCT,SAASwN,IACPJ,EAAiB7W,SAAQ,SAAUL,GACjC,OAAOA,GACT,IACAkX,EAAmB,EACrB,CAEA,OAvCApN,EAASsN,WAAWpW,GAASqX,MAAK,SAAUnY,IACrCiX,GAAenW,EAAQwX,eAC1BxX,EAAQwX,cAActY,EAE1B,IAmCO4J,CACT,CACF,CACO,IAAI2O,GAA4BhC,KGzLnC,GAA4BA,GAAgB,CAC9CI,iBAFqB,CAAC6B,GAAgB,GAAe,GAAe,EAAa,GAAQ,GAAM,GAAiB,EAAO,MCJrH,GAA4BjC,GAAgB,CAC9CI,iBAFqB,CAAC6B,GAAgB,GAAe,GAAe,KCatE,MAAMC,GAAa,IAAIlI,IACjBmI,GAAO,CACX,GAAAtH,CAAIxS,EAASzC,EAAKyN,GACX6O,GAAWzC,IAAIpX,IAClB6Z,GAAWrH,IAAIxS,EAAS,IAAI2R,KAE9B,MAAMoI,EAAcF,GAAWjc,IAAIoC,GAI9B+Z,EAAY3C,IAAI7Z,IAA6B,IAArBwc,EAAYC,KAKzCD,EAAYvH,IAAIjV,EAAKyN,GAHnBiP,QAAQC,MAAM,+EAA+E7W,MAAM8W,KAAKJ,EAAY1Y,QAAQ,MAIhI,EACAzD,IAAG,CAACoC,EAASzC,IACPsc,GAAWzC,IAAIpX,IACV6Z,GAAWjc,IAAIoC,GAASpC,IAAIL,IAE9B,KAET,MAAA6c,CAAOpa,EAASzC,GACd,IAAKsc,GAAWzC,IAAIpX,GAClB,OAEF,MAAM+Z,EAAcF,GAAWjc,IAAIoC,GACnC+Z,EAAYM,OAAO9c,GAGM,IAArBwc,EAAYC,MACdH,GAAWQ,OAAOra,EAEtB,GAYIsa,GAAiB,gBAOjBC,GAAgBC,IAChBA,GAAYna,OAAOoa,KAAOpa,OAAOoa,IAAIC,SAEvCF,EAAWA,EAAS5O,QAAQ,iBAAiB,CAAC+O,EAAOC,IAAO,IAAIH,IAAIC,OAAOE,QAEtEJ,GA4CHK,GAAuB7a,IAC3BA,EAAQ8a,cAAc,IAAIC,MAAMT,IAAgB,EAE5C,GAAYU,MACXA,GAA4B,iBAAXA,UAGO,IAAlBA,EAAOC,SAChBD,EAASA,EAAO,SAEgB,IAApBA,EAAOE,UAEjBC,GAAaH,GAEb,GAAUA,GACLA,EAAOC,OAASD,EAAO,GAAKA,EAEf,iBAAXA,GAAuBA,EAAO7J,OAAS,EACzCrL,SAAS+C,cAAc0R,GAAcS,IAEvC,KAEHI,GAAYpb,IAChB,IAAK,GAAUA,IAAgD,IAApCA,EAAQqb,iBAAiBlK,OAClD,OAAO,EAET,MAAMmK,EAAgF,YAA7D5V,iBAAiB1F,GAASub,iBAAiB,cAE9DC,EAAgBxb,EAAQyb,QAAQ,uBACtC,IAAKD,EACH,OAAOF,EAET,GAAIE,IAAkBxb,EAAS,CAC7B,MAAM0b,EAAU1b,EAAQyb,QAAQ,WAChC,GAAIC,GAAWA,EAAQlW,aAAegW,EACpC,OAAO,EAET,GAAgB,OAAZE,EACF,OAAO,CAEX,CACA,OAAOJ,CAAgB,EAEnBK,GAAa3b,IACZA,GAAWA,EAAQkb,WAAaU,KAAKC,gBAGtC7b,EAAQ8b,UAAU7W,SAAS,mBAGC,IAArBjF,EAAQ+b,SACV/b,EAAQ+b,SAEV/b,EAAQgc,aAAa,aAAoD,UAArChc,EAAQic,aAAa,aAE5DC,GAAiBlc,IACrB,IAAK8F,SAASC,gBAAgBoW,aAC5B,OAAO,KAIT,GAAmC,mBAAxBnc,EAAQqF,YAA4B,CAC7C,MAAM+W,EAAOpc,EAAQqF,cACrB,OAAO+W,aAAgBtb,WAAasb,EAAO,IAC7C,CACA,OAAIpc,aAAmBc,WACdd,EAIJA,EAAQwF,WAGN0W,GAAelc,EAAQwF,YAFrB,IAEgC,EAErC6W,GAAO,OAUPC,GAAStc,IACbA,EAAQuE,YAAY,EAEhBgY,GAAY,IACZlc,OAAOmc,SAAW1W,SAAS6G,KAAKqP,aAAa,qBACxC3b,OAAOmc,OAET,KAEHC,GAA4B,GAgB5BC,GAAQ,IAAuC,QAAjC5W,SAASC,gBAAgB4W,IACvCC,GAAqBC,IAhBAC,QAiBN,KACjB,MAAMC,EAAIR,KAEV,GAAIQ,EAAG,CACL,MAAMhc,EAAO8b,EAAOG,KACdC,EAAqBF,EAAE7b,GAAGH,GAChCgc,EAAE7b,GAAGH,GAAQ8b,EAAOK,gBACpBH,EAAE7b,GAAGH,GAAMoc,YAAcN,EACzBE,EAAE7b,GAAGH,GAAMqc,WAAa,KACtBL,EAAE7b,GAAGH,GAAQkc,EACNJ,EAAOK,gBAElB,GA5B0B,YAAxBpX,SAASuX,YAENZ,GAA0BtL,QAC7BrL,SAASyF,iBAAiB,oBAAoB,KAC5C,IAAK,MAAMuR,KAAYL,GACrBK,GACF,IAGJL,GAA0BpK,KAAKyK,IAE/BA,GAkBA,EAEEQ,GAAU,CAACC,EAAkB9F,EAAO,GAAI+F,EAAeD,IACxB,mBAArBA,EAAkCA,KAAoB9F,GAAQ+F,EAExEC,GAAyB,CAACX,EAAUY,EAAmBC,GAAoB,KAC/E,IAAKA,EAEH,YADAL,GAAQR,GAGV,MACMc,EA/JiC5d,KACvC,IAAKA,EACH,OAAO,EAIT,IAAI,mBACF6d,EAAkB,gBAClBC,GACEzd,OAAOqF,iBAAiB1F,GAC5B,MAAM+d,EAA0BC,OAAOC,WAAWJ,GAC5CK,EAAuBF,OAAOC,WAAWH,GAG/C,OAAKC,GAA4BG,GAKjCL,EAAqBA,EAAmBlb,MAAM,KAAK,GACnDmb,EAAkBA,EAAgBnb,MAAM,KAAK,GAtDf,KAuDtBqb,OAAOC,WAAWJ,GAAsBG,OAAOC,WAAWH,KANzD,CAMoG,EA0IpFK,CAAiCT,GADlC,EAExB,IAAIU,GAAS,EACb,MAAMC,EAAU,EACdrR,aAEIA,IAAW0Q,IAGfU,GAAS,EACTV,EAAkBjS,oBAAoB6O,GAAgB+D,GACtDf,GAAQR,GAAS,EAEnBY,EAAkBnS,iBAAiB+O,GAAgB+D,GACnDC,YAAW,KACJF,GACHvD,GAAqB6C,EACvB,GACCE,EAAiB,EAYhBW,GAAuB,CAAC1R,EAAM2R,EAAeC,EAAeC,KAChE,MAAMC,EAAa9R,EAAKsE,OACxB,IAAI+H,EAAQrM,EAAKjH,QAAQ4Y,GAIzB,OAAe,IAAXtF,GACMuF,GAAiBC,EAAiB7R,EAAK8R,EAAa,GAAK9R,EAAK,IAExEqM,GAASuF,EAAgB,GAAK,EAC1BC,IACFxF,GAASA,EAAQyF,GAAcA,GAE1B9R,EAAKjK,KAAKC,IAAI,EAAGD,KAAKE,IAAIoW,EAAOyF,EAAa,KAAI,EAerDC,GAAiB,qBACjBC,GAAiB,OACjBC,GAAgB,SAChBC,GAAgB,CAAC,EACvB,IAAIC,GAAW,EACf,MAAMC,GAAe,CACnBC,WAAY,YACZC,WAAY,YAERC,GAAe,IAAIrI,IAAI,CAAC,QAAS,WAAY,UAAW,YAAa,cAAe,aAAc,iBAAkB,YAAa,WAAY,YAAa,cAAe,YAAa,UAAW,WAAY,QAAS,oBAAqB,aAAc,YAAa,WAAY,cAAe,cAAe,cAAe,YAAa,eAAgB,gBAAiB,eAAgB,gBAAiB,aAAc,QAAS,OAAQ,SAAU,QAAS,SAAU,SAAU,UAAW,WAAY,OAAQ,SAAU,eAAgB,SAAU,OAAQ,mBAAoB,mBAAoB,QAAS,QAAS,WAM/lB,SAASsI,GAAarf,EAASsf,GAC7B,OAAOA,GAAO,GAAGA,MAAQN,QAAgBhf,EAAQgf,UAAYA,IAC/D,CACA,SAASO,GAAiBvf,GACxB,MAAMsf,EAAMD,GAAarf,GAGzB,OAFAA,EAAQgf,SAAWM,EACnBP,GAAcO,GAAOP,GAAcO,IAAQ,CAAC,EACrCP,GAAcO,EACvB,CAiCA,SAASE,GAAYC,EAAQC,EAAUC,EAAqB,MAC1D,OAAOliB,OAAOmiB,OAAOH,GAAQ7M,MAAKiN,GAASA,EAAMH,WAAaA,GAAYG,EAAMF,qBAAuBA,GACzG,CACA,SAASG,GAAoBC,EAAmB1B,EAAS2B,GACvD,MAAMC,EAAiC,iBAAZ5B,EAErBqB,EAAWO,EAAcD,EAAqB3B,GAAW2B,EAC/D,IAAIE,EAAYC,GAAaJ,GAI7B,OAHKX,GAAahI,IAAI8I,KACpBA,EAAYH,GAEP,CAACE,EAAaP,EAAUQ,EACjC,CACA,SAASE,GAAWpgB,EAAS+f,EAAmB1B,EAAS2B,EAAoBK,GAC3E,GAAiC,iBAAtBN,IAAmC/f,EAC5C,OAEF,IAAKigB,EAAaP,EAAUQ,GAAaJ,GAAoBC,EAAmB1B,EAAS2B,GAIzF,GAAID,KAAqBd,GAAc,CACrC,MAAMqB,EAAepf,GACZ,SAAU2e,GACf,IAAKA,EAAMU,eAAiBV,EAAMU,gBAAkBV,EAAMW,iBAAmBX,EAAMW,eAAevb,SAAS4a,EAAMU,eAC/G,OAAOrf,EAAGjD,KAAKwiB,KAAMZ,EAEzB,EAEFH,EAAWY,EAAaZ,EAC1B,CACA,MAAMD,EAASF,GAAiBvf,GAC1B0gB,EAAWjB,EAAOS,KAAeT,EAAOS,GAAa,CAAC,GACtDS,EAAmBnB,GAAYkB,EAAUhB,EAAUO,EAAc5B,EAAU,MACjF,GAAIsC,EAEF,YADAA,EAAiBN,OAASM,EAAiBN,QAAUA,GAGvD,MAAMf,EAAMD,GAAaK,EAAUK,EAAkBnU,QAAQgT,GAAgB,KACvE1d,EAAK+e,EA5Db,SAAoCjgB,EAASwa,EAAUtZ,GACrD,OAAO,SAASmd,EAAQwB,GACtB,MAAMe,EAAc5gB,EAAQ6gB,iBAAiBrG,GAC7C,IAAK,IAAI,OACPxN,GACE6S,EAAO7S,GAAUA,IAAWyT,KAAMzT,EAASA,EAAOxH,WACpD,IAAK,MAAMsb,KAAcF,EACvB,GAAIE,IAAe9T,EASnB,OANA+T,GAAWlB,EAAO,CAChBW,eAAgBxT,IAEdqR,EAAQgC,QACVW,GAAaC,IAAIjhB,EAAS6f,EAAMqB,KAAM1G,EAAUtZ,GAE3CA,EAAGigB,MAAMnU,EAAQ,CAAC6S,GAG/B,CACF,CAwC2BuB,CAA2BphB,EAASqe,EAASqB,GAvExE,SAA0B1f,EAASkB,GACjC,OAAO,SAASmd,EAAQwB,GAOtB,OANAkB,GAAWlB,EAAO,CAChBW,eAAgBxgB,IAEdqe,EAAQgC,QACVW,GAAaC,IAAIjhB,EAAS6f,EAAMqB,KAAMhgB,GAEjCA,EAAGigB,MAAMnhB,EAAS,CAAC6f,GAC5B,CACF,CA6DoFwB,CAAiBrhB,EAAS0f,GAC5Gxe,EAAGye,mBAAqBM,EAAc5B,EAAU,KAChDnd,EAAGwe,SAAWA,EACdxe,EAAGmf,OAASA,EACZnf,EAAG8d,SAAWM,EACdoB,EAASpB,GAAOpe,EAChBlB,EAAQuL,iBAAiB2U,EAAWhf,EAAI+e,EAC1C,CACA,SAASqB,GAActhB,EAASyf,EAAQS,EAAW7B,EAASsB,GAC1D,MAAMze,EAAKse,GAAYC,EAAOS,GAAY7B,EAASsB,GAC9Cze,IAGLlB,EAAQyL,oBAAoByU,EAAWhf,EAAIqgB,QAAQ5B,WAC5CF,EAAOS,GAAWhf,EAAG8d,UAC9B,CACA,SAASwC,GAAyBxhB,EAASyf,EAAQS,EAAWuB,GAC5D,MAAMC,EAAoBjC,EAAOS,IAAc,CAAC,EAChD,IAAK,MAAOyB,EAAY9B,KAAUpiB,OAAOmkB,QAAQF,GAC3CC,EAAWE,SAASJ,IACtBH,GAActhB,EAASyf,EAAQS,EAAWL,EAAMH,SAAUG,EAAMF,mBAGtE,CACA,SAASQ,GAAaN,GAGpB,OADAA,EAAQA,EAAMjU,QAAQiT,GAAgB,IAC/BI,GAAaY,IAAUA,CAChC,CACA,MAAMmB,GAAe,CACnB,EAAAc,CAAG9hB,EAAS6f,EAAOxB,EAAS2B,GAC1BI,GAAWpgB,EAAS6f,EAAOxB,EAAS2B,GAAoB,EAC1D,EACA,GAAA+B,CAAI/hB,EAAS6f,EAAOxB,EAAS2B,GAC3BI,GAAWpgB,EAAS6f,EAAOxB,EAAS2B,GAAoB,EAC1D,EACA,GAAAiB,CAAIjhB,EAAS+f,EAAmB1B,EAAS2B,GACvC,GAAiC,iBAAtBD,IAAmC/f,EAC5C,OAEF,MAAOigB,EAAaP,EAAUQ,GAAaJ,GAAoBC,EAAmB1B,EAAS2B,GACrFgC,EAAc9B,IAAcH,EAC5BN,EAASF,GAAiBvf,GAC1B0hB,EAAoBjC,EAAOS,IAAc,CAAC,EAC1C+B,EAAclC,EAAkBmC,WAAW,KACjD,QAAwB,IAAbxC,EAAX,CAQA,GAAIuC,EACF,IAAK,MAAME,KAAgB1kB,OAAO4D,KAAKoe,GACrC+B,GAAyBxhB,EAASyf,EAAQ0C,EAAcpC,EAAkBlN,MAAM,IAGpF,IAAK,MAAOuP,EAAavC,KAAUpiB,OAAOmkB,QAAQF,GAAoB,CACpE,MAAMC,EAAaS,EAAYxW,QAAQkT,GAAe,IACjDkD,IAAejC,EAAkB8B,SAASF,IAC7CL,GAActhB,EAASyf,EAAQS,EAAWL,EAAMH,SAAUG,EAAMF,mBAEpE,CAXA,KAPA,CAEE,IAAKliB,OAAO4D,KAAKqgB,GAAmBvQ,OAClC,OAEFmQ,GAActhB,EAASyf,EAAQS,EAAWR,EAAUO,EAAc5B,EAAU,KAE9E,CAYF,EACA,OAAAgE,CAAQriB,EAAS6f,EAAOpI,GACtB,GAAqB,iBAAVoI,IAAuB7f,EAChC,OAAO,KAET,MAAM+c,EAAIR,KAGV,IAAI+F,EAAc,KACdC,GAAU,EACVC,GAAiB,EACjBC,GAAmB,EAJH5C,IADFM,GAAaN,IAMZ9C,IACjBuF,EAAcvF,EAAEhC,MAAM8E,EAAOpI,GAC7BsF,EAAE/c,GAASqiB,QAAQC,GACnBC,GAAWD,EAAYI,uBACvBF,GAAkBF,EAAYK,gCAC9BF,EAAmBH,EAAYM,sBAEjC,MAAMC,EAAM9B,GAAW,IAAIhG,MAAM8E,EAAO,CACtC0C,UACAO,YAAY,IACVrL,GAUJ,OATIgL,GACFI,EAAIE,iBAEFP,GACFxiB,EAAQ8a,cAAc+H,GAEpBA,EAAIJ,kBAAoBH,GAC1BA,EAAYS,iBAEPF,CACT,GAEF,SAAS9B,GAAWljB,EAAKmlB,EAAO,CAAC,GAC/B,IAAK,MAAOzlB,EAAKa,KAAUX,OAAOmkB,QAAQoB,GACxC,IACEnlB,EAAIN,GAAOa,CACb,CAAE,MAAO6kB,GACPxlB,OAAOC,eAAeG,EAAKN,EAAK,CAC9B2lB,cAAc,EACdtlB,IAAG,IACMQ,GAGb,CAEF,OAAOP,CACT,CASA,SAASslB,GAAc/kB,GACrB,GAAc,SAAVA,EACF,OAAO,EAET,GAAc,UAAVA,EACF,OAAO,EAET,GAAIA,IAAU4f,OAAO5f,GAAOkC,WAC1B,OAAO0d,OAAO5f,GAEhB,GAAc,KAAVA,GAA0B,SAAVA,EAClB,OAAO,KAET,GAAqB,iBAAVA,EACT,OAAOA,EAET,IACE,OAAOglB,KAAKC,MAAMC,mBAAmBllB,GACvC,CAAE,MAAO6kB,GACP,OAAO7kB,CACT,CACF,CACA,SAASmlB,GAAiBhmB,GACxB,OAAOA,EAAIqO,QAAQ,UAAU4X,GAAO,IAAIA,EAAItjB,iBAC9C,CACA,MAAMujB,GAAc,CAClB,gBAAAC,CAAiB1jB,EAASzC,EAAKa,GAC7B4B,EAAQ6B,aAAa,WAAW0hB,GAAiBhmB,KAAQa,EAC3D,EACA,mBAAAulB,CAAoB3jB,EAASzC,GAC3ByC,EAAQ4B,gBAAgB,WAAW2hB,GAAiBhmB,KACtD,EACA,iBAAAqmB,CAAkB5jB,GAChB,IAAKA,EACH,MAAO,CAAC,EAEV,MAAM0B,EAAa,CAAC,EACdmiB,EAASpmB,OAAO4D,KAAKrB,EAAQ8jB,SAASld,QAAOrJ,GAAOA,EAAI2kB,WAAW,QAAU3kB,EAAI2kB,WAAW,cAClG,IAAK,MAAM3kB,KAAOsmB,EAAQ,CACxB,IAAIE,EAAUxmB,EAAIqO,QAAQ,MAAO,IACjCmY,EAAUA,EAAQC,OAAO,GAAG9jB,cAAgB6jB,EAAQlR,MAAM,EAAGkR,EAAQ5S,QACrEzP,EAAWqiB,GAAWZ,GAAcnjB,EAAQ8jB,QAAQvmB,GACtD,CACA,OAAOmE,CACT,EACAuiB,iBAAgB,CAACjkB,EAASzC,IACjB4lB,GAAcnjB,EAAQic,aAAa,WAAWsH,GAAiBhmB,QAgB1E,MAAM2mB,GAEJ,kBAAWC,GACT,MAAO,CAAC,CACV,CACA,sBAAWC,GACT,MAAO,CAAC,CACV,CACA,eAAWpH,GACT,MAAM,IAAIqH,MAAM,sEAClB,CACA,UAAAC,CAAWC,GAIT,OAHAA,EAAS9D,KAAK+D,gBAAgBD,GAC9BA,EAAS9D,KAAKgE,kBAAkBF,GAChC9D,KAAKiE,iBAAiBH,GACfA,CACT,CACA,iBAAAE,CAAkBF,GAChB,OAAOA,CACT,CACA,eAAAC,CAAgBD,EAAQvkB,GACtB,MAAM2kB,EAAa,GAAU3kB,GAAWyjB,GAAYQ,iBAAiBjkB,EAAS,UAAY,CAAC,EAE3F,MAAO,IACFygB,KAAKmE,YAAYT,WACM,iBAAfQ,EAA0BA,EAAa,CAAC,KAC/C,GAAU3kB,GAAWyjB,GAAYG,kBAAkB5jB,GAAW,CAAC,KAC7C,iBAAXukB,EAAsBA,EAAS,CAAC,EAE/C,CACA,gBAAAG,CAAiBH,EAAQM,EAAcpE,KAAKmE,YAAYR,aACtD,IAAK,MAAO7hB,EAAUuiB,KAAkBrnB,OAAOmkB,QAAQiD,GAAc,CACnE,MAAMzmB,EAAQmmB,EAAOhiB,GACfwiB,EAAY,GAAU3mB,GAAS,UAhiBrC4c,OADSA,EAiiB+C5c,GA/hBnD,GAAG4c,IAELvd,OAAOM,UAAUuC,SAASrC,KAAK+c,GAAQL,MAAM,eAAe,GAAGza,cA8hBlE,IAAK,IAAI8kB,OAAOF,GAAehhB,KAAKihB,GAClC,MAAM,IAAIE,UAAU,GAAGxE,KAAKmE,YAAY5H,KAAKkI,0BAA0B3iB,qBAA4BwiB,yBAAiCD,MAExI,CAriBW9J,KAsiBb,EAqBF,MAAMmK,WAAsBjB,GAC1B,WAAAU,CAAY5kB,EAASukB,GACnBa,SACAplB,EAAUmb,GAAWnb,MAIrBygB,KAAK4E,SAAWrlB,EAChBygB,KAAK6E,QAAU7E,KAAK6D,WAAWC,GAC/BzK,GAAKtH,IAAIiO,KAAK4E,SAAU5E,KAAKmE,YAAYW,SAAU9E,MACrD,CAGA,OAAA+E,GACE1L,GAAKM,OAAOqG,KAAK4E,SAAU5E,KAAKmE,YAAYW,UAC5CvE,GAAaC,IAAIR,KAAK4E,SAAU5E,KAAKmE,YAAYa,WACjD,IAAK,MAAMC,KAAgBjoB,OAAOkoB,oBAAoBlF,MACpDA,KAAKiF,GAAgB,IAEzB,CACA,cAAAE,CAAe9I,EAAU9c,EAAS6lB,GAAa,GAC7CpI,GAAuBX,EAAU9c,EAAS6lB,EAC5C,CACA,UAAAvB,CAAWC,GAIT,OAHAA,EAAS9D,KAAK+D,gBAAgBD,EAAQ9D,KAAK4E,UAC3Cd,EAAS9D,KAAKgE,kBAAkBF,GAChC9D,KAAKiE,iBAAiBH,GACfA,CACT,CAGA,kBAAOuB,CAAY9lB,GACjB,OAAO8Z,GAAKlc,IAAIud,GAAWnb,GAAUygB,KAAK8E,SAC5C,CACA,0BAAOQ,CAAoB/lB,EAASukB,EAAS,CAAC,GAC5C,OAAO9D,KAAKqF,YAAY9lB,IAAY,IAAIygB,KAAKzgB,EAA2B,iBAAXukB,EAAsBA,EAAS,KAC9F,CACA,kBAAWyB,GACT,MA5CY,OA6Cd,CACA,mBAAWT,GACT,MAAO,MAAM9E,KAAKzD,MACpB,CACA,oBAAWyI,GACT,MAAO,IAAIhF,KAAK8E,UAClB,CACA,gBAAOU,CAAUllB,GACf,MAAO,GAAGA,IAAO0f,KAAKgF,WACxB,EAUF,MAAMS,GAAclmB,IAClB,IAAIwa,EAAWxa,EAAQic,aAAa,kBACpC,IAAKzB,GAAyB,MAAbA,EAAkB,CACjC,IAAI2L,EAAgBnmB,EAAQic,aAAa,QAMzC,IAAKkK,IAAkBA,EAActE,SAAS,OAASsE,EAAcjE,WAAW,KAC9E,OAAO,KAILiE,EAActE,SAAS,OAASsE,EAAcjE,WAAW,OAC3DiE,EAAgB,IAAIA,EAAcxjB,MAAM,KAAK,MAE/C6X,EAAW2L,GAAmC,MAAlBA,EAAwBA,EAAcC,OAAS,IAC7E,CACA,OAAO5L,EAAWA,EAAS7X,MAAM,KAAKY,KAAI8iB,GAAO9L,GAAc8L,KAAM1iB,KAAK,KAAO,IAAI,EAEjF2iB,GAAiB,CACrB1T,KAAI,CAAC4H,EAAUxa,EAAU8F,SAASC,kBACzB,GAAG3G,UAAUsB,QAAQ3C,UAAU8iB,iBAAiB5iB,KAAK+B,EAASwa,IAEvE+L,QAAO,CAAC/L,EAAUxa,EAAU8F,SAASC,kBAC5BrF,QAAQ3C,UAAU8K,cAAc5K,KAAK+B,EAASwa,GAEvDgM,SAAQ,CAACxmB,EAASwa,IACT,GAAGpb,UAAUY,EAAQwmB,UAAU5f,QAAOzB,GAASA,EAAMshB,QAAQjM,KAEtE,OAAAkM,CAAQ1mB,EAASwa,GACf,MAAMkM,EAAU,GAChB,IAAIC,EAAW3mB,EAAQwF,WAAWiW,QAAQjB,GAC1C,KAAOmM,GACLD,EAAQrU,KAAKsU,GACbA,EAAWA,EAASnhB,WAAWiW,QAAQjB,GAEzC,OAAOkM,CACT,EACA,IAAAE,CAAK5mB,EAASwa,GACZ,IAAIqM,EAAW7mB,EAAQ8mB,uBACvB,KAAOD,GAAU,CACf,GAAIA,EAASJ,QAAQjM,GACnB,MAAO,CAACqM,GAEVA,EAAWA,EAASC,sBACtB,CACA,MAAO,EACT,EAEA,IAAAxhB,CAAKtF,EAASwa,GACZ,IAAIlV,EAAOtF,EAAQ+mB,mBACnB,KAAOzhB,GAAM,CACX,GAAIA,EAAKmhB,QAAQjM,GACf,MAAO,CAAClV,GAEVA,EAAOA,EAAKyhB,kBACd,CACA,MAAO,EACT,EACA,iBAAAC,CAAkBhnB,GAChB,MAAMinB,EAAa,CAAC,IAAK,SAAU,QAAS,WAAY,SAAU,UAAW,aAAc,4BAA4B1jB,KAAIiX,GAAY,GAAGA,2BAAiC7W,KAAK,KAChL,OAAO8c,KAAK7N,KAAKqU,EAAYjnB,GAAS4G,QAAOsgB,IAAOvL,GAAWuL,IAAO9L,GAAU8L,IAClF,EACA,sBAAAC,CAAuBnnB,GACrB,MAAMwa,EAAW0L,GAAYlmB,GAC7B,OAAIwa,GACK8L,GAAeC,QAAQ/L,GAAYA,EAErC,IACT,EACA,sBAAA4M,CAAuBpnB,GACrB,MAAMwa,EAAW0L,GAAYlmB,GAC7B,OAAOwa,EAAW8L,GAAeC,QAAQ/L,GAAY,IACvD,EACA,+BAAA6M,CAAgCrnB,GAC9B,MAAMwa,EAAW0L,GAAYlmB,GAC7B,OAAOwa,EAAW8L,GAAe1T,KAAK4H,GAAY,EACpD,GAUI8M,GAAuB,CAACC,EAAWC,EAAS,UAChD,MAAMC,EAAa,gBAAgBF,EAAU9B,YACvC1kB,EAAOwmB,EAAUvK,KACvBgE,GAAac,GAAGhc,SAAU2hB,EAAY,qBAAqB1mB,OAAU,SAAU8e,GAI7E,GAHI,CAAC,IAAK,QAAQgC,SAASpB,KAAKiH,UAC9B7H,EAAMkD,iBAEJpH,GAAW8E,MACb,OAEF,MAAMzT,EAASsZ,GAAec,uBAAuB3G,OAASA,KAAKhF,QAAQ,IAAI1a,KAC9DwmB,EAAUxB,oBAAoB/Y,GAGtCwa,IACX,GAAE,EAiBEG,GAAc,YACdC,GAAc,QAAQD,KACtBE,GAAe,SAASF,KAQ9B,MAAMG,WAAc3C,GAElB,eAAWnI,GACT,MAfW,OAgBb,CAGA,KAAA+K,GAEE,GADmB/G,GAAaqB,QAAQ5B,KAAK4E,SAAUuC,IACxCnF,iBACb,OAEFhC,KAAK4E,SAASvJ,UAAU1B,OAlBF,QAmBtB,MAAMyL,EAAapF,KAAK4E,SAASvJ,UAAU7W,SApBrB,QAqBtBwb,KAAKmF,gBAAe,IAAMnF,KAAKuH,mBAAmBvH,KAAK4E,SAAUQ,EACnE,CAGA,eAAAmC,GACEvH,KAAK4E,SAASjL,SACd4G,GAAaqB,QAAQ5B,KAAK4E,SAAUwC,IACpCpH,KAAK+E,SACP,CAGA,sBAAOtI,CAAgBqH,GACrB,OAAO9D,KAAKwH,MAAK,WACf,MAAMnd,EAAOgd,GAAM/B,oBAAoBtF,MACvC,GAAsB,iBAAX8D,EAAX,CAGA,QAAqB/K,IAAjB1O,EAAKyZ,IAAyBA,EAAOrC,WAAW,MAAmB,gBAAXqC,EAC1D,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,GAAQ9D,KAJb,CAKF,GACF,EAOF6G,GAAqBQ,GAAO,SAM5BlL,GAAmBkL,IAcnB,MAKMI,GAAyB,4BAO/B,MAAMC,WAAehD,GAEnB,eAAWnI,GACT,MAfW,QAgBb,CAGA,MAAAoL,GAEE3H,KAAK4E,SAASxjB,aAAa,eAAgB4e,KAAK4E,SAASvJ,UAAUsM,OAjB3C,UAkB1B,CAGA,sBAAOlL,CAAgBqH,GACrB,OAAO9D,KAAKwH,MAAK,WACf,MAAMnd,EAAOqd,GAAOpC,oBAAoBtF,MACzB,WAAX8D,GACFzZ,EAAKyZ,IAET,GACF,EAOFvD,GAAac,GAAGhc,SAjCe,2BAiCmBoiB,IAAwBrI,IACxEA,EAAMkD,iBACN,MAAMsF,EAASxI,EAAM7S,OAAOyO,QAAQyM,IACvBC,GAAOpC,oBAAoBsC,GACnCD,QAAQ,IAOfxL,GAAmBuL,IAcnB,MACMG,GAAc,YACdC,GAAmB,aAAaD,KAChCE,GAAkB,YAAYF,KAC9BG,GAAiB,WAAWH,KAC5BI,GAAoB,cAAcJ,KAClCK,GAAkB,YAAYL,KAK9BM,GAAY,CAChBC,YAAa,KACbC,aAAc,KACdC,cAAe,MAEXC,GAAgB,CACpBH,YAAa,kBACbC,aAAc,kBACdC,cAAe,mBAOjB,MAAME,WAAc/E,GAClB,WAAAU,CAAY5kB,EAASukB,GACnBa,QACA3E,KAAK4E,SAAWrlB,EACXA,GAAYipB,GAAMC,gBAGvBzI,KAAK6E,QAAU7E,KAAK6D,WAAWC,GAC/B9D,KAAK0I,QAAU,EACf1I,KAAK2I,sBAAwB7H,QAAQlhB,OAAOgpB,cAC5C5I,KAAK6I,cACP,CAGA,kBAAWnF,GACT,OAAOyE,EACT,CACA,sBAAWxE,GACT,OAAO4E,EACT,CACA,eAAWhM,GACT,MA/CW,OAgDb,CAGA,OAAAwI,GACExE,GAAaC,IAAIR,KAAK4E,SAAUiD,GAClC,CAGA,MAAAiB,CAAO1J,GACAY,KAAK2I,sBAIN3I,KAAK+I,wBAAwB3J,KAC/BY,KAAK0I,QAAUtJ,EAAM4J,SAJrBhJ,KAAK0I,QAAUtJ,EAAM6J,QAAQ,GAAGD,OAMpC,CACA,IAAAE,CAAK9J,GACCY,KAAK+I,wBAAwB3J,KAC/BY,KAAK0I,QAAUtJ,EAAM4J,QAAUhJ,KAAK0I,SAEtC1I,KAAKmJ,eACLtM,GAAQmD,KAAK6E,QAAQuD,YACvB,CACA,KAAAgB,CAAMhK,GACJY,KAAK0I,QAAUtJ,EAAM6J,SAAW7J,EAAM6J,QAAQvY,OAAS,EAAI,EAAI0O,EAAM6J,QAAQ,GAAGD,QAAUhJ,KAAK0I,OACjG,CACA,YAAAS,GACE,MAAME,EAAYlnB,KAAKoC,IAAIyb,KAAK0I,SAChC,GAAIW,GAnEgB,GAoElB,OAEF,MAAM/b,EAAY+b,EAAYrJ,KAAK0I,QACnC1I,KAAK0I,QAAU,EACVpb,GAGLuP,GAAQvP,EAAY,EAAI0S,KAAK6E,QAAQyD,cAAgBtI,KAAK6E,QAAQwD,aACpE,CACA,WAAAQ,GACM7I,KAAK2I,uBACPpI,GAAac,GAAGrB,KAAK4E,SAAUqD,IAAmB7I,GAASY,KAAK8I,OAAO1J,KACvEmB,GAAac,GAAGrB,KAAK4E,SAAUsD,IAAiB9I,GAASY,KAAKkJ,KAAK9J,KACnEY,KAAK4E,SAASvJ,UAAU5E,IAlFG,mBAoF3B8J,GAAac,GAAGrB,KAAK4E,SAAUkD,IAAkB1I,GAASY,KAAK8I,OAAO1J,KACtEmB,GAAac,GAAGrB,KAAK4E,SAAUmD,IAAiB3I,GAASY,KAAKoJ,MAAMhK,KACpEmB,GAAac,GAAGrB,KAAK4E,SAAUoD,IAAgB5I,GAASY,KAAKkJ,KAAK9J,KAEtE,CACA,uBAAA2J,CAAwB3J,GACtB,OAAOY,KAAK2I,wBA3FS,QA2FiBvJ,EAAMkK,aA5FrB,UA4FyDlK,EAAMkK,YACxF,CAGA,kBAAOb,GACL,MAAO,iBAAkBpjB,SAASC,iBAAmB7C,UAAU8mB,eAAiB,CAClF,EAeF,MAEMC,GAAc,eACdC,GAAiB,YACjBC,GAAmB,YACnBC,GAAoB,aAGpBC,GAAa,OACbC,GAAa,OACbC,GAAiB,OACjBC,GAAkB,QAClBC,GAAc,QAAQR,KACtBS,GAAa,OAAOT,KACpBU,GAAkB,UAAUV,KAC5BW,GAAqB,aAAaX,KAClCY,GAAqB,aAAaZ,KAClCa,GAAmB,YAAYb,KAC/Bc,GAAwB,OAAOd,KAAcC,KAC7Cc,GAAyB,QAAQf,KAAcC,KAC/Ce,GAAsB,WACtBC,GAAsB,SAMtBC,GAAkB,UAClBC,GAAgB,iBAChBC,GAAuBF,GAAkBC,GAKzCE,GAAmB,CACvB,CAACnB,IAAmBK,GACpB,CAACJ,IAAoBG,IAEjBgB,GAAY,CAChBC,SAAU,IACVC,UAAU,EACVC,MAAO,QACPC,MAAM,EACNC,OAAO,EACPC,MAAM,GAEFC,GAAgB,CACpBN,SAAU,mBAEVC,SAAU,UACVC,MAAO,mBACPC,KAAM,mBACNC,MAAO,UACPC,KAAM,WAOR,MAAME,WAAiB5G,GACrB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAKuL,UAAY,KACjBvL,KAAKwL,eAAiB,KACtBxL,KAAKyL,YAAa,EAClBzL,KAAK0L,aAAe,KACpB1L,KAAK2L,aAAe,KACpB3L,KAAK4L,mBAAqB/F,GAAeC,QArCjB,uBAqC8C9F,KAAK4E,UAC3E5E,KAAK6L,qBACD7L,KAAK6E,QAAQqG,OAASV,IACxBxK,KAAK8L,OAET,CAGA,kBAAWpI,GACT,OAAOoH,EACT,CACA,sBAAWnH,GACT,OAAO0H,EACT,CACA,eAAW9O,GACT,MAnFW,UAoFb,CAGA,IAAA1X,GACEmb,KAAK+L,OAAOnC,GACd,CACA,eAAAoC,IAIO3mB,SAAS4mB,QAAUtR,GAAUqF,KAAK4E,WACrC5E,KAAKnb,MAET,CACA,IAAAshB,GACEnG,KAAK+L,OAAOlC,GACd,CACA,KAAAoB,GACMjL,KAAKyL,YACPrR,GAAqB4F,KAAK4E,UAE5B5E,KAAKkM,gBACP,CACA,KAAAJ,GACE9L,KAAKkM,iBACLlM,KAAKmM,kBACLnM,KAAKuL,UAAYa,aAAY,IAAMpM,KAAKgM,mBAAmBhM,KAAK6E,QAAQkG,SAC1E,CACA,iBAAAsB,GACOrM,KAAK6E,QAAQqG,OAGdlL,KAAKyL,WACPlL,GAAae,IAAItB,KAAK4E,SAAUqF,IAAY,IAAMjK,KAAK8L,UAGzD9L,KAAK8L,QACP,CACA,EAAAQ,CAAG7T,GACD,MAAM8T,EAAQvM,KAAKwM,YACnB,GAAI/T,EAAQ8T,EAAM7b,OAAS,GAAK+H,EAAQ,EACtC,OAEF,GAAIuH,KAAKyL,WAEP,YADAlL,GAAae,IAAItB,KAAK4E,SAAUqF,IAAY,IAAMjK,KAAKsM,GAAG7T,KAG5D,MAAMgU,EAAczM,KAAK0M,cAAc1M,KAAK2M,cAC5C,GAAIF,IAAgBhU,EAClB,OAEF,MAAMtC,EAAQsC,EAAQgU,EAAc7C,GAAaC,GACjD7J,KAAK+L,OAAO5V,EAAOoW,EAAM9T,GAC3B,CACA,OAAAsM,GACM/E,KAAK2L,cACP3L,KAAK2L,aAAa5G,UAEpBJ,MAAMI,SACR,CAGA,iBAAAf,CAAkBF,GAEhB,OADAA,EAAO8I,gBAAkB9I,EAAOiH,SACzBjH,CACT,CACA,kBAAA+H,GACM7L,KAAK6E,QAAQmG,UACfzK,GAAac,GAAGrB,KAAK4E,SAAUsF,IAAiB9K,GAASY,KAAK6M,SAASzN,KAE9C,UAAvBY,KAAK6E,QAAQoG,QACf1K,GAAac,GAAGrB,KAAK4E,SAAUuF,IAAoB,IAAMnK,KAAKiL,UAC9D1K,GAAac,GAAGrB,KAAK4E,SAAUwF,IAAoB,IAAMpK,KAAKqM,uBAE5DrM,KAAK6E,QAAQsG,OAAS3C,GAAMC,eAC9BzI,KAAK8M,yBAET,CACA,uBAAAA,GACE,IAAK,MAAMC,KAAOlH,GAAe1T,KArIX,qBAqImC6N,KAAK4E,UAC5DrE,GAAac,GAAG0L,EAAK1C,IAAkBjL,GAASA,EAAMkD,mBAExD,MAmBM0K,EAAc,CAClB3E,aAAc,IAAMrI,KAAK+L,OAAO/L,KAAKiN,kBAAkBnD,KACvDxB,cAAe,IAAMtI,KAAK+L,OAAO/L,KAAKiN,kBAAkBlD,KACxD3B,YAtBkB,KACS,UAAvBpI,KAAK6E,QAAQoG,QAYjBjL,KAAKiL,QACDjL,KAAK0L,cACPwB,aAAalN,KAAK0L,cAEpB1L,KAAK0L,aAAe7N,YAAW,IAAMmC,KAAKqM,qBAjLjB,IAiL+DrM,KAAK6E,QAAQkG,UAAS,GAOhH/K,KAAK2L,aAAe,IAAInD,GAAMxI,KAAK4E,SAAUoI,EAC/C,CACA,QAAAH,CAASzN,GACP,GAAI,kBAAkB/b,KAAK+b,EAAM7S,OAAO0a,SACtC,OAEF,MAAM3Z,EAAYud,GAAiBzL,EAAMtiB,KACrCwQ,IACF8R,EAAMkD,iBACNtC,KAAK+L,OAAO/L,KAAKiN,kBAAkB3f,IAEvC,CACA,aAAAof,CAAcntB,GACZ,OAAOygB,KAAKwM,YAAYrnB,QAAQ5F,EAClC,CACA,0BAAA4tB,CAA2B1U,GACzB,IAAKuH,KAAK4L,mBACR,OAEF,MAAMwB,EAAkBvH,GAAeC,QAAQ4E,GAAiB1K,KAAK4L,oBACrEwB,EAAgB/R,UAAU1B,OAAO8Q,IACjC2C,EAAgBjsB,gBAAgB,gBAChC,MAAMksB,EAAqBxH,GAAeC,QAAQ,sBAAsBrN,MAAWuH,KAAK4L,oBACpFyB,IACFA,EAAmBhS,UAAU5E,IAAIgU,IACjC4C,EAAmBjsB,aAAa,eAAgB,QAEpD,CACA,eAAA+qB,GACE,MAAM5sB,EAAUygB,KAAKwL,gBAAkBxL,KAAK2M,aAC5C,IAAKptB,EACH,OAEF,MAAM+tB,EAAkB/P,OAAOgQ,SAAShuB,EAAQic,aAAa,oBAAqB,IAClFwE,KAAK6E,QAAQkG,SAAWuC,GAAmBtN,KAAK6E,QAAQ+H,eAC1D,CACA,MAAAb,CAAO5V,EAAO5W,EAAU,MACtB,GAAIygB,KAAKyL,WACP,OAEF,MAAM1N,EAAgBiC,KAAK2M,aACrBa,EAASrX,IAAUyT,GACnB6D,EAAcluB,GAAWue,GAAqBkC,KAAKwM,YAAazO,EAAeyP,EAAQxN,KAAK6E,QAAQuG,MAC1G,GAAIqC,IAAgB1P,EAClB,OAEF,MAAM2P,EAAmB1N,KAAK0M,cAAce,GACtCE,EAAenI,GACZjF,GAAaqB,QAAQ5B,KAAK4E,SAAUY,EAAW,CACpD1F,cAAe2N,EACfngB,UAAW0S,KAAK4N,kBAAkBzX,GAClCuD,KAAMsG,KAAK0M,cAAc3O,GACzBuO,GAAIoB,IAIR,GADmBC,EAAa3D,IACjBhI,iBACb,OAEF,IAAKjE,IAAkB0P,EAGrB,OAEF,MAAMI,EAAY/M,QAAQd,KAAKuL,WAC/BvL,KAAKiL,QACLjL,KAAKyL,YAAa,EAClBzL,KAAKmN,2BAA2BO,GAChC1N,KAAKwL,eAAiBiC,EACtB,MAAMK,EAAuBN,EA3OR,sBADF,oBA6ObO,EAAiBP,EA3OH,qBACA,qBA2OpBC,EAAYpS,UAAU5E,IAAIsX,GAC1BlS,GAAO4R,GACP1P,EAAc1C,UAAU5E,IAAIqX,GAC5BL,EAAYpS,UAAU5E,IAAIqX,GAQ1B9N,KAAKmF,gBAPoB,KACvBsI,EAAYpS,UAAU1B,OAAOmU,EAAsBC,GACnDN,EAAYpS,UAAU5E,IAAIgU,IAC1B1M,EAAc1C,UAAU1B,OAAO8Q,GAAqBsD,EAAgBD,GACpE9N,KAAKyL,YAAa,EAClBkC,EAAa1D,GAAW,GAEYlM,EAAeiC,KAAKgO,eACtDH,GACF7N,KAAK8L,OAET,CACA,WAAAkC,GACE,OAAOhO,KAAK4E,SAASvJ,UAAU7W,SAhQV,QAiQvB,CACA,UAAAmoB,GACE,OAAO9G,GAAeC,QAAQ8E,GAAsB5K,KAAK4E,SAC3D,CACA,SAAA4H,GACE,OAAO3G,GAAe1T,KAAKwY,GAAe3K,KAAK4E,SACjD,CACA,cAAAsH,GACMlM,KAAKuL,YACP0C,cAAcjO,KAAKuL,WACnBvL,KAAKuL,UAAY,KAErB,CACA,iBAAA0B,CAAkB3f,GAChB,OAAI2O,KACK3O,IAAcwc,GAAiBD,GAAaD,GAE9Ctc,IAAcwc,GAAiBF,GAAaC,EACrD,CACA,iBAAA+D,CAAkBzX,GAChB,OAAI8F,KACK9F,IAAU0T,GAAaC,GAAiBC,GAE1C5T,IAAU0T,GAAaE,GAAkBD,EAClD,CAGA,sBAAOrN,CAAgBqH,GACrB,OAAO9D,KAAKwH,MAAK,WACf,MAAMnd,EAAOihB,GAAShG,oBAAoBtF,KAAM8D,GAChD,GAAsB,iBAAXA,GAIX,GAAsB,iBAAXA,EAAqB,CAC9B,QAAqB/K,IAAjB1O,EAAKyZ,IAAyBA,EAAOrC,WAAW,MAAmB,gBAAXqC,EAC1D,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IACP,OAREzZ,EAAKiiB,GAAGxI,EASZ,GACF,EAOFvD,GAAac,GAAGhc,SAAUklB,GAvSE,uCAuS2C,SAAUnL,GAC/E,MAAM7S,EAASsZ,GAAec,uBAAuB3G,MACrD,IAAKzT,IAAWA,EAAO8O,UAAU7W,SAASgmB,IACxC,OAEFpL,EAAMkD,iBACN,MAAM4L,EAAW5C,GAAShG,oBAAoB/Y,GACxC4hB,EAAanO,KAAKxE,aAAa,oBACrC,OAAI2S,GACFD,EAAS5B,GAAG6B,QACZD,EAAS7B,qBAGyC,SAAhDrJ,GAAYQ,iBAAiBxD,KAAM,UACrCkO,EAASrpB,YACTqpB,EAAS7B,sBAGX6B,EAAS/H,YACT+H,EAAS7B,oBACX,IACA9L,GAAac,GAAGzhB,OAAQ0qB,IAAuB,KAC7C,MAAM8D,EAAYvI,GAAe1T,KA5TR,6BA6TzB,IAAK,MAAM+b,KAAYE,EACrB9C,GAAShG,oBAAoB4I,EAC/B,IAOF/R,GAAmBmP,IAcnB,MAEM+C,GAAc,eAEdC,GAAe,OAAOD,KACtBE,GAAgB,QAAQF,KACxBG,GAAe,OAAOH,KACtBI,GAAiB,SAASJ,KAC1BK,GAAyB,QAAQL,cACjCM,GAAoB,OACpBC,GAAsB,WACtBC,GAAwB,aAExBC,GAA6B,WAAWF,OAAwBA,KAKhEG,GAAyB,8BACzBC,GAAY,CAChBvqB,OAAQ,KACRkjB,QAAQ,GAEJsH,GAAgB,CACpBxqB,OAAQ,iBACRkjB,OAAQ,WAOV,MAAMuH,WAAiBxK,GACrB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAKmP,kBAAmB,EACxBnP,KAAKoP,cAAgB,GACrB,MAAMC,EAAaxJ,GAAe1T,KAAK4c,IACvC,IAAK,MAAMO,KAAQD,EAAY,CAC7B,MAAMtV,EAAW8L,GAAea,uBAAuB4I,GACjDC,EAAgB1J,GAAe1T,KAAK4H,GAAU5T,QAAOqpB,GAAgBA,IAAiBxP,KAAK4E,WAChF,OAAb7K,GAAqBwV,EAAc7e,QACrCsP,KAAKoP,cAAcxd,KAAK0d,EAE5B,CACAtP,KAAKyP,sBACAzP,KAAK6E,QAAQpgB,QAChBub,KAAK0P,0BAA0B1P,KAAKoP,cAAepP,KAAK2P,YAEtD3P,KAAK6E,QAAQ8C,QACf3H,KAAK2H,QAET,CAGA,kBAAWjE,GACT,OAAOsL,EACT,CACA,sBAAWrL,GACT,OAAOsL,EACT,CACA,eAAW1S,GACT,MA9DW,UA+Db,CAGA,MAAAoL,GACM3H,KAAK2P,WACP3P,KAAK4P,OAEL5P,KAAK6P,MAET,CACA,IAAAA,GACE,GAAI7P,KAAKmP,kBAAoBnP,KAAK2P,WAChC,OAEF,IAAIG,EAAiB,GAQrB,GALI9P,KAAK6E,QAAQpgB,SACfqrB,EAAiB9P,KAAK+P,uBAhEH,wCAgE4C5pB,QAAO5G,GAAWA,IAAYygB,KAAK4E,WAAU9hB,KAAIvD,GAAW2vB,GAAS5J,oBAAoB/lB,EAAS,CAC/JooB,QAAQ,OAGRmI,EAAepf,QAAUof,EAAe,GAAGX,iBAC7C,OAGF,GADmB5O,GAAaqB,QAAQ5B,KAAK4E,SAAU0J,IACxCtM,iBACb,OAEF,IAAK,MAAMgO,KAAkBF,EAC3BE,EAAeJ,OAEjB,MAAMK,EAAYjQ,KAAKkQ,gBACvBlQ,KAAK4E,SAASvJ,UAAU1B,OAAOiV,IAC/B5O,KAAK4E,SAASvJ,UAAU5E,IAAIoY,IAC5B7O,KAAK4E,SAAS7jB,MAAMkvB,GAAa,EACjCjQ,KAAK0P,0BAA0B1P,KAAKoP,eAAe,GACnDpP,KAAKmP,kBAAmB,EACxB,MAQMgB,EAAa,SADUF,EAAU,GAAGxL,cAAgBwL,EAAU7d,MAAM,KAE1E4N,KAAKmF,gBATY,KACfnF,KAAKmP,kBAAmB,EACxBnP,KAAK4E,SAASvJ,UAAU1B,OAAOkV,IAC/B7O,KAAK4E,SAASvJ,UAAU5E,IAAImY,GAAqBD,IACjD3O,KAAK4E,SAAS7jB,MAAMkvB,GAAa,GACjC1P,GAAaqB,QAAQ5B,KAAK4E,SAAU2J,GAAc,GAItBvO,KAAK4E,UAAU,GAC7C5E,KAAK4E,SAAS7jB,MAAMkvB,GAAa,GAAGjQ,KAAK4E,SAASuL,MACpD,CACA,IAAAP,GACE,GAAI5P,KAAKmP,mBAAqBnP,KAAK2P,WACjC,OAGF,GADmBpP,GAAaqB,QAAQ5B,KAAK4E,SAAU4J,IACxCxM,iBACb,OAEF,MAAMiO,EAAYjQ,KAAKkQ,gBACvBlQ,KAAK4E,SAAS7jB,MAAMkvB,GAAa,GAAGjQ,KAAK4E,SAASthB,wBAAwB2sB,OAC1EpU,GAAOmE,KAAK4E,UACZ5E,KAAK4E,SAASvJ,UAAU5E,IAAIoY,IAC5B7O,KAAK4E,SAASvJ,UAAU1B,OAAOiV,GAAqBD,IACpD,IAAK,MAAM/M,KAAW5B,KAAKoP,cAAe,CACxC,MAAM7vB,EAAUsmB,GAAec,uBAAuB/E,GAClDriB,IAAYygB,KAAK2P,SAASpwB,IAC5BygB,KAAK0P,0BAA0B,CAAC9N,IAAU,EAE9C,CACA5B,KAAKmP,kBAAmB,EAOxBnP,KAAK4E,SAAS7jB,MAAMkvB,GAAa,GACjCjQ,KAAKmF,gBAPY,KACfnF,KAAKmP,kBAAmB,EACxBnP,KAAK4E,SAASvJ,UAAU1B,OAAOkV,IAC/B7O,KAAK4E,SAASvJ,UAAU5E,IAAImY,IAC5BrO,GAAaqB,QAAQ5B,KAAK4E,SAAU6J,GAAe,GAGvBzO,KAAK4E,UAAU,EAC/C,CACA,QAAA+K,CAASpwB,EAAUygB,KAAK4E,UACtB,OAAOrlB,EAAQ8b,UAAU7W,SAASmqB,GACpC,CAGA,iBAAA3K,CAAkBF,GAGhB,OAFAA,EAAO6D,OAAS7G,QAAQgD,EAAO6D,QAC/B7D,EAAOrf,OAASiW,GAAWoJ,EAAOrf,QAC3Bqf,CACT,CACA,aAAAoM,GACE,OAAOlQ,KAAK4E,SAASvJ,UAAU7W,SA3IL,uBAChB,QACC,QA0Ib,CACA,mBAAAirB,GACE,IAAKzP,KAAK6E,QAAQpgB,OAChB,OAEF,MAAMshB,EAAW/F,KAAK+P,uBAAuBhB,IAC7C,IAAK,MAAMxvB,KAAWwmB,EAAU,CAC9B,MAAMqK,EAAWvK,GAAec,uBAAuBpnB,GACnD6wB,GACFpQ,KAAK0P,0BAA0B,CAACnwB,GAAUygB,KAAK2P,SAASS,GAE5D,CACF,CACA,sBAAAL,CAAuBhW,GACrB,MAAMgM,EAAWF,GAAe1T,KAAK2c,GAA4B9O,KAAK6E,QAAQpgB,QAE9E,OAAOohB,GAAe1T,KAAK4H,EAAUiG,KAAK6E,QAAQpgB,QAAQ0B,QAAO5G,IAAYwmB,EAAS3E,SAAS7hB,IACjG,CACA,yBAAAmwB,CAA0BW,EAAcC,GACtC,GAAKD,EAAa3f,OAGlB,IAAK,MAAMnR,KAAW8wB,EACpB9wB,EAAQ8b,UAAUsM,OArKK,aAqKyB2I,GAChD/wB,EAAQ6B,aAAa,gBAAiBkvB,EAE1C,CAGA,sBAAO7T,CAAgBqH,GACrB,MAAMe,EAAU,CAAC,EAIjB,MAHsB,iBAAXf,GAAuB,YAAYzgB,KAAKygB,KACjDe,EAAQ8C,QAAS,GAEZ3H,KAAKwH,MAAK,WACf,MAAMnd,EAAO6kB,GAAS5J,oBAAoBtF,KAAM6E,GAChD,GAAsB,iBAAXf,EAAqB,CAC9B,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IACP,CACF,GACF,EAOFvD,GAAac,GAAGhc,SAAUqpB,GAAwBK,IAAwB,SAAU3P,IAErD,MAAzBA,EAAM7S,OAAO0a,SAAmB7H,EAAMW,gBAAmD,MAAjCX,EAAMW,eAAekH,UAC/E7H,EAAMkD,iBAER,IAAK,MAAM/iB,KAAWsmB,GAAee,gCAAgC5G,MACnEkP,GAAS5J,oBAAoB/lB,EAAS,CACpCooB,QAAQ,IACPA,QAEP,IAMAxL,GAAmB+S,IAcnB,MAAMqB,GAAS,WAETC,GAAc,eACdC,GAAiB,YAGjBC,GAAiB,UACjBC,GAAmB,YAGnBC,GAAe,OAAOJ,KACtBK,GAAiB,SAASL,KAC1BM,GAAe,OAAON,KACtBO,GAAgB,QAAQP,KACxBQ,GAAyB,QAAQR,KAAcC,KAC/CQ,GAAyB,UAAUT,KAAcC,KACjDS,GAAuB,QAAQV,KAAcC,KAC7CU,GAAoB,OAMpBC,GAAyB,4DACzBC,GAA6B,GAAGD,MAA0BD,KAC1DG,GAAgB,iBAIhBC,GAAgBtV,KAAU,UAAY,YACtCuV,GAAmBvV,KAAU,YAAc,UAC3CwV,GAAmBxV,KAAU,aAAe,eAC5CyV,GAAsBzV,KAAU,eAAiB,aACjD0V,GAAkB1V,KAAU,aAAe,cAC3C2V,GAAiB3V,KAAU,cAAgB,aAG3C4V,GAAY,CAChBC,WAAW,EACX7jB,SAAU,kBACV8jB,QAAS,UACT/pB,OAAQ,CAAC,EAAG,GACZgqB,aAAc,KACd1zB,UAAW,UAEP2zB,GAAgB,CACpBH,UAAW,mBACX7jB,SAAU,mBACV8jB,QAAS,SACT/pB,OAAQ,0BACRgqB,aAAc,yBACd1zB,UAAW,2BAOb,MAAM4zB,WAAiBxN,GACrB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAKmS,QAAU,KACfnS,KAAKoS,QAAUpS,KAAK4E,SAAS7f,WAE7Bib,KAAKqS,MAAQxM,GAAehhB,KAAKmb,KAAK4E,SAAU0M,IAAe,IAAMzL,GAAeM,KAAKnG,KAAK4E,SAAU0M,IAAe,IAAMzL,GAAeC,QAAQwL,GAAetR,KAAKoS,SACxKpS,KAAKsS,UAAYtS,KAAKuS,eACxB,CAGA,kBAAW7O,GACT,OAAOmO,EACT,CACA,sBAAWlO,GACT,OAAOsO,EACT,CACA,eAAW1V,GACT,OAAOgU,EACT,CAGA,MAAA5I,GACE,OAAO3H,KAAK2P,WAAa3P,KAAK4P,OAAS5P,KAAK6P,MAC9C,CACA,IAAAA,GACE,GAAI3U,GAAW8E,KAAK4E,WAAa5E,KAAK2P,WACpC,OAEF,MAAM7P,EAAgB,CACpBA,cAAeE,KAAK4E,UAGtB,IADkBrE,GAAaqB,QAAQ5B,KAAK4E,SAAUkM,GAAchR,GACtDkC,iBAAd,CASA,GANAhC,KAAKwS,gBAMD,iBAAkBntB,SAASC,kBAAoB0a,KAAKoS,QAAQpX,QAzExC,eA0EtB,IAAK,MAAMzb,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAK6Z,UAC/CxF,GAAac,GAAG9hB,EAAS,YAAaqc,IAG1CoE,KAAK4E,SAAS6N,QACdzS,KAAK4E,SAASxjB,aAAa,iBAAiB,GAC5C4e,KAAKqS,MAAMhX,UAAU5E,IAAI0a,IACzBnR,KAAK4E,SAASvJ,UAAU5E,IAAI0a,IAC5B5Q,GAAaqB,QAAQ5B,KAAK4E,SAAUmM,GAAejR,EAhBnD,CAiBF,CACA,IAAA8P,GACE,GAAI1U,GAAW8E,KAAK4E,YAAc5E,KAAK2P,WACrC,OAEF,MAAM7P,EAAgB,CACpBA,cAAeE,KAAK4E,UAEtB5E,KAAK0S,cAAc5S,EACrB,CACA,OAAAiF,GACM/E,KAAKmS,SACPnS,KAAKmS,QAAQnZ,UAEf2L,MAAMI,SACR,CACA,MAAAha,GACEiV,KAAKsS,UAAYtS,KAAKuS,gBAClBvS,KAAKmS,SACPnS,KAAKmS,QAAQpnB,QAEjB,CAGA,aAAA2nB,CAAc5S,GAEZ,IADkBS,GAAaqB,QAAQ5B,KAAK4E,SAAUgM,GAAc9Q,GACtDkC,iBAAd,CAMA,GAAI,iBAAkB3c,SAASC,gBAC7B,IAAK,MAAM/F,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAK6Z,UAC/CxF,GAAaC,IAAIjhB,EAAS,YAAaqc,IAGvCoE,KAAKmS,SACPnS,KAAKmS,QAAQnZ,UAEfgH,KAAKqS,MAAMhX,UAAU1B,OAAOwX,IAC5BnR,KAAK4E,SAASvJ,UAAU1B,OAAOwX,IAC/BnR,KAAK4E,SAASxjB,aAAa,gBAAiB,SAC5C4hB,GAAYE,oBAAoBlD,KAAKqS,MAAO,UAC5C9R,GAAaqB,QAAQ5B,KAAK4E,SAAUiM,GAAgB/Q,EAhBpD,CAiBF,CACA,UAAA+D,CAAWC,GAET,GAAgC,iBADhCA,EAASa,MAAMd,WAAWC,IACRxlB,YAA2B,GAAUwlB,EAAOxlB,YAAgE,mBAA3CwlB,EAAOxlB,UAAUgF,sBAElG,MAAM,IAAIkhB,UAAU,GAAG+L,GAAO9L,+GAEhC,OAAOX,CACT,CACA,aAAA0O,GACE,QAAsB,IAAX,EACT,MAAM,IAAIhO,UAAU,gEAEtB,IAAImO,EAAmB3S,KAAK4E,SACG,WAA3B5E,KAAK6E,QAAQvmB,UACfq0B,EAAmB3S,KAAKoS,QACf,GAAUpS,KAAK6E,QAAQvmB,WAChCq0B,EAAmBjY,GAAWsF,KAAK6E,QAAQvmB,WACA,iBAA3B0hB,KAAK6E,QAAQvmB,YAC7Bq0B,EAAmB3S,KAAK6E,QAAQvmB,WAElC,MAAM0zB,EAAehS,KAAK4S,mBAC1B5S,KAAKmS,QAAU,GAAoBQ,EAAkB3S,KAAKqS,MAAOL,EACnE,CACA,QAAArC,GACE,OAAO3P,KAAKqS,MAAMhX,UAAU7W,SAAS2sB,GACvC,CACA,aAAA0B,GACE,MAAMC,EAAiB9S,KAAKoS,QAC5B,GAAIU,EAAezX,UAAU7W,SArKN,WAsKrB,OAAOmtB,GAET,GAAImB,EAAezX,UAAU7W,SAvKJ,aAwKvB,OAAOotB,GAET,GAAIkB,EAAezX,UAAU7W,SAzKA,iBA0K3B,MA5JsB,MA8JxB,GAAIsuB,EAAezX,UAAU7W,SA3KE,mBA4K7B,MA9JyB,SAkK3B,MAAMuuB,EAAkF,QAA1E9tB,iBAAiB+a,KAAKqS,OAAOvX,iBAAiB,iBAAiB6K,OAC7E,OAAImN,EAAezX,UAAU7W,SArLP,UAsLbuuB,EAAQvB,GAAmBD,GAE7BwB,EAAQrB,GAAsBD,EACvC,CACA,aAAAc,GACE,OAAkD,OAA3CvS,KAAK4E,SAAS5J,QAnLD,UAoLtB,CACA,UAAAgY,GACE,MAAM,OACJhrB,GACEgY,KAAK6E,QACT,MAAsB,iBAAX7c,EACFA,EAAO9F,MAAM,KAAKY,KAAInF,GAAS4f,OAAOgQ,SAAS5vB,EAAO,MAEzC,mBAAXqK,EACFirB,GAAcjrB,EAAOirB,EAAYjT,KAAK4E,UAExC5c,CACT,CACA,gBAAA4qB,GACE,MAAMM,EAAwB,CAC5Bx0B,UAAWshB,KAAK6S,gBAChBzc,UAAW,CAAC,CACV9V,KAAM,kBACNmB,QAAS,CACPwM,SAAU+R,KAAK6E,QAAQ5W,WAExB,CACD3N,KAAM,SACNmB,QAAS,CACPuG,OAAQgY,KAAKgT,iBAanB,OAPIhT,KAAKsS,WAAsC,WAAzBtS,KAAK6E,QAAQkN,WACjC/O,GAAYC,iBAAiBjD,KAAKqS,MAAO,SAAU,UACnDa,EAAsB9c,UAAY,CAAC,CACjC9V,KAAM,cACNC,SAAS,KAGN,IACF2yB,KACArW,GAAQmD,KAAK6E,QAAQmN,aAAc,CAACkB,IAE3C,CACA,eAAAC,EAAgB,IACdr2B,EAAG,OACHyP,IAEA,MAAMggB,EAAQ1G,GAAe1T,KAhOF,8DAgO+B6N,KAAKqS,OAAOlsB,QAAO5G,GAAWob,GAAUpb,KAC7FgtB,EAAM7b,QAMXoN,GAAqByO,EAAOhgB,EAAQzP,IAAQ6zB,IAAmBpE,EAAMnL,SAAS7U,IAASkmB,OACzF,CAGA,sBAAOhW,CAAgBqH,GACrB,OAAO9D,KAAKwH,MAAK,WACf,MAAMnd,EAAO6nB,GAAS5M,oBAAoBtF,KAAM8D,GAChD,GAAsB,iBAAXA,EAAX,CAGA,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IAJL,CAKF,GACF,CACA,iBAAOsP,CAAWhU,GAChB,GA5QuB,IA4QnBA,EAAMwI,QAAgD,UAAfxI,EAAMqB,MA/QnC,QA+QuDrB,EAAMtiB,IACzE,OAEF,MAAMu2B,EAAcxN,GAAe1T,KAAKkf,IACxC,IAAK,MAAM1J,KAAU0L,EAAa,CAChC,MAAMC,EAAUpB,GAAS7M,YAAYsC,GACrC,IAAK2L,IAAyC,IAA9BA,EAAQzO,QAAQiN,UAC9B,SAEF,MAAMyB,EAAenU,EAAMmU,eACrBC,EAAeD,EAAanS,SAASkS,EAAQjB,OACnD,GAAIkB,EAAanS,SAASkS,EAAQ1O,WAA2C,WAA9B0O,EAAQzO,QAAQiN,YAA2B0B,GAA8C,YAA9BF,EAAQzO,QAAQiN,WAA2B0B,EACnJ,SAIF,GAAIF,EAAQjB,MAAM7tB,SAAS4a,EAAM7S,UAA2B,UAAf6S,EAAMqB,MA/RvC,QA+R2DrB,EAAMtiB,KAAqB,qCAAqCuG,KAAK+b,EAAM7S,OAAO0a,UACvJ,SAEF,MAAMnH,EAAgB,CACpBA,cAAewT,EAAQ1O,UAEN,UAAfxF,EAAMqB,OACRX,EAAckH,WAAa5H,GAE7BkU,EAAQZ,cAAc5S,EACxB,CACF,CACA,4BAAO2T,CAAsBrU,GAI3B,MAAMsU,EAAU,kBAAkBrwB,KAAK+b,EAAM7S,OAAO0a,SAC9C0M,EAjTW,WAiTKvU,EAAMtiB,IACtB82B,EAAkB,CAAClD,GAAgBC,IAAkBvP,SAAShC,EAAMtiB,KAC1E,IAAK82B,IAAoBD,EACvB,OAEF,GAAID,IAAYC,EACd,OAEFvU,EAAMkD,iBAGN,MAAMuR,EAAkB7T,KAAKgG,QAAQoL,IAA0BpR,KAAO6F,GAAeM,KAAKnG,KAAMoR,IAAwB,IAAMvL,GAAehhB,KAAKmb,KAAMoR,IAAwB,IAAMvL,GAAeC,QAAQsL,GAAwBhS,EAAMW,eAAehb,YACpPwF,EAAW2nB,GAAS5M,oBAAoBuO,GAC9C,GAAID,EAIF,OAHAxU,EAAM0U,kBACNvpB,EAASslB,YACTtlB,EAAS4oB,gBAAgB/T,GAGvB7U,EAASolB,aAEXvQ,EAAM0U,kBACNvpB,EAASqlB,OACTiE,EAAgBpB,QAEpB,EAOFlS,GAAac,GAAGhc,SAAU4rB,GAAwBG,GAAwBc,GAASuB,uBACnFlT,GAAac,GAAGhc,SAAU4rB,GAAwBK,GAAeY,GAASuB,uBAC1ElT,GAAac,GAAGhc,SAAU2rB,GAAwBkB,GAASkB,YAC3D7S,GAAac,GAAGhc,SAAU6rB,GAAsBgB,GAASkB,YACzD7S,GAAac,GAAGhc,SAAU2rB,GAAwBI,IAAwB,SAAUhS,GAClFA,EAAMkD,iBACN4P,GAAS5M,oBAAoBtF,MAAM2H,QACrC,IAMAxL,GAAmB+V,IAcnB,MAAM6B,GAAS,WAETC,GAAoB,OACpBC,GAAkB,gBAAgBF,KAClCG,GAAY,CAChBC,UAAW,iBACXC,cAAe,KACfhP,YAAY,EACZzK,WAAW,EAEX0Z,YAAa,QAETC,GAAgB,CACpBH,UAAW,SACXC,cAAe,kBACfhP,WAAY,UACZzK,UAAW,UACX0Z,YAAa,oBAOf,MAAME,WAAiB9Q,GACrB,WAAAU,CAAYL,GACVa,QACA3E,KAAK6E,QAAU7E,KAAK6D,WAAWC,GAC/B9D,KAAKwU,aAAc,EACnBxU,KAAK4E,SAAW,IAClB,CAGA,kBAAWlB,GACT,OAAOwQ,EACT,CACA,sBAAWvQ,GACT,OAAO2Q,EACT,CACA,eAAW/X,GACT,OAAOwX,EACT,CAGA,IAAAlE,CAAKxT,GACH,IAAK2D,KAAK6E,QAAQlK,UAEhB,YADAkC,GAAQR,GAGV2D,KAAKyU,UACL,MAAMl1B,EAAUygB,KAAK0U,cACjB1U,KAAK6E,QAAQO,YACfvJ,GAAOtc,GAETA,EAAQ8b,UAAU5E,IAAIud,IACtBhU,KAAK2U,mBAAkB,KACrB9X,GAAQR,EAAS,GAErB,CACA,IAAAuT,CAAKvT,GACE2D,KAAK6E,QAAQlK,WAIlBqF,KAAK0U,cAAcrZ,UAAU1B,OAAOqa,IACpChU,KAAK2U,mBAAkB,KACrB3U,KAAK+E,UACLlI,GAAQR,EAAS,KANjBQ,GAAQR,EAQZ,CACA,OAAA0I,GACO/E,KAAKwU,cAGVjU,GAAaC,IAAIR,KAAK4E,SAAUqP,IAChCjU,KAAK4E,SAASjL,SACdqG,KAAKwU,aAAc,EACrB,CAGA,WAAAE,GACE,IAAK1U,KAAK4E,SAAU,CAClB,MAAMgQ,EAAWvvB,SAASwvB,cAAc,OACxCD,EAAST,UAAYnU,KAAK6E,QAAQsP,UAC9BnU,KAAK6E,QAAQO,YACfwP,EAASvZ,UAAU5E,IApFD,QAsFpBuJ,KAAK4E,SAAWgQ,CAClB,CACA,OAAO5U,KAAK4E,QACd,CACA,iBAAAZ,CAAkBF,GAGhB,OADAA,EAAOuQ,YAAc3Z,GAAWoJ,EAAOuQ,aAChCvQ,CACT,CACA,OAAA2Q,GACE,GAAIzU,KAAKwU,YACP,OAEF,MAAMj1B,EAAUygB,KAAK0U,cACrB1U,KAAK6E,QAAQwP,YAAYS,OAAOv1B,GAChCghB,GAAac,GAAG9hB,EAAS00B,IAAiB,KACxCpX,GAAQmD,KAAK6E,QAAQuP,cAAc,IAErCpU,KAAKwU,aAAc,CACrB,CACA,iBAAAG,CAAkBtY,GAChBW,GAAuBX,EAAU2D,KAAK0U,cAAe1U,KAAK6E,QAAQO,WACpE,EAeF,MAEM2P,GAAc,gBACdC,GAAkB,UAAUD,KAC5BE,GAAoB,cAAcF,KAGlCG,GAAmB,WACnBC,GAAY,CAChBC,WAAW,EACXC,YAAa,MAETC,GAAgB,CACpBF,UAAW,UACXC,YAAa,WAOf,MAAME,WAAkB9R,GACtB,WAAAU,CAAYL,GACVa,QACA3E,KAAK6E,QAAU7E,KAAK6D,WAAWC,GAC/B9D,KAAKwV,WAAY,EACjBxV,KAAKyV,qBAAuB,IAC9B,CAGA,kBAAW/R,GACT,OAAOyR,EACT,CACA,sBAAWxR,GACT,OAAO2R,EACT,CACA,eAAW/Y,GACT,MArCW,WAsCb,CAGA,QAAAmZ,GACM1V,KAAKwV,YAGLxV,KAAK6E,QAAQuQ,WACfpV,KAAK6E,QAAQwQ,YAAY5C,QAE3BlS,GAAaC,IAAInb,SAAU0vB,IAC3BxU,GAAac,GAAGhc,SAAU2vB,IAAiB5V,GAASY,KAAK2V,eAAevW,KACxEmB,GAAac,GAAGhc,SAAU4vB,IAAmB7V,GAASY,KAAK4V,eAAexW,KAC1EY,KAAKwV,WAAY,EACnB,CACA,UAAAK,GACO7V,KAAKwV,YAGVxV,KAAKwV,WAAY,EACjBjV,GAAaC,IAAInb,SAAU0vB,IAC7B,CAGA,cAAAY,CAAevW,GACb,MAAM,YACJiW,GACErV,KAAK6E,QACT,GAAIzF,EAAM7S,SAAWlH,UAAY+Z,EAAM7S,SAAW8oB,GAAeA,EAAY7wB,SAAS4a,EAAM7S,QAC1F,OAEF,MAAM1L,EAAWglB,GAAeU,kBAAkB8O,GAC1B,IAApBx0B,EAAS6P,OACX2kB,EAAY5C,QACHzS,KAAKyV,uBAAyBP,GACvCr0B,EAASA,EAAS6P,OAAS,GAAG+hB,QAE9B5xB,EAAS,GAAG4xB,OAEhB,CACA,cAAAmD,CAAexW,GAzED,QA0ERA,EAAMtiB,MAGVkjB,KAAKyV,qBAAuBrW,EAAM0W,SAAWZ,GA5EzB,UA6EtB,EAeF,MAAMa,GAAyB,oDACzBC,GAA0B,cAC1BC,GAAmB,gBACnBC,GAAkB,eAMxB,MAAMC,GACJ,WAAAhS,GACEnE,KAAK4E,SAAWvf,SAAS6G,IAC3B,CAGA,QAAAkqB,GAEE,MAAMC,EAAgBhxB,SAASC,gBAAgBuC,YAC/C,OAAO1F,KAAKoC,IAAI3E,OAAO02B,WAAaD,EACtC,CACA,IAAAzG,GACE,MAAM/rB,EAAQmc,KAAKoW,WACnBpW,KAAKuW,mBAELvW,KAAKwW,sBAAsBxW,KAAK4E,SAAUqR,IAAkBQ,GAAmBA,EAAkB5yB,IAEjGmc,KAAKwW,sBAAsBT,GAAwBE,IAAkBQ,GAAmBA,EAAkB5yB,IAC1Gmc,KAAKwW,sBAAsBR,GAAyBE,IAAiBO,GAAmBA,EAAkB5yB,GAC5G,CACA,KAAAwO,GACE2N,KAAK0W,wBAAwB1W,KAAK4E,SAAU,YAC5C5E,KAAK0W,wBAAwB1W,KAAK4E,SAAUqR,IAC5CjW,KAAK0W,wBAAwBX,GAAwBE,IACrDjW,KAAK0W,wBAAwBV,GAAyBE,GACxD,CACA,aAAAS,GACE,OAAO3W,KAAKoW,WAAa,CAC3B,CAGA,gBAAAG,GACEvW,KAAK4W,sBAAsB5W,KAAK4E,SAAU,YAC1C5E,KAAK4E,SAAS7jB,MAAM+K,SAAW,QACjC,CACA,qBAAA0qB,CAAsBzc,EAAU8c,EAAexa,GAC7C,MAAMya,EAAiB9W,KAAKoW,WAS5BpW,KAAK+W,2BAA2Bhd,GARHxa,IAC3B,GAAIA,IAAYygB,KAAK4E,UAAYhlB,OAAO02B,WAAa/2B,EAAQsI,YAAcivB,EACzE,OAEF9W,KAAK4W,sBAAsBr3B,EAASs3B,GACpC,MAAMJ,EAAkB72B,OAAOqF,iBAAiB1F,GAASub,iBAAiB+b,GAC1Et3B,EAAQwB,MAAMi2B,YAAYH,EAAe,GAAGxa,EAASkB,OAAOC,WAAWiZ,QAAsB,GAGjG,CACA,qBAAAG,CAAsBr3B,EAASs3B,GAC7B,MAAMI,EAAc13B,EAAQwB,MAAM+Z,iBAAiB+b,GAC/CI,GACFjU,GAAYC,iBAAiB1jB,EAASs3B,EAAeI,EAEzD,CACA,uBAAAP,CAAwB3c,EAAU8c,GAWhC7W,KAAK+W,2BAA2Bhd,GAVHxa,IAC3B,MAAM5B,EAAQqlB,GAAYQ,iBAAiBjkB,EAASs3B,GAEtC,OAAVl5B,GAIJqlB,GAAYE,oBAAoB3jB,EAASs3B,GACzCt3B,EAAQwB,MAAMi2B,YAAYH,EAAel5B,IAJvC4B,EAAQwB,MAAMm2B,eAAeL,EAIgB,GAGnD,CACA,0BAAAE,CAA2Bhd,EAAUod,GACnC,GAAI,GAAUpd,GACZod,EAASpd,QAGX,IAAK,MAAM6L,KAAOC,GAAe1T,KAAK4H,EAAUiG,KAAK4E,UACnDuS,EAASvR,EAEb,EAeF,MAEMwR,GAAc,YAGdC,GAAe,OAAOD,KACtBE,GAAyB,gBAAgBF,KACzCG,GAAiB,SAASH,KAC1BI,GAAe,OAAOJ,KACtBK,GAAgB,QAAQL,KACxBM,GAAiB,SAASN,KAC1BO,GAAsB,gBAAgBP,KACtCQ,GAA0B,oBAAoBR,KAC9CS,GAA0B,kBAAkBT,KAC5CU,GAAyB,QAAQV,cACjCW,GAAkB,aAElBC,GAAoB,OACpBC,GAAoB,eAKpBC,GAAY,CAChBtD,UAAU,EACVnC,OAAO,EACPzH,UAAU,GAENmN,GAAgB,CACpBvD,SAAU,mBACVnC,MAAO,UACPzH,SAAU,WAOZ,MAAMoN,WAAc1T,GAClB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAKqY,QAAUxS,GAAeC,QArBV,gBAqBmC9F,KAAK4E,UAC5D5E,KAAKsY,UAAYtY,KAAKuY,sBACtBvY,KAAKwY,WAAaxY,KAAKyY,uBACvBzY,KAAK2P,UAAW,EAChB3P,KAAKmP,kBAAmB,EACxBnP,KAAK0Y,WAAa,IAAIvC,GACtBnW,KAAK6L,oBACP,CAGA,kBAAWnI,GACT,OAAOwU,EACT,CACA,sBAAWvU,GACT,OAAOwU,EACT,CACA,eAAW5b,GACT,MA1DW,OA2Db,CAGA,MAAAoL,CAAO7H,GACL,OAAOE,KAAK2P,SAAW3P,KAAK4P,OAAS5P,KAAK6P,KAAK/P,EACjD,CACA,IAAA+P,CAAK/P,GACCE,KAAK2P,UAAY3P,KAAKmP,kBAGR5O,GAAaqB,QAAQ5B,KAAK4E,SAAU4S,GAAc,CAClE1X,kBAEYkC,mBAGdhC,KAAK2P,UAAW,EAChB3P,KAAKmP,kBAAmB,EACxBnP,KAAK0Y,WAAW9I,OAChBvqB,SAAS6G,KAAKmP,UAAU5E,IAAIshB,IAC5B/X,KAAK2Y,gBACL3Y,KAAKsY,UAAUzI,MAAK,IAAM7P,KAAK4Y,aAAa9Y,KAC9C,CACA,IAAA8P,GACO5P,KAAK2P,WAAY3P,KAAKmP,mBAGT5O,GAAaqB,QAAQ5B,KAAK4E,SAAUyS,IACxCrV,mBAGdhC,KAAK2P,UAAW,EAChB3P,KAAKmP,kBAAmB,EACxBnP,KAAKwY,WAAW3C,aAChB7V,KAAK4E,SAASvJ,UAAU1B,OAAOqe,IAC/BhY,KAAKmF,gBAAe,IAAMnF,KAAK6Y,cAAc7Y,KAAK4E,SAAU5E,KAAKgO,gBACnE,CACA,OAAAjJ,GACExE,GAAaC,IAAI5gB,OAAQw3B,IACzB7W,GAAaC,IAAIR,KAAKqY,QAASjB,IAC/BpX,KAAKsY,UAAUvT,UACf/E,KAAKwY,WAAW3C,aAChBlR,MAAMI,SACR,CACA,YAAA+T,GACE9Y,KAAK2Y,eACP,CAGA,mBAAAJ,GACE,OAAO,IAAIhE,GAAS,CAClB5Z,UAAWmG,QAAQd,KAAK6E,QAAQ+P,UAEhCxP,WAAYpF,KAAKgO,eAErB,CACA,oBAAAyK,GACE,OAAO,IAAIlD,GAAU,CACnBF,YAAarV,KAAK4E,UAEtB,CACA,YAAAgU,CAAa9Y,GAENza,SAAS6G,KAAK1H,SAASwb,KAAK4E,WAC/Bvf,SAAS6G,KAAK4oB,OAAO9U,KAAK4E,UAE5B5E,KAAK4E,SAAS7jB,MAAMgxB,QAAU,QAC9B/R,KAAK4E,SAASzjB,gBAAgB,eAC9B6e,KAAK4E,SAASxjB,aAAa,cAAc,GACzC4e,KAAK4E,SAASxjB,aAAa,OAAQ,UACnC4e,KAAK4E,SAASnZ,UAAY,EAC1B,MAAMstB,EAAYlT,GAAeC,QA7GT,cA6GsC9F,KAAKqY,SAC/DU,IACFA,EAAUttB,UAAY,GAExBoQ,GAAOmE,KAAK4E,UACZ5E,KAAK4E,SAASvJ,UAAU5E,IAAIuhB,IAU5BhY,KAAKmF,gBATsB,KACrBnF,KAAK6E,QAAQ4N,OACfzS,KAAKwY,WAAW9C,WAElB1V,KAAKmP,kBAAmB,EACxB5O,GAAaqB,QAAQ5B,KAAK4E,SAAU6S,GAAe,CACjD3X,iBACA,GAEoCE,KAAKqY,QAASrY,KAAKgO,cAC7D,CACA,kBAAAnC,GACEtL,GAAac,GAAGrB,KAAK4E,SAAUiT,IAAyBzY,IAhJvC,WAiJXA,EAAMtiB,MAGNkjB,KAAK6E,QAAQmG,SACfhL,KAAK4P,OAGP5P,KAAKgZ,6BAA4B,IAEnCzY,GAAac,GAAGzhB,OAAQ83B,IAAgB,KAClC1X,KAAK2P,WAAa3P,KAAKmP,kBACzBnP,KAAK2Y,eACP,IAEFpY,GAAac,GAAGrB,KAAK4E,SAAUgT,IAAyBxY,IAEtDmB,GAAae,IAAItB,KAAK4E,SAAU+S,IAAqBsB,IAC/CjZ,KAAK4E,WAAaxF,EAAM7S,QAAUyT,KAAK4E,WAAaqU,EAAO1sB,SAGjC,WAA1ByT,KAAK6E,QAAQ+P,SAIb5U,KAAK6E,QAAQ+P,UACf5U,KAAK4P,OAJL5P,KAAKgZ,6BAKP,GACA,GAEN,CACA,UAAAH,GACE7Y,KAAK4E,SAAS7jB,MAAMgxB,QAAU,OAC9B/R,KAAK4E,SAASxjB,aAAa,eAAe,GAC1C4e,KAAK4E,SAASzjB,gBAAgB,cAC9B6e,KAAK4E,SAASzjB,gBAAgB,QAC9B6e,KAAKmP,kBAAmB,EACxBnP,KAAKsY,UAAU1I,MAAK,KAClBvqB,SAAS6G,KAAKmP,UAAU1B,OAAOoe,IAC/B/X,KAAKkZ,oBACLlZ,KAAK0Y,WAAWrmB,QAChBkO,GAAaqB,QAAQ5B,KAAK4E,SAAU2S,GAAe,GAEvD,CACA,WAAAvJ,GACE,OAAOhO,KAAK4E,SAASvJ,UAAU7W,SAjLT,OAkLxB,CACA,0BAAAw0B,GAEE,GADkBzY,GAAaqB,QAAQ5B,KAAK4E,SAAU0S,IACxCtV,iBACZ,OAEF,MAAMmX,EAAqBnZ,KAAK4E,SAASvX,aAAehI,SAASC,gBAAgBsC,aAC3EwxB,EAAmBpZ,KAAK4E,SAAS7jB,MAAMiL,UAEpB,WAArBotB,GAAiCpZ,KAAK4E,SAASvJ,UAAU7W,SAASyzB,MAGjEkB,IACHnZ,KAAK4E,SAAS7jB,MAAMiL,UAAY,UAElCgU,KAAK4E,SAASvJ,UAAU5E,IAAIwhB,IAC5BjY,KAAKmF,gBAAe,KAClBnF,KAAK4E,SAASvJ,UAAU1B,OAAOse,IAC/BjY,KAAKmF,gBAAe,KAClBnF,KAAK4E,SAAS7jB,MAAMiL,UAAYotB,CAAgB,GAC/CpZ,KAAKqY,QAAQ,GACfrY,KAAKqY,SACRrY,KAAK4E,SAAS6N,QAChB,CAMA,aAAAkG,GACE,MAAMQ,EAAqBnZ,KAAK4E,SAASvX,aAAehI,SAASC,gBAAgBsC,aAC3EkvB,EAAiB9W,KAAK0Y,WAAWtC,WACjCiD,EAAoBvC,EAAiB,EAC3C,GAAIuC,IAAsBF,EAAoB,CAC5C,MAAMr3B,EAAWma,KAAU,cAAgB,eAC3C+D,KAAK4E,SAAS7jB,MAAMe,GAAY,GAAGg1B,KACrC,CACA,IAAKuC,GAAqBF,EAAoB,CAC5C,MAAMr3B,EAAWma,KAAU,eAAiB,cAC5C+D,KAAK4E,SAAS7jB,MAAMe,GAAY,GAAGg1B,KACrC,CACF,CACA,iBAAAoC,GACElZ,KAAK4E,SAAS7jB,MAAMu4B,YAAc,GAClCtZ,KAAK4E,SAAS7jB,MAAMw4B,aAAe,EACrC,CAGA,sBAAO9c,CAAgBqH,EAAQhE,GAC7B,OAAOE,KAAKwH,MAAK,WACf,MAAMnd,EAAO+tB,GAAM9S,oBAAoBtF,KAAM8D,GAC7C,GAAsB,iBAAXA,EAAX,CAGA,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,GAAQhE,EAJb,CAKF,GACF,EAOFS,GAAac,GAAGhc,SAAUyyB,GA9OK,4BA8O2C,SAAU1Y,GAClF,MAAM7S,EAASsZ,GAAec,uBAAuB3G,MACjD,CAAC,IAAK,QAAQoB,SAASpB,KAAKiH,UAC9B7H,EAAMkD,iBAER/B,GAAae,IAAI/U,EAAQirB,IAAcgC,IACjCA,EAAUxX,kBAIdzB,GAAae,IAAI/U,EAAQgrB,IAAgB,KACnC5c,GAAUqF,OACZA,KAAKyS,OACP,GACA,IAIJ,MAAMgH,EAAc5T,GAAeC,QAnQb,eAoQlB2T,GACFrB,GAAM/S,YAAYoU,GAAa7J,OAEpBwI,GAAM9S,oBAAoB/Y,GAClCob,OAAO3H,KACd,IACA6G,GAAqBuR,IAMrBjc,GAAmBic,IAcnB,MAEMsB,GAAc,gBACdC,GAAiB,YACjBC,GAAwB,OAAOF,KAAcC,KAE7CE,GAAoB,OACpBC,GAAuB,UACvBC,GAAoB,SAEpBC,GAAgB,kBAChBC,GAAe,OAAOP,KACtBQ,GAAgB,QAAQR,KACxBS,GAAe,OAAOT,KACtBU,GAAuB,gBAAgBV,KACvCW,GAAiB,SAASX,KAC1BY,GAAe,SAASZ,KACxBa,GAAyB,QAAQb,KAAcC,KAC/Ca,GAAwB,kBAAkBd,KAE1Ce,GAAY,CAChB7F,UAAU,EACV5J,UAAU,EACVvgB,QAAQ,GAEJiwB,GAAgB,CACpB9F,SAAU,mBACV5J,SAAU,UACVvgB,OAAQ,WAOV,MAAMkwB,WAAkBjW,GACtB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAK2P,UAAW,EAChB3P,KAAKsY,UAAYtY,KAAKuY,sBACtBvY,KAAKwY,WAAaxY,KAAKyY,uBACvBzY,KAAK6L,oBACP,CAGA,kBAAWnI,GACT,OAAO+W,EACT,CACA,sBAAW9W,GACT,OAAO+W,EACT,CACA,eAAWne,GACT,MApDW,WAqDb,CAGA,MAAAoL,CAAO7H,GACL,OAAOE,KAAK2P,SAAW3P,KAAK4P,OAAS5P,KAAK6P,KAAK/P,EACjD,CACA,IAAA+P,CAAK/P,GACCE,KAAK2P,UAGSpP,GAAaqB,QAAQ5B,KAAK4E,SAAUqV,GAAc,CAClEna,kBAEYkC,mBAGdhC,KAAK2P,UAAW,EAChB3P,KAAKsY,UAAUzI,OACV7P,KAAK6E,QAAQpa,SAChB,IAAI0rB,IAAkBvG,OAExB5P,KAAK4E,SAASxjB,aAAa,cAAc,GACzC4e,KAAK4E,SAASxjB,aAAa,OAAQ,UACnC4e,KAAK4E,SAASvJ,UAAU5E,IAAIqjB,IAW5B9Z,KAAKmF,gBAVoB,KAClBnF,KAAK6E,QAAQpa,SAAUuV,KAAK6E,QAAQ+P,UACvC5U,KAAKwY,WAAW9C,WAElB1V,KAAK4E,SAASvJ,UAAU5E,IAAIojB,IAC5B7Z,KAAK4E,SAASvJ,UAAU1B,OAAOmgB,IAC/BvZ,GAAaqB,QAAQ5B,KAAK4E,SAAUsV,GAAe,CACjDpa,iBACA,GAEkCE,KAAK4E,UAAU,GACvD,CACA,IAAAgL,GACO5P,KAAK2P,WAGQpP,GAAaqB,QAAQ5B,KAAK4E,SAAUuV,IACxCnY,mBAGdhC,KAAKwY,WAAW3C,aAChB7V,KAAK4E,SAASgW,OACd5a,KAAK2P,UAAW,EAChB3P,KAAK4E,SAASvJ,UAAU5E,IAAIsjB,IAC5B/Z,KAAKsY,UAAU1I,OAUf5P,KAAKmF,gBAToB,KACvBnF,KAAK4E,SAASvJ,UAAU1B,OAAOkgB,GAAmBE,IAClD/Z,KAAK4E,SAASzjB,gBAAgB,cAC9B6e,KAAK4E,SAASzjB,gBAAgB,QACzB6e,KAAK6E,QAAQpa,SAChB,IAAI0rB,IAAkB9jB,QAExBkO,GAAaqB,QAAQ5B,KAAK4E,SAAUyV,GAAe,GAEfra,KAAK4E,UAAU,IACvD,CACA,OAAAG,GACE/E,KAAKsY,UAAUvT,UACf/E,KAAKwY,WAAW3C,aAChBlR,MAAMI,SACR,CAGA,mBAAAwT,GACE,MASM5d,EAAYmG,QAAQd,KAAK6E,QAAQ+P,UACvC,OAAO,IAAIL,GAAS,CAClBJ,UA3HsB,qBA4HtBxZ,YACAyK,YAAY,EACZiP,YAAarU,KAAK4E,SAAS7f,WAC3BqvB,cAAezZ,EAfK,KACU,WAA1BqF,KAAK6E,QAAQ+P,SAIjB5U,KAAK4P,OAHHrP,GAAaqB,QAAQ5B,KAAK4E,SAAUwV,GAG3B,EAUgC,MAE/C,CACA,oBAAA3B,GACE,OAAO,IAAIlD,GAAU,CACnBF,YAAarV,KAAK4E,UAEtB,CACA,kBAAAiH,GACEtL,GAAac,GAAGrB,KAAK4E,SAAU4V,IAAuBpb,IA5IvC,WA6ITA,EAAMtiB,MAGNkjB,KAAK6E,QAAQmG,SACfhL,KAAK4P,OAGPrP,GAAaqB,QAAQ5B,KAAK4E,SAAUwV,IAAqB,GAE7D,CAGA,sBAAO3d,CAAgBqH,GACrB,OAAO9D,KAAKwH,MAAK,WACf,MAAMnd,EAAOswB,GAAUrV,oBAAoBtF,KAAM8D,GACjD,GAAsB,iBAAXA,EAAX,CAGA,QAAqB/K,IAAjB1O,EAAKyZ,IAAyBA,EAAOrC,WAAW,MAAmB,gBAAXqC,EAC1D,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,GAAQ9D,KAJb,CAKF,GACF,EAOFO,GAAac,GAAGhc,SAAUk1B,GA7JK,gCA6J2C,SAAUnb,GAClF,MAAM7S,EAASsZ,GAAec,uBAAuB3G,MAIrD,GAHI,CAAC,IAAK,QAAQoB,SAASpB,KAAKiH,UAC9B7H,EAAMkD,iBAEJpH,GAAW8E,MACb,OAEFO,GAAae,IAAI/U,EAAQ8tB,IAAgB,KAEnC1f,GAAUqF,OACZA,KAAKyS,OACP,IAIF,MAAMgH,EAAc5T,GAAeC,QAAQkU,IACvCP,GAAeA,IAAgBltB,GACjCouB,GAAUtV,YAAYoU,GAAa7J,OAExB+K,GAAUrV,oBAAoB/Y,GACtCob,OAAO3H,KACd,IACAO,GAAac,GAAGzhB,OAAQg6B,IAAuB,KAC7C,IAAK,MAAM7f,KAAY8L,GAAe1T,KAAK6nB,IACzCW,GAAUrV,oBAAoBvL,GAAU8V,MAC1C,IAEFtP,GAAac,GAAGzhB,OAAQ06B,IAAc,KACpC,IAAK,MAAM/6B,KAAWsmB,GAAe1T,KAAK,gDACG,UAAvClN,iBAAiB1F,GAASiC,UAC5Bm5B,GAAUrV,oBAAoB/lB,GAASqwB,MAE3C,IAEF/I,GAAqB8T,IAMrBxe,GAAmBwe,IAUnB,MACME,GAAmB,CAEvB,IAAK,CAAC,QAAS,MAAO,KAAM,OAAQ,OAHP,kBAI7BhqB,EAAG,CAAC,SAAU,OAAQ,QAAS,OAC/BiqB,KAAM,GACNhqB,EAAG,GACHiqB,GAAI,GACJC,IAAK,GACLC,KAAM,GACNC,GAAI,GACJC,IAAK,GACLC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJxqB,EAAG,GACH0b,IAAK,CAAC,MAAO,SAAU,MAAO,QAAS,QAAS,UAChD+O,GAAI,GACJC,GAAI,GACJC,EAAG,GACHC,IAAK,GACLC,EAAG,GACHC,MAAO,GACPC,KAAM,GACNC,IAAK,GACLC,IAAK,GACLC,OAAQ,GACRC,EAAG,GACHC,GAAI,IAIAC,GAAgB,IAAIpmB,IAAI,CAAC,aAAc,OAAQ,OAAQ,WAAY,WAAY,SAAU,MAAO,eAShGqmB,GAAmB,0DACnBC,GAAmB,CAAC76B,EAAW86B,KACnC,MAAMC,EAAgB/6B,EAAUvC,SAASC,cACzC,OAAIo9B,EAAqBzb,SAAS0b,IAC5BJ,GAAc/lB,IAAImmB,IACbhc,QAAQ6b,GAAiBt5B,KAAKtB,EAAUg7B,YAM5CF,EAAqB12B,QAAO62B,GAAkBA,aAA0BzY,SAAQ9R,MAAKwqB,GAASA,EAAM55B,KAAKy5B,IAAe,EA0C3HI,GAAY,CAChBC,UAAWtC,GACXuC,QAAS,CAAC,EAEVC,WAAY,GACZxwB,MAAM,EACNywB,UAAU,EACVC,WAAY,KACZC,SAAU,eAENC,GAAgB,CACpBN,UAAW,SACXC,QAAS,SACTC,WAAY,oBACZxwB,KAAM,UACNywB,SAAU,UACVC,WAAY,kBACZC,SAAU,UAENE,GAAqB,CACzBC,MAAO,iCACP5jB,SAAU,oBAOZ,MAAM6jB,WAAwBna,GAC5B,WAAAU,CAAYL,GACVa,QACA3E,KAAK6E,QAAU7E,KAAK6D,WAAWC,EACjC,CAGA,kBAAWJ,GACT,OAAOwZ,EACT,CACA,sBAAWvZ,GACT,OAAO8Z,EACT,CACA,eAAWlhB,GACT,MA3CW,iBA4Cb,CAGA,UAAAshB,GACE,OAAO7gC,OAAOmiB,OAAOa,KAAK6E,QAAQuY,SAASt6B,KAAIghB,GAAU9D,KAAK8d,yBAAyBha,KAAS3d,OAAO2a,QACzG,CACA,UAAAid,GACE,OAAO/d,KAAK6d,aAAantB,OAAS,CACpC,CACA,aAAAstB,CAAcZ,GAMZ,OALApd,KAAKie,cAAcb,GACnBpd,KAAK6E,QAAQuY,QAAU,IAClBpd,KAAK6E,QAAQuY,WACbA,GAEEpd,IACT,CACA,MAAAke,GACE,MAAMC,EAAkB94B,SAASwvB,cAAc,OAC/CsJ,EAAgBC,UAAYpe,KAAKqe,eAAere,KAAK6E,QAAQ2Y,UAC7D,IAAK,MAAOzjB,EAAUukB,KAASthC,OAAOmkB,QAAQnB,KAAK6E,QAAQuY,SACzDpd,KAAKue,YAAYJ,EAAiBG,EAAMvkB,GAE1C,MAAMyjB,EAAWW,EAAgBpY,SAAS,GACpCsX,EAAard,KAAK8d,yBAAyB9d,KAAK6E,QAAQwY,YAI9D,OAHIA,GACFG,EAASniB,UAAU5E,OAAO4mB,EAAWn7B,MAAM,MAEtCs7B,CACT,CAGA,gBAAAvZ,CAAiBH,GACfa,MAAMV,iBAAiBH,GACvB9D,KAAKie,cAAcna,EAAOsZ,QAC5B,CACA,aAAAa,CAAcO,GACZ,IAAK,MAAOzkB,EAAUqjB,KAAYpgC,OAAOmkB,QAAQqd,GAC/C7Z,MAAMV,iBAAiB,CACrBlK,WACA4jB,MAAOP,GACNM,GAEP,CACA,WAAAa,CAAYf,EAAUJ,EAASrjB,GAC7B,MAAM0kB,EAAkB5Y,GAAeC,QAAQ/L,EAAUyjB,GACpDiB,KAGLrB,EAAUpd,KAAK8d,yBAAyBV,IAKpC,GAAUA,GACZpd,KAAK0e,sBAAsBhkB,GAAW0iB,GAAUqB,GAG9Cze,KAAK6E,QAAQhY,KACf4xB,EAAgBL,UAAYpe,KAAKqe,eAAejB,GAGlDqB,EAAgBE,YAAcvB,EAX5BqB,EAAgB9kB,SAYpB,CACA,cAAA0kB,CAAeG,GACb,OAAOxe,KAAK6E,QAAQyY,SApJxB,SAAsBsB,EAAYzB,EAAW0B,GAC3C,IAAKD,EAAWluB,OACd,OAAOkuB,EAET,GAAIC,GAAgD,mBAArBA,EAC7B,OAAOA,EAAiBD,GAE1B,MACME,GADY,IAAIl/B,OAAOm/B,WACKC,gBAAgBJ,EAAY,aACxD/9B,EAAW,GAAGlC,UAAUmgC,EAAgB5yB,KAAKkU,iBAAiB,MACpE,IAAK,MAAM7gB,KAAWsB,EAAU,CAC9B,MAAMo+B,EAAc1/B,EAAQC,SAASC,cACrC,IAAKzC,OAAO4D,KAAKu8B,GAAW/b,SAAS6d,GAAc,CACjD1/B,EAAQoa,SACR,QACF,CACA,MAAMulB,EAAgB,GAAGvgC,UAAUY,EAAQ0B,YACrCk+B,EAAoB,GAAGxgC,OAAOw+B,EAAU,MAAQ,GAAIA,EAAU8B,IAAgB,IACpF,IAAK,MAAMl9B,KAAam9B,EACjBtC,GAAiB76B,EAAWo9B,IAC/B5/B,EAAQ4B,gBAAgBY,EAAUvC,SAGxC,CACA,OAAOs/B,EAAgB5yB,KAAKkyB,SAC9B,CA2HmCgB,CAAaZ,EAAKxe,KAAK6E,QAAQsY,UAAWnd,KAAK6E,QAAQ0Y,YAAciB,CACtG,CACA,wBAAAV,CAAyBU,GACvB,OAAO3hB,GAAQ2hB,EAAK,CAACxe,MACvB,CACA,qBAAA0e,CAAsBn/B,EAASk/B,GAC7B,GAAIze,KAAK6E,QAAQhY,KAGf,OAFA4xB,EAAgBL,UAAY,QAC5BK,EAAgB3J,OAAOv1B,GAGzBk/B,EAAgBE,YAAcp/B,EAAQo/B,WACxC,EAeF,MACMU,GAAwB,IAAI/oB,IAAI,CAAC,WAAY,YAAa,eAC1DgpB,GAAoB,OAEpBC,GAAoB,OACpBC,GAAyB,iBACzBC,GAAiB,SACjBC,GAAmB,gBACnBC,GAAgB,QAChBC,GAAgB,QAahBC,GAAgB,CACpBC,KAAM,OACNC,IAAK,MACLC,MAAO/jB,KAAU,OAAS,QAC1BgkB,OAAQ,SACRC,KAAMjkB,KAAU,QAAU,QAEtBkkB,GAAY,CAChBhD,UAAWtC,GACXuF,WAAW,EACXnyB,SAAU,kBACVoyB,WAAW,EACXC,YAAa,GACbC,MAAO,EACPvwB,mBAAoB,CAAC,MAAO,QAAS,SAAU,QAC/CnD,MAAM,EACN7E,OAAQ,CAAC,EAAG,GACZtJ,UAAW,MACXszB,aAAc,KACdsL,UAAU,EACVC,WAAY,KACZxjB,UAAU,EACVyjB,SAAU,+GACVgD,MAAO,GACP5e,QAAS,eAEL6e,GAAgB,CACpBtD,UAAW,SACXiD,UAAW,UACXnyB,SAAU,mBACVoyB,UAAW,2BACXC,YAAa,oBACbC,MAAO,kBACPvwB,mBAAoB,QACpBnD,KAAM,UACN7E,OAAQ,0BACRtJ,UAAW,oBACXszB,aAAc,yBACdsL,SAAU,UACVC,WAAY,kBACZxjB,SAAU,mBACVyjB,SAAU,SACVgD,MAAO,4BACP5e,QAAS,UAOX,MAAM8e,WAAgBhc,GACpB,WAAAP,CAAY5kB,EAASukB,GACnB,QAAsB,IAAX,EACT,MAAM,IAAIU,UAAU,+DAEtBG,MAAMplB,EAASukB,GAGf9D,KAAK2gB,YAAa,EAClB3gB,KAAK4gB,SAAW,EAChB5gB,KAAK6gB,WAAa,KAClB7gB,KAAK8gB,eAAiB,CAAC,EACvB9gB,KAAKmS,QAAU,KACfnS,KAAK+gB,iBAAmB,KACxB/gB,KAAKghB,YAAc,KAGnBhhB,KAAKihB,IAAM,KACXjhB,KAAKkhB,gBACAlhB,KAAK6E,QAAQ9K,UAChBiG,KAAKmhB,WAET,CAGA,kBAAWzd,GACT,OAAOyc,EACT,CACA,sBAAWxc,GACT,OAAO8c,EACT,CACA,eAAWlkB,GACT,MAxGW,SAyGb,CAGA,MAAA6kB,GACEphB,KAAK2gB,YAAa,CACpB,CACA,OAAAU,GACErhB,KAAK2gB,YAAa,CACpB,CACA,aAAAW,GACEthB,KAAK2gB,YAAc3gB,KAAK2gB,UAC1B,CACA,MAAAhZ,GACO3H,KAAK2gB,aAGV3gB,KAAK8gB,eAAeS,OAASvhB,KAAK8gB,eAAeS,MAC7CvhB,KAAK2P,WACP3P,KAAKwhB,SAGPxhB,KAAKyhB,SACP,CACA,OAAA1c,GACEmI,aAAalN,KAAK4gB,UAClBrgB,GAAaC,IAAIR,KAAK4E,SAAS5J,QAAQykB,IAAiBC,GAAkB1f,KAAK0hB,mBAC3E1hB,KAAK4E,SAASpJ,aAAa,2BAC7BwE,KAAK4E,SAASxjB,aAAa,QAAS4e,KAAK4E,SAASpJ,aAAa,2BAEjEwE,KAAK2hB,iBACLhd,MAAMI,SACR,CACA,IAAA8K,GACE,GAAoC,SAAhC7P,KAAK4E,SAAS7jB,MAAMgxB,QACtB,MAAM,IAAInO,MAAM,uCAElB,IAAM5D,KAAK4hB,mBAAoB5hB,KAAK2gB,WAClC,OAEF,MAAMnH,EAAYjZ,GAAaqB,QAAQ5B,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UAlItD,SAoIXqc,GADapmB,GAAeuE,KAAK4E,WACL5E,KAAK4E,SAAS9kB,cAAcwF,iBAAiBd,SAASwb,KAAK4E,UAC7F,GAAI4U,EAAUxX,mBAAqB6f,EACjC,OAIF7hB,KAAK2hB,iBACL,MAAMV,EAAMjhB,KAAK8hB,iBACjB9hB,KAAK4E,SAASxjB,aAAa,mBAAoB6/B,EAAIzlB,aAAa,OAChE,MAAM,UACJ6kB,GACErgB,KAAK6E,QAYT,GAXK7E,KAAK4E,SAAS9kB,cAAcwF,gBAAgBd,SAASwb,KAAKihB,OAC7DZ,EAAUvL,OAAOmM,GACjB1gB,GAAaqB,QAAQ5B,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UAhJpC,cAkJnBxF,KAAKmS,QAAUnS,KAAKwS,cAAcyO,GAClCA,EAAI5lB,UAAU5E,IAAI8oB,IAMd,iBAAkBl6B,SAASC,gBAC7B,IAAK,MAAM/F,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAK6Z,UAC/CxF,GAAac,GAAG9hB,EAAS,YAAaqc,IAU1CoE,KAAKmF,gBAPY,KACf5E,GAAaqB,QAAQ5B,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UAhKrC,WAiKQ,IAApBxF,KAAK6gB,YACP7gB,KAAKwhB,SAEPxhB,KAAK6gB,YAAa,CAAK,GAEK7gB,KAAKihB,IAAKjhB,KAAKgO,cAC/C,CACA,IAAA4B,GACE,GAAK5P,KAAK2P,aAGQpP,GAAaqB,QAAQ5B,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UA/KtD,SAgLHxD,iBAAd,CAQA,GALYhC,KAAK8hB,iBACbzmB,UAAU1B,OAAO4lB,IAIjB,iBAAkBl6B,SAASC,gBAC7B,IAAK,MAAM/F,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAK6Z,UAC/CxF,GAAaC,IAAIjhB,EAAS,YAAaqc,IAG3CoE,KAAK8gB,eAA4B,OAAI,EACrC9gB,KAAK8gB,eAAelB,KAAiB,EACrC5f,KAAK8gB,eAAenB,KAAiB,EACrC3f,KAAK6gB,WAAa,KAYlB7gB,KAAKmF,gBAVY,KACXnF,KAAK+hB,yBAGJ/hB,KAAK6gB,YACR7gB,KAAK2hB,iBAEP3hB,KAAK4E,SAASzjB,gBAAgB,oBAC9Bof,GAAaqB,QAAQ5B,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UAzMpC,WAyM8D,GAEnDxF,KAAKihB,IAAKjhB,KAAKgO,cA1B7C,CA2BF,CACA,MAAAjjB,GACMiV,KAAKmS,SACPnS,KAAKmS,QAAQpnB,QAEjB,CAGA,cAAA62B,GACE,OAAO9gB,QAAQd,KAAKgiB,YACtB,CACA,cAAAF,GAIE,OAHK9hB,KAAKihB,MACRjhB,KAAKihB,IAAMjhB,KAAKiiB,kBAAkBjiB,KAAKghB,aAAehhB,KAAKkiB,2BAEtDliB,KAAKihB,GACd,CACA,iBAAAgB,CAAkB7E,GAChB,MAAM6D,EAAMjhB,KAAKmiB,oBAAoB/E,GAASc,SAG9C,IAAK+C,EACH,OAAO,KAETA,EAAI5lB,UAAU1B,OAAO2lB,GAAmBC,IAExC0B,EAAI5lB,UAAU5E,IAAI,MAAMuJ,KAAKmE,YAAY5H,aACzC,MAAM6lB,EAvuGKC,KACb,GACEA,GAAUlgC,KAAKmgC,MA/BH,IA+BSngC,KAAKogC,gBACnBl9B,SAASm9B,eAAeH,IACjC,OAAOA,CAAM,EAmuGGI,CAAOziB,KAAKmE,YAAY5H,MAAM1c,WAK5C,OAJAohC,EAAI7/B,aAAa,KAAMghC,GACnBpiB,KAAKgO,eACPiT,EAAI5lB,UAAU5E,IAAI6oB,IAEb2B,CACT,CACA,UAAAyB,CAAWtF,GACTpd,KAAKghB,YAAc5D,EACfpd,KAAK2P,aACP3P,KAAK2hB,iBACL3hB,KAAK6P,OAET,CACA,mBAAAsS,CAAoB/E,GAYlB,OAXIpd,KAAK+gB,iBACP/gB,KAAK+gB,iBAAiB/C,cAAcZ,GAEpCpd,KAAK+gB,iBAAmB,IAAInD,GAAgB,IACvC5d,KAAK6E,QAGRuY,UACAC,WAAYrd,KAAK8d,yBAAyB9d,KAAK6E,QAAQyb,eAGpDtgB,KAAK+gB,gBACd,CACA,sBAAAmB,GACE,MAAO,CACL,CAAC1C,IAAyBxf,KAAKgiB,YAEnC,CACA,SAAAA,GACE,OAAOhiB,KAAK8d,yBAAyB9d,KAAK6E,QAAQ2b,QAAUxgB,KAAK4E,SAASpJ,aAAa,yBACzF,CAGA,4BAAAmnB,CAA6BvjB,GAC3B,OAAOY,KAAKmE,YAAYmB,oBAAoBlG,EAAMW,eAAgBC,KAAK4iB,qBACzE,CACA,WAAA5U,GACE,OAAOhO,KAAK6E,QAAQub,WAAapgB,KAAKihB,KAAOjhB,KAAKihB,IAAI5lB,UAAU7W,SAAS86B,GAC3E,CACA,QAAA3P,GACE,OAAO3P,KAAKihB,KAAOjhB,KAAKihB,IAAI5lB,UAAU7W,SAAS+6B,GACjD,CACA,aAAA/M,CAAcyO,GACZ,MAAMviC,EAAYme,GAAQmD,KAAK6E,QAAQnmB,UAAW,CAACshB,KAAMihB,EAAKjhB,KAAK4E,WAC7Die,EAAahD,GAAcnhC,EAAU+lB,eAC3C,OAAO,GAAoBzE,KAAK4E,SAAUqc,EAAKjhB,KAAK4S,iBAAiBiQ,GACvE,CACA,UAAA7P,GACE,MAAM,OACJhrB,GACEgY,KAAK6E,QACT,MAAsB,iBAAX7c,EACFA,EAAO9F,MAAM,KAAKY,KAAInF,GAAS4f,OAAOgQ,SAAS5vB,EAAO,MAEzC,mBAAXqK,EACFirB,GAAcjrB,EAAOirB,EAAYjT,KAAK4E,UAExC5c,CACT,CACA,wBAAA81B,CAAyBU,GACvB,OAAO3hB,GAAQ2hB,EAAK,CAACxe,KAAK4E,UAC5B,CACA,gBAAAgO,CAAiBiQ,GACf,MAAM3P,EAAwB,CAC5Bx0B,UAAWmkC,EACXzsB,UAAW,CAAC,CACV9V,KAAM,OACNmB,QAAS,CACPuO,mBAAoBgQ,KAAK6E,QAAQ7U,qBAElC,CACD1P,KAAM,SACNmB,QAAS,CACPuG,OAAQgY,KAAKgT,eAEd,CACD1yB,KAAM,kBACNmB,QAAS,CACPwM,SAAU+R,KAAK6E,QAAQ5W,WAExB,CACD3N,KAAM,QACNmB,QAAS,CACPlC,QAAS,IAAIygB,KAAKmE,YAAY5H,eAE/B,CACDjc,KAAM,kBACNC,SAAS,EACTC,MAAO,aACPC,GAAI4J,IAGF2V,KAAK8hB,iBAAiB1gC,aAAa,wBAAyBiJ,EAAK1J,MAAMjC,UAAU,KAIvF,MAAO,IACFw0B,KACArW,GAAQmD,KAAK6E,QAAQmN,aAAc,CAACkB,IAE3C,CACA,aAAAgO,GACE,MAAM4B,EAAW9iB,KAAK6E,QAAQjD,QAAQ1f,MAAM,KAC5C,IAAK,MAAM0f,KAAWkhB,EACpB,GAAgB,UAAZlhB,EACFrB,GAAac,GAAGrB,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UAjVlC,SAiV4DxF,KAAK6E,QAAQ9K,UAAUqF,IAC/EY,KAAK2iB,6BAA6BvjB,GAC1CuI,QAAQ,SAEb,GA3VU,WA2VN/F,EAA4B,CACrC,MAAMmhB,EAAUnhB,IAAY+d,GAAgB3f,KAAKmE,YAAYqB,UAnV5C,cAmV0ExF,KAAKmE,YAAYqB,UArV5F,WAsVVwd,EAAWphB,IAAY+d,GAAgB3f,KAAKmE,YAAYqB,UAnV7C,cAmV2ExF,KAAKmE,YAAYqB,UArV5F,YAsVjBjF,GAAac,GAAGrB,KAAK4E,SAAUme,EAAS/iB,KAAK6E,QAAQ9K,UAAUqF,IAC7D,MAAMkU,EAAUtT,KAAK2iB,6BAA6BvjB,GAClDkU,EAAQwN,eAA8B,YAAf1hB,EAAMqB,KAAqBmf,GAAgBD,KAAiB,EACnFrM,EAAQmO,QAAQ,IAElBlhB,GAAac,GAAGrB,KAAK4E,SAAUoe,EAAUhjB,KAAK6E,QAAQ9K,UAAUqF,IAC9D,MAAMkU,EAAUtT,KAAK2iB,6BAA6BvjB,GAClDkU,EAAQwN,eAA8B,aAAf1hB,EAAMqB,KAAsBmf,GAAgBD,IAAiBrM,EAAQ1O,SAASpgB,SAAS4a,EAAMU,eACpHwT,EAAQkO,QAAQ,GAEpB,CAEFxhB,KAAK0hB,kBAAoB,KACnB1hB,KAAK4E,UACP5E,KAAK4P,MACP,EAEFrP,GAAac,GAAGrB,KAAK4E,SAAS5J,QAAQykB,IAAiBC,GAAkB1f,KAAK0hB,kBAChF,CACA,SAAAP,GACE,MAAMX,EAAQxgB,KAAK4E,SAASpJ,aAAa,SACpCglB,IAGAxgB,KAAK4E,SAASpJ,aAAa,eAAkBwE,KAAK4E,SAAS+Z,YAAYhZ,QAC1E3F,KAAK4E,SAASxjB,aAAa,aAAco/B,GAE3CxgB,KAAK4E,SAASxjB,aAAa,yBAA0Bo/B,GACrDxgB,KAAK4E,SAASzjB,gBAAgB,SAChC,CACA,MAAAsgC,GACMzhB,KAAK2P,YAAc3P,KAAK6gB,WAC1B7gB,KAAK6gB,YAAa,GAGpB7gB,KAAK6gB,YAAa,EAClB7gB,KAAKijB,aAAY,KACXjjB,KAAK6gB,YACP7gB,KAAK6P,MACP,GACC7P,KAAK6E,QAAQ0b,MAAM1Q,MACxB,CACA,MAAA2R,GACMxhB,KAAK+hB,yBAGT/hB,KAAK6gB,YAAa,EAClB7gB,KAAKijB,aAAY,KACVjjB,KAAK6gB,YACR7gB,KAAK4P,MACP,GACC5P,KAAK6E,QAAQ0b,MAAM3Q,MACxB,CACA,WAAAqT,CAAYrlB,EAASslB,GACnBhW,aAAalN,KAAK4gB,UAClB5gB,KAAK4gB,SAAW/iB,WAAWD,EAASslB,EACtC,CACA,oBAAAnB,GACE,OAAO/kC,OAAOmiB,OAAOa,KAAK8gB,gBAAgB1f,UAAS,EACrD,CACA,UAAAyC,CAAWC,GACT,MAAMqf,EAAiBngB,GAAYG,kBAAkBnD,KAAK4E,UAC1D,IAAK,MAAMwe,KAAiBpmC,OAAO4D,KAAKuiC,GAClC9D,GAAsB1oB,IAAIysB,WACrBD,EAAeC,GAU1B,OAPAtf,EAAS,IACJqf,KACmB,iBAAXrf,GAAuBA,EAASA,EAAS,CAAC,GAEvDA,EAAS9D,KAAK+D,gBAAgBD,GAC9BA,EAAS9D,KAAKgE,kBAAkBF,GAChC9D,KAAKiE,iBAAiBH,GACfA,CACT,CACA,iBAAAE,CAAkBF,GAchB,OAbAA,EAAOuc,WAAiC,IAArBvc,EAAOuc,UAAsBh7B,SAAS6G,KAAOwO,GAAWoJ,EAAOuc,WACtD,iBAAjBvc,EAAOyc,QAChBzc,EAAOyc,MAAQ,CACb1Q,KAAM/L,EAAOyc,MACb3Q,KAAM9L,EAAOyc,QAGW,iBAAjBzc,EAAO0c,QAChB1c,EAAO0c,MAAQ1c,EAAO0c,MAAM3gC,YAEA,iBAAnBikB,EAAOsZ,UAChBtZ,EAAOsZ,QAAUtZ,EAAOsZ,QAAQv9B,YAE3BikB,CACT,CACA,kBAAA8e,GACE,MAAM9e,EAAS,CAAC,EAChB,IAAK,MAAOhnB,EAAKa,KAAUX,OAAOmkB,QAAQnB,KAAK6E,SACzC7E,KAAKmE,YAAYT,QAAQ5mB,KAASa,IACpCmmB,EAAOhnB,GAAOa,GASlB,OANAmmB,EAAO/J,UAAW,EAClB+J,EAAOlC,QAAU,SAKVkC,CACT,CACA,cAAA6d,GACM3hB,KAAKmS,UACPnS,KAAKmS,QAAQnZ,UACbgH,KAAKmS,QAAU,MAEbnS,KAAKihB,MACPjhB,KAAKihB,IAAItnB,SACTqG,KAAKihB,IAAM,KAEf,CAGA,sBAAOxkB,CAAgBqH,GACrB,OAAO9D,KAAKwH,MAAK,WACf,MAAMnd,EAAOq2B,GAAQpb,oBAAoBtF,KAAM8D,GAC/C,GAAsB,iBAAXA,EAAX,CAGA,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IAJL,CAKF,GACF,EAOF3H,GAAmBukB,IAcnB,MACM2C,GAAiB,kBACjBC,GAAmB,gBACnBC,GAAY,IACb7C,GAAQhd,QACX0Z,QAAS,GACTp1B,OAAQ,CAAC,EAAG,GACZtJ,UAAW,QACX8+B,SAAU,8IACV5b,QAAS,SAEL4hB,GAAgB,IACjB9C,GAAQ/c,YACXyZ,QAAS,kCAOX,MAAMqG,WAAgB/C,GAEpB,kBAAWhd,GACT,OAAO6f,EACT,CACA,sBAAW5f,GACT,OAAO6f,EACT,CACA,eAAWjnB,GACT,MA7BW,SA8Bb,CAGA,cAAAqlB,GACE,OAAO5hB,KAAKgiB,aAAehiB,KAAK0jB,aAClC,CAGA,sBAAAxB,GACE,MAAO,CACL,CAACmB,IAAiBrjB,KAAKgiB,YACvB,CAACsB,IAAmBtjB,KAAK0jB,cAE7B,CACA,WAAAA,GACE,OAAO1jB,KAAK8d,yBAAyB9d,KAAK6E,QAAQuY,QACpD,CAGA,sBAAO3gB,CAAgBqH,GACrB,OAAO9D,KAAKwH,MAAK,WACf,MAAMnd,EAAOo5B,GAAQne,oBAAoBtF,KAAM8D,GAC/C,GAAsB,iBAAXA,EAAX,CAGA,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IAJL,CAKF,GACF,EAOF3H,GAAmBsnB,IAcnB,MAEME,GAAc,gBAEdC,GAAiB,WAAWD,KAC5BE,GAAc,QAAQF,KACtBG,GAAwB,OAAOH,cAE/BI,GAAsB,SAEtBC,GAAwB,SAExBC,GAAqB,YAGrBC,GAAsB,GAAGD,mBAA+CA,uBAGxEE,GAAY,CAChBn8B,OAAQ,KAERo8B,WAAY,eACZC,cAAc,EACd93B,OAAQ,KACR+3B,UAAW,CAAC,GAAK,GAAK,IAElBC,GAAgB,CACpBv8B,OAAQ,gBAERo8B,WAAY,SACZC,aAAc,UACd93B,OAAQ,UACR+3B,UAAW,SAOb,MAAME,WAAkB9f,GACtB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GAGf9D,KAAKykB,aAAe,IAAIvzB,IACxB8O,KAAK0kB,oBAAsB,IAAIxzB,IAC/B8O,KAAK2kB,aAA6D,YAA9C1/B,iBAAiB+a,KAAK4E,UAAU5Y,UAA0B,KAAOgU,KAAK4E,SAC1F5E,KAAK4kB,cAAgB,KACrB5kB,KAAK6kB,UAAY,KACjB7kB,KAAK8kB,oBAAsB,CACzBC,gBAAiB,EACjBC,gBAAiB,GAEnBhlB,KAAKilB,SACP,CAGA,kBAAWvhB,GACT,OAAOygB,EACT,CACA,sBAAWxgB,GACT,OAAO4gB,EACT,CACA,eAAWhoB,GACT,MAhEW,WAiEb,CAGA,OAAA0oB,GACEjlB,KAAKklB,mCACLllB,KAAKmlB,2BACDnlB,KAAK6kB,UACP7kB,KAAK6kB,UAAUO,aAEfplB,KAAK6kB,UAAY7kB,KAAKqlB,kBAExB,IAAK,MAAMC,KAAWtlB,KAAK0kB,oBAAoBvlB,SAC7Ca,KAAK6kB,UAAUU,QAAQD,EAE3B,CACA,OAAAvgB,GACE/E,KAAK6kB,UAAUO,aACfzgB,MAAMI,SACR,CAGA,iBAAAf,CAAkBF,GAShB,OAPAA,EAAOvX,OAASmO,GAAWoJ,EAAOvX,SAAWlH,SAAS6G,KAGtD4X,EAAOsgB,WAAatgB,EAAO9b,OAAS,GAAG8b,EAAO9b,oBAAsB8b,EAAOsgB,WAC3C,iBAArBtgB,EAAOwgB,YAChBxgB,EAAOwgB,UAAYxgB,EAAOwgB,UAAUpiC,MAAM,KAAKY,KAAInF,GAAS4f,OAAOC,WAAW7f,MAEzEmmB,CACT,CACA,wBAAAqhB,GACOnlB,KAAK6E,QAAQwf,eAKlB9jB,GAAaC,IAAIR,KAAK6E,QAAQtY,OAAQs3B,IACtCtjB,GAAac,GAAGrB,KAAK6E,QAAQtY,OAAQs3B,GAAaG,IAAuB5kB,IACvE,MAAMomB,EAAoBxlB,KAAK0kB,oBAAoBvnC,IAAIiiB,EAAM7S,OAAOtB,MACpE,GAAIu6B,EAAmB,CACrBpmB,EAAMkD,iBACN,MAAM3G,EAAOqE,KAAK2kB,cAAgB/kC,OAC5BmE,EAASyhC,EAAkBnhC,UAAY2b,KAAK4E,SAASvgB,UAC3D,GAAIsX,EAAK8pB,SAKP,YAJA9pB,EAAK8pB,SAAS,CACZ9jC,IAAKoC,EACL2hC,SAAU,WAMd/pB,EAAKlQ,UAAY1H,CACnB,KAEJ,CACA,eAAAshC,GACE,MAAM5jC,EAAU,CACdka,KAAMqE,KAAK2kB,aACXL,UAAWtkB,KAAK6E,QAAQyf,UACxBF,WAAYpkB,KAAK6E,QAAQuf,YAE3B,OAAO,IAAIuB,sBAAqBxkB,GAAWnB,KAAK4lB,kBAAkBzkB,IAAU1f,EAC9E,CAGA,iBAAAmkC,CAAkBzkB,GAChB,MAAM0kB,EAAgBlI,GAAS3d,KAAKykB,aAAatnC,IAAI,IAAIwgC,EAAMpxB,OAAO4N,MAChEub,EAAWiI,IACf3d,KAAK8kB,oBAAoBC,gBAAkBpH,EAAMpxB,OAAOlI,UACxD2b,KAAK8lB,SAASD,EAAclI,GAAO,EAE/BqH,GAAmBhlB,KAAK2kB,cAAgBt/B,SAASC,iBAAiBmG,UAClEs6B,EAAkBf,GAAmBhlB,KAAK8kB,oBAAoBE,gBACpEhlB,KAAK8kB,oBAAoBE,gBAAkBA,EAC3C,IAAK,MAAMrH,KAASxc,EAAS,CAC3B,IAAKwc,EAAMqI,eAAgB,CACzBhmB,KAAK4kB,cAAgB,KACrB5kB,KAAKimB,kBAAkBJ,EAAclI,IACrC,QACF,CACA,MAAMuI,EAA2BvI,EAAMpxB,OAAOlI,WAAa2b,KAAK8kB,oBAAoBC,gBAEpF,GAAIgB,GAAmBG,GAGrB,GAFAxQ,EAASiI,IAEJqH,EACH,YAMCe,GAAoBG,GACvBxQ,EAASiI,EAEb,CACF,CACA,gCAAAuH,GACEllB,KAAKykB,aAAe,IAAIvzB,IACxB8O,KAAK0kB,oBAAsB,IAAIxzB,IAC/B,MAAMi1B,EAActgB,GAAe1T,KAAK6xB,GAAuBhkB,KAAK6E,QAAQtY,QAC5E,IAAK,MAAM65B,KAAUD,EAAa,CAEhC,IAAKC,EAAOn7B,MAAQiQ,GAAWkrB,GAC7B,SAEF,MAAMZ,EAAoB3f,GAAeC,QAAQugB,UAAUD,EAAOn7B,MAAO+U,KAAK4E,UAG1EjK,GAAU6qB,KACZxlB,KAAKykB,aAAa1yB,IAAIs0B,UAAUD,EAAOn7B,MAAOm7B,GAC9CpmB,KAAK0kB,oBAAoB3yB,IAAIq0B,EAAOn7B,KAAMu6B,GAE9C,CACF,CACA,QAAAM,CAASv5B,GACHyT,KAAK4kB,gBAAkBr4B,IAG3ByT,KAAKimB,kBAAkBjmB,KAAK6E,QAAQtY,QACpCyT,KAAK4kB,cAAgBr4B,EACrBA,EAAO8O,UAAU5E,IAAIstB,IACrB/jB,KAAKsmB,iBAAiB/5B,GACtBgU,GAAaqB,QAAQ5B,KAAK4E,SAAUgf,GAAgB,CAClD9jB,cAAevT,IAEnB,CACA,gBAAA+5B,CAAiB/5B,GAEf,GAAIA,EAAO8O,UAAU7W,SA9LQ,iBA+L3BqhB,GAAeC,QArLc,mBAqLsBvZ,EAAOyO,QAtLtC,cAsLkEK,UAAU5E,IAAIstB,SAGtG,IAAK,MAAMwC,KAAa1gB,GAAeI,QAAQ1Z,EA9LnB,qBAiM1B,IAAK,MAAMxJ,KAAQ8iB,GAAeM,KAAKogB,EAAWrC,IAChDnhC,EAAKsY,UAAU5E,IAAIstB,GAGzB,CACA,iBAAAkC,CAAkBxhC,GAChBA,EAAO4W,UAAU1B,OAAOoqB,IACxB,MAAMyC,EAAc3gB,GAAe1T,KAAK,GAAG6xB,MAAyBD,KAAuBt/B,GAC3F,IAAK,MAAM9E,KAAQ6mC,EACjB7mC,EAAK0b,UAAU1B,OAAOoqB,GAE1B,CAGA,sBAAOtnB,CAAgBqH,GACrB,OAAO9D,KAAKwH,MAAK,WACf,MAAMnd,EAAOm6B,GAAUlf,oBAAoBtF,KAAM8D,GACjD,GAAsB,iBAAXA,EAAX,CAGA,QAAqB/K,IAAjB1O,EAAKyZ,IAAyBA,EAAOrC,WAAW,MAAmB,gBAAXqC,EAC1D,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IAJL,CAKF,GACF,EAOFvD,GAAac,GAAGzhB,OAAQkkC,IAAuB,KAC7C,IAAK,MAAM2C,KAAO5gB,GAAe1T,KApOT,0BAqOtBqyB,GAAUlf,oBAAoBmhB,EAChC,IAOFtqB,GAAmBqoB,IAcnB,MAEMkC,GAAc,UACdC,GAAe,OAAOD,KACtBE,GAAiB,SAASF,KAC1BG,GAAe,OAAOH,KACtBI,GAAgB,QAAQJ,KACxBK,GAAuB,QAAQL,KAC/BM,GAAgB,UAAUN,KAC1BO,GAAsB,OAAOP,KAC7BQ,GAAiB,YACjBC,GAAkB,aAClBC,GAAe,UACfC,GAAiB,YACjBC,GAAW,OACXC,GAAU,MACVC,GAAoB,SACpBC,GAAoB,OACpBC,GAAoB,OAEpBC,GAA2B,mBAE3BC,GAA+B,QAAQD,MAIvCE,GAAuB,2EACvBC,GAAsB,YAFOF,uBAAiDA,mBAA6CA,OAE/EC,KAC5CE,GAA8B,IAAIP,8BAA6CA,+BAA8CA,4BAMnI,MAAMQ,WAAYtjB,GAChB,WAAAP,CAAY5kB,GACVolB,MAAMplB,GACNygB,KAAKoS,QAAUpS,KAAK4E,SAAS5J,QAdN,uCAelBgF,KAAKoS,UAOVpS,KAAKioB,sBAAsBjoB,KAAKoS,QAASpS,KAAKkoB,gBAC9C3nB,GAAac,GAAGrB,KAAK4E,SAAUoiB,IAAe5nB,GAASY,KAAK6M,SAASzN,KACvE,CAGA,eAAW7C,GACT,MAnDW,KAoDb,CAGA,IAAAsT,GAEE,MAAMsY,EAAYnoB,KAAK4E,SACvB,GAAI5E,KAAKooB,cAAcD,GACrB,OAIF,MAAME,EAASroB,KAAKsoB,iBACdC,EAAYF,EAAS9nB,GAAaqB,QAAQymB,EAAQ1B,GAAc,CACpE7mB,cAAeqoB,IACZ,KACa5nB,GAAaqB,QAAQumB,EAAWtB,GAAc,CAC9D/mB,cAAeuoB,IAEHrmB,kBAAoBumB,GAAaA,EAAUvmB,mBAGzDhC,KAAKwoB,YAAYH,EAAQF,GACzBnoB,KAAKyoB,UAAUN,EAAWE,GAC5B,CAGA,SAAAI,CAAUlpC,EAASmpC,GACZnpC,IAGLA,EAAQ8b,UAAU5E,IAAI+wB,IACtBxnB,KAAKyoB,UAAU5iB,GAAec,uBAAuBpnB,IAcrDygB,KAAKmF,gBAZY,KACsB,QAAjC5lB,EAAQic,aAAa,SAIzBjc,EAAQ4B,gBAAgB,YACxB5B,EAAQ6B,aAAa,iBAAiB,GACtC4e,KAAK2oB,gBAAgBppC,GAAS,GAC9BghB,GAAaqB,QAAQriB,EAASunC,GAAe,CAC3ChnB,cAAe4oB,KAPfnpC,EAAQ8b,UAAU5E,IAAIixB,GAQtB,GAE0BnoC,EAASA,EAAQ8b,UAAU7W,SAASijC,KACpE,CACA,WAAAe,CAAYjpC,EAASmpC,GACdnpC,IAGLA,EAAQ8b,UAAU1B,OAAO6tB,IACzBjoC,EAAQq7B,OACR5a,KAAKwoB,YAAY3iB,GAAec,uBAAuBpnB,IAcvDygB,KAAKmF,gBAZY,KACsB,QAAjC5lB,EAAQic,aAAa,SAIzBjc,EAAQ6B,aAAa,iBAAiB,GACtC7B,EAAQ6B,aAAa,WAAY,MACjC4e,KAAK2oB,gBAAgBppC,GAAS,GAC9BghB,GAAaqB,QAAQriB,EAASqnC,GAAgB,CAC5C9mB,cAAe4oB,KAPfnpC,EAAQ8b,UAAU1B,OAAO+tB,GAQzB,GAE0BnoC,EAASA,EAAQ8b,UAAU7W,SAASijC,KACpE,CACA,QAAA5a,CAASzN,GACP,IAAK,CAAC8nB,GAAgBC,GAAiBC,GAAcC,GAAgBC,GAAUC,IAASnmB,SAAShC,EAAMtiB,KACrG,OAEFsiB,EAAM0U,kBACN1U,EAAMkD,iBACN,MAAMyD,EAAW/F,KAAKkoB,eAAe/hC,QAAO5G,IAAY2b,GAAW3b,KACnE,IAAIqpC,EACJ,GAAI,CAACtB,GAAUC,IAASnmB,SAAShC,EAAMtiB,KACrC8rC,EAAoB7iB,EAAS3G,EAAMtiB,MAAQwqC,GAAW,EAAIvhB,EAASrV,OAAS,OACvE,CACL,MAAM8c,EAAS,CAAC2Z,GAAiBE,IAAgBjmB,SAAShC,EAAMtiB,KAChE8rC,EAAoB9qB,GAAqBiI,EAAU3G,EAAM7S,OAAQihB,GAAQ,EAC3E,CACIob,IACFA,EAAkBnW,MAAM,CACtBoW,eAAe,IAEjBb,GAAI1iB,oBAAoBsjB,GAAmB/Y,OAE/C,CACA,YAAAqY,GAEE,OAAOriB,GAAe1T,KAAK21B,GAAqB9nB,KAAKoS,QACvD,CACA,cAAAkW,GACE,OAAOtoB,KAAKkoB,eAAe/1B,MAAKzN,GAASsb,KAAKooB,cAAc1jC,MAAW,IACzE,CACA,qBAAAujC,CAAsBxjC,EAAQshB,GAC5B/F,KAAK8oB,yBAAyBrkC,EAAQ,OAAQ,WAC9C,IAAK,MAAMC,KAASqhB,EAClB/F,KAAK+oB,6BAA6BrkC,EAEtC,CACA,4BAAAqkC,CAA6BrkC,GAC3BA,EAAQsb,KAAKgpB,iBAAiBtkC,GAC9B,MAAMukC,EAAWjpB,KAAKooB,cAAc1jC,GAC9BwkC,EAAYlpB,KAAKmpB,iBAAiBzkC,GACxCA,EAAMtD,aAAa,gBAAiB6nC,GAChCC,IAAcxkC,GAChBsb,KAAK8oB,yBAAyBI,EAAW,OAAQ,gBAE9CD,GACHvkC,EAAMtD,aAAa,WAAY,MAEjC4e,KAAK8oB,yBAAyBpkC,EAAO,OAAQ,OAG7Csb,KAAKopB,mCAAmC1kC,EAC1C,CACA,kCAAA0kC,CAAmC1kC,GACjC,MAAM6H,EAASsZ,GAAec,uBAAuBjiB,GAChD6H,IAGLyT,KAAK8oB,yBAAyBv8B,EAAQ,OAAQ,YAC1C7H,EAAMyV,IACR6F,KAAK8oB,yBAAyBv8B,EAAQ,kBAAmB,GAAG7H,EAAMyV,MAEtE,CACA,eAAAwuB,CAAgBppC,EAAS8pC,GACvB,MAAMH,EAAYlpB,KAAKmpB,iBAAiB5pC,GACxC,IAAK2pC,EAAU7tB,UAAU7W,SApKN,YAqKjB,OAEF,MAAMmjB,EAAS,CAAC5N,EAAUoa,KACxB,MAAM50B,EAAUsmB,GAAeC,QAAQ/L,EAAUmvB,GAC7C3pC,GACFA,EAAQ8b,UAAUsM,OAAOwM,EAAWkV,EACtC,EAEF1hB,EAAOggB,GAA0BH,IACjC7f,EA5K2B,iBA4KI+f,IAC/BwB,EAAU9nC,aAAa,gBAAiBioC,EAC1C,CACA,wBAAAP,CAAyBvpC,EAASwC,EAAWpE,GACtC4B,EAAQgc,aAAaxZ,IACxBxC,EAAQ6B,aAAaW,EAAWpE,EAEpC,CACA,aAAAyqC,CAAc9Y,GACZ,OAAOA,EAAKjU,UAAU7W,SAASgjC,GACjC,CAGA,gBAAAwB,CAAiB1Z,GACf,OAAOA,EAAKtJ,QAAQ8hB,IAAuBxY,EAAOzJ,GAAeC,QAAQgiB,GAAqBxY,EAChG,CAGA,gBAAA6Z,CAAiB7Z,GACf,OAAOA,EAAKtU,QA5LO,gCA4LoBsU,CACzC,CAGA,sBAAO7S,CAAgBqH,GACrB,OAAO9D,KAAKwH,MAAK,WACf,MAAMnd,EAAO29B,GAAI1iB,oBAAoBtF,MACrC,GAAsB,iBAAX8D,EAAX,CAGA,QAAqB/K,IAAjB1O,EAAKyZ,IAAyBA,EAAOrC,WAAW,MAAmB,gBAAXqC,EAC1D,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IAJL,CAKF,GACF,EAOFvD,GAAac,GAAGhc,SAAU0hC,GAAsBc,IAAsB,SAAUzoB,GAC1E,CAAC,IAAK,QAAQgC,SAASpB,KAAKiH,UAC9B7H,EAAMkD,iBAEJpH,GAAW8E,OAGfgoB,GAAI1iB,oBAAoBtF,MAAM6P,MAChC,IAKAtP,GAAac,GAAGzhB,OAAQqnC,IAAqB,KAC3C,IAAK,MAAM1nC,KAAWsmB,GAAe1T,KAAK41B,IACxCC,GAAI1iB,oBAAoB/lB,EAC1B,IAMF4c,GAAmB6rB,IAcnB,MAEMhjB,GAAY,YACZskB,GAAkB,YAAYtkB,KAC9BukB,GAAiB,WAAWvkB,KAC5BwkB,GAAgB,UAAUxkB,KAC1BykB,GAAiB,WAAWzkB,KAC5B0kB,GAAa,OAAO1kB,KACpB2kB,GAAe,SAAS3kB,KACxB4kB,GAAa,OAAO5kB,KACpB6kB,GAAc,QAAQ7kB,KAEtB8kB,GAAkB,OAClBC,GAAkB,OAClBC,GAAqB,UACrBrmB,GAAc,CAClByc,UAAW,UACX6J,SAAU,UACV1J,MAAO,UAEH7c,GAAU,CACd0c,WAAW,EACX6J,UAAU,EACV1J,MAAO,KAOT,MAAM2J,WAAcxlB,GAClB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAK4gB,SAAW,KAChB5gB,KAAKmqB,sBAAuB,EAC5BnqB,KAAKoqB,yBAA0B,EAC/BpqB,KAAKkhB,eACP,CAGA,kBAAWxd,GACT,OAAOA,EACT,CACA,sBAAWC,GACT,OAAOA,EACT,CACA,eAAWpH,GACT,MA/CS,OAgDX,CAGA,IAAAsT,GACoBtP,GAAaqB,QAAQ5B,KAAK4E,SAAUglB,IACxC5nB,mBAGdhC,KAAKqqB,gBACDrqB,KAAK6E,QAAQub,WACfpgB,KAAK4E,SAASvJ,UAAU5E,IA/CN,QAsDpBuJ,KAAK4E,SAASvJ,UAAU1B,OAAOmwB,IAC/BjuB,GAAOmE,KAAK4E,UACZ5E,KAAK4E,SAASvJ,UAAU5E,IAAIszB,GAAiBC,IAC7ChqB,KAAKmF,gBARY,KACfnF,KAAK4E,SAASvJ,UAAU1B,OAAOqwB,IAC/BzpB,GAAaqB,QAAQ5B,KAAK4E,SAAUilB,IACpC7pB,KAAKsqB,oBAAoB,GAKGtqB,KAAK4E,SAAU5E,KAAK6E,QAAQub,WAC5D,CACA,IAAAxQ,GACO5P,KAAKuqB,YAGQhqB,GAAaqB,QAAQ5B,KAAK4E,SAAU8kB,IACxC1nB,mBAQdhC,KAAK4E,SAASvJ,UAAU5E,IAAIuzB,IAC5BhqB,KAAKmF,gBANY,KACfnF,KAAK4E,SAASvJ,UAAU5E,IAAIqzB,IAC5B9pB,KAAK4E,SAASvJ,UAAU1B,OAAOqwB,GAAoBD,IACnDxpB,GAAaqB,QAAQ5B,KAAK4E,SAAU+kB,GAAa,GAGrB3pB,KAAK4E,SAAU5E,KAAK6E,QAAQub,YAC5D,CACA,OAAArb,GACE/E,KAAKqqB,gBACDrqB,KAAKuqB,WACPvqB,KAAK4E,SAASvJ,UAAU1B,OAAOowB,IAEjCplB,MAAMI,SACR,CACA,OAAAwlB,GACE,OAAOvqB,KAAK4E,SAASvJ,UAAU7W,SAASulC,GAC1C,CAIA,kBAAAO,GACOtqB,KAAK6E,QAAQolB,WAGdjqB,KAAKmqB,sBAAwBnqB,KAAKoqB,0BAGtCpqB,KAAK4gB,SAAW/iB,YAAW,KACzBmC,KAAK4P,MAAM,GACV5P,KAAK6E,QAAQ0b,QAClB,CACA,cAAAiK,CAAeprB,EAAOqrB,GACpB,OAAQrrB,EAAMqB,MACZ,IAAK,YACL,IAAK,WAEDT,KAAKmqB,qBAAuBM,EAC5B,MAEJ,IAAK,UACL,IAAK,WAEDzqB,KAAKoqB,wBAA0BK,EAIrC,GAAIA,EAEF,YADAzqB,KAAKqqB,gBAGP,MAAM5c,EAAcrO,EAAMU,cACtBE,KAAK4E,WAAa6I,GAAezN,KAAK4E,SAASpgB,SAASipB,IAG5DzN,KAAKsqB,oBACP,CACA,aAAApJ,GACE3gB,GAAac,GAAGrB,KAAK4E,SAAU0kB,IAAiBlqB,GAASY,KAAKwqB,eAAeprB,GAAO,KACpFmB,GAAac,GAAGrB,KAAK4E,SAAU2kB,IAAgBnqB,GAASY,KAAKwqB,eAAeprB,GAAO,KACnFmB,GAAac,GAAGrB,KAAK4E,SAAU4kB,IAAepqB,GAASY,KAAKwqB,eAAeprB,GAAO,KAClFmB,GAAac,GAAGrB,KAAK4E,SAAU6kB,IAAgBrqB,GAASY,KAAKwqB,eAAeprB,GAAO,IACrF,CACA,aAAAirB,GACEnd,aAAalN,KAAK4gB,UAClB5gB,KAAK4gB,SAAW,IAClB,CAGA,sBAAOnkB,CAAgBqH,GACrB,OAAO9D,KAAKwH,MAAK,WACf,MAAMnd,EAAO6/B,GAAM5kB,oBAAoBtF,KAAM8D,GAC7C,GAAsB,iBAAXA,EAAqB,CAC9B,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,GAAQ9D,KACf,CACF,GACF,ECr0IK,SAAS0qB,GAAcruB,GACD,WAAvBhX,SAASuX,WAAyBP,IACjChX,SAASyF,iBAAiB,mBAAoBuR,EACrD,CDy0IAwK,GAAqBqjB,IAMrB/tB,GAAmB+tB,IEpyInBQ,IAzCA,WAC2B,GAAGt4B,MAAM5U,KAChC6H,SAAS+a,iBAAiB,+BAETtd,KAAI,SAAU6nC,GAC/B,OAAO,IAAI,GAAkBA,EAAkB,CAC7CpK,MAAO,CAAE1Q,KAAM,IAAKD,KAAM,MAE9B,GACF,IAiCA8a,IA5BA,WACYrlC,SAASm9B,eAAe,mBAC9B13B,iBAAiB,SAAS,WAC5BzF,SAAS6G,KAAKT,UAAY,EAC1BpG,SAASC,gBAAgBmG,UAAY,CACvC,GACF,IAuBAi/B,IArBA,WACE,IAAIE,EAAMvlC,SAASm9B,eAAe,mBAC9BqI,EAASxlC,SACVylC,uBAAuB,aAAa,GACpCxnC,wBACH1D,OAAOkL,iBAAiB,UAAU,WAC5BkV,KAAK+qB,UAAY/qB,KAAKgrB,SAAWhrB,KAAKgrB,QAAUH,EAAOjtC,OACzDgtC,EAAI7pC,MAAMgxB,QAAU,QAEpB6Y,EAAI7pC,MAAMgxB,QAAU,OAEtB/R,KAAK+qB,UAAY/qB,KAAKgrB,OACxB,GACF,IAUAprC,OAAOqrC,UAAY","sources":["webpack://pydata_sphinx_theme/webpack/bootstrap","webpack://pydata_sphinx_theme/webpack/runtime/define property getters","webpack://pydata_sphinx_theme/webpack/runtime/hasOwnProperty shorthand","webpack://pydata_sphinx_theme/webpack/runtime/make namespace object","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/enums.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getNodeName.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getWindow.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/instanceOf.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/applyStyles.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getBasePlacement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/math.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/userAgent.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/isLayoutViewport.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getBoundingClientRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getLayoutRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/contains.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getComputedStyle.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/isTableElement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getDocumentElement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getParentNode.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getOffsetParent.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getMainAxisFromPlacement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/within.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/mergePaddingObject.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getFreshSideObject.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/expandToHashMap.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/arrow.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getVariation.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/computeStyles.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/eventListeners.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getOppositePlacement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getOppositeVariationPlacement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getWindowScroll.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getWindowScrollBarX.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/isScrollParent.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getScrollParent.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/listScrollParents.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/rectToClientRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getClippingRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getViewportRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getDocumentRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/computeOffsets.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/detectOverflow.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/flip.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/computeAutoPlacement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/hide.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/offset.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/popperOffsets.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/preventOverflow.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getAltAxis.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getCompositeRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getNodeScroll.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getHTMLElementScroll.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/orderModifiers.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/createPopper.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/debounce.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/mergeByName.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/popper.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/popper-lite.js","webpack://pydata_sphinx_theme/./node_modules/bootstrap/dist/js/bootstrap.esm.js","webpack://pydata_sphinx_theme/./src/pydata_sphinx_theme/assets/scripts/mixin.js","webpack://pydata_sphinx_theme/./src/pydata_sphinx_theme/assets/scripts/bootstrap.js"],"sourcesContent":["// The require scope\nvar __webpack_require__ = {};\n\n","// define getter functions for harmony exports\n__webpack_require__.d = (exports, definition) => {\n\tfor(var key in definition) {\n\t\tif(__webpack_require__.o(definition, key) && !__webpack_require__.o(exports, key)) {\n\t\t\tObject.defineProperty(exports, key, { enumerable: true, get: definition[key] });\n\t\t}\n\t}\n};","__webpack_require__.o = (obj, prop) => (Object.prototype.hasOwnProperty.call(obj, prop))","// define __esModule on exports\n__webpack_require__.r = (exports) => {\n\tif(typeof Symbol !== 'undefined' && Symbol.toStringTag) {\n\t\tObject.defineProperty(exports, Symbol.toStringTag, { value: 'Module' });\n\t}\n\tObject.defineProperty(exports, '__esModule', { value: true });\n};","export var top = 'top';\nexport var bottom = 'bottom';\nexport var right = 'right';\nexport var left = 'left';\nexport var auto = 'auto';\nexport var basePlacements = [top, bottom, right, left];\nexport var start = 'start';\nexport var end = 'end';\nexport var clippingParents = 'clippingParents';\nexport var viewport = 'viewport';\nexport var popper = 'popper';\nexport var reference = 'reference';\nexport var variationPlacements = /*#__PURE__*/basePlacements.reduce(function (acc, placement) {\n return acc.concat([placement + \"-\" + start, placement + \"-\" + end]);\n}, []);\nexport var placements = /*#__PURE__*/[].concat(basePlacements, [auto]).reduce(function (acc, placement) {\n return acc.concat([placement, placement + \"-\" + start, placement + \"-\" + end]);\n}, []); // modifiers that need to read the DOM\n\nexport var beforeRead = 'beforeRead';\nexport var read = 'read';\nexport var afterRead = 'afterRead'; // pure-logic modifiers\n\nexport var beforeMain = 'beforeMain';\nexport var main = 'main';\nexport var afterMain = 'afterMain'; // modifier with the purpose to write to the DOM (or write into a framework state)\n\nexport var beforeWrite = 'beforeWrite';\nexport var write = 'write';\nexport var afterWrite = 'afterWrite';\nexport var modifierPhases = [beforeRead, read, afterRead, beforeMain, main, afterMain, beforeWrite, write, afterWrite];","export default function getNodeName(element) {\n return element ? (element.nodeName || '').toLowerCase() : null;\n}","export default function getWindow(node) {\n if (node == null) {\n return window;\n }\n\n if (node.toString() !== '[object Window]') {\n var ownerDocument = node.ownerDocument;\n return ownerDocument ? ownerDocument.defaultView || window : window;\n }\n\n return node;\n}","import getWindow from \"./getWindow.js\";\n\nfunction isElement(node) {\n var OwnElement = getWindow(node).Element;\n return node instanceof OwnElement || node instanceof Element;\n}\n\nfunction isHTMLElement(node) {\n var OwnElement = getWindow(node).HTMLElement;\n return node instanceof OwnElement || node instanceof HTMLElement;\n}\n\nfunction isShadowRoot(node) {\n // IE 11 has no ShadowRoot\n if (typeof ShadowRoot === 'undefined') {\n return false;\n }\n\n var OwnElement = getWindow(node).ShadowRoot;\n return node instanceof OwnElement || node instanceof ShadowRoot;\n}\n\nexport { isElement, isHTMLElement, isShadowRoot };","import getNodeName from \"../dom-utils/getNodeName.js\";\nimport { isHTMLElement } from \"../dom-utils/instanceOf.js\"; // This modifier takes the styles prepared by the `computeStyles` modifier\n// and applies them to the HTMLElements such as popper and arrow\n\nfunction applyStyles(_ref) {\n var state = _ref.state;\n Object.keys(state.elements).forEach(function (name) {\n var style = state.styles[name] || {};\n var attributes = state.attributes[name] || {};\n var element = state.elements[name]; // arrow is optional + virtual elements\n\n if (!isHTMLElement(element) || !getNodeName(element)) {\n return;\n } // Flow doesn't support to extend this property, but it's the most\n // effective way to apply styles to an HTMLElement\n // $FlowFixMe[cannot-write]\n\n\n Object.assign(element.style, style);\n Object.keys(attributes).forEach(function (name) {\n var value = attributes[name];\n\n if (value === false) {\n element.removeAttribute(name);\n } else {\n element.setAttribute(name, value === true ? '' : value);\n }\n });\n });\n}\n\nfunction effect(_ref2) {\n var state = _ref2.state;\n var initialStyles = {\n popper: {\n position: state.options.strategy,\n left: '0',\n top: '0',\n margin: '0'\n },\n arrow: {\n position: 'absolute'\n },\n reference: {}\n };\n Object.assign(state.elements.popper.style, initialStyles.popper);\n state.styles = initialStyles;\n\n if (state.elements.arrow) {\n Object.assign(state.elements.arrow.style, initialStyles.arrow);\n }\n\n return function () {\n Object.keys(state.elements).forEach(function (name) {\n var element = state.elements[name];\n var attributes = state.attributes[name] || {};\n var styleProperties = Object.keys(state.styles.hasOwnProperty(name) ? state.styles[name] : initialStyles[name]); // Set all values to an empty string to unset them\n\n var style = styleProperties.reduce(function (style, property) {\n style[property] = '';\n return style;\n }, {}); // arrow is optional + virtual elements\n\n if (!isHTMLElement(element) || !getNodeName(element)) {\n return;\n }\n\n Object.assign(element.style, style);\n Object.keys(attributes).forEach(function (attribute) {\n element.removeAttribute(attribute);\n });\n });\n };\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'applyStyles',\n enabled: true,\n phase: 'write',\n fn: applyStyles,\n effect: effect,\n requires: ['computeStyles']\n};","import { auto } from \"../enums.js\";\nexport default function getBasePlacement(placement) {\n return placement.split('-')[0];\n}","export var max = Math.max;\nexport var min = Math.min;\nexport var round = Math.round;","export default function getUAString() {\n var uaData = navigator.userAgentData;\n\n if (uaData != null && uaData.brands && Array.isArray(uaData.brands)) {\n return uaData.brands.map(function (item) {\n return item.brand + \"/\" + item.version;\n }).join(' ');\n }\n\n return navigator.userAgent;\n}","import getUAString from \"../utils/userAgent.js\";\nexport default function isLayoutViewport() {\n return !/^((?!chrome|android).)*safari/i.test(getUAString());\n}","import { isElement, isHTMLElement } from \"./instanceOf.js\";\nimport { round } from \"../utils/math.js\";\nimport getWindow from \"./getWindow.js\";\nimport isLayoutViewport from \"./isLayoutViewport.js\";\nexport default function getBoundingClientRect(element, includeScale, isFixedStrategy) {\n if (includeScale === void 0) {\n includeScale = false;\n }\n\n if (isFixedStrategy === void 0) {\n isFixedStrategy = false;\n }\n\n var clientRect = element.getBoundingClientRect();\n var scaleX = 1;\n var scaleY = 1;\n\n if (includeScale && isHTMLElement(element)) {\n scaleX = element.offsetWidth > 0 ? round(clientRect.width) / element.offsetWidth || 1 : 1;\n scaleY = element.offsetHeight > 0 ? round(clientRect.height) / element.offsetHeight || 1 : 1;\n }\n\n var _ref = isElement(element) ? getWindow(element) : window,\n visualViewport = _ref.visualViewport;\n\n var addVisualOffsets = !isLayoutViewport() && isFixedStrategy;\n var x = (clientRect.left + (addVisualOffsets && visualViewport ? visualViewport.offsetLeft : 0)) / scaleX;\n var y = (clientRect.top + (addVisualOffsets && visualViewport ? visualViewport.offsetTop : 0)) / scaleY;\n var width = clientRect.width / scaleX;\n var height = clientRect.height / scaleY;\n return {\n width: width,\n height: height,\n top: y,\n right: x + width,\n bottom: y + height,\n left: x,\n x: x,\n y: y\n };\n}","import getBoundingClientRect from \"./getBoundingClientRect.js\"; // Returns the layout rect of an element relative to its offsetParent. Layout\n// means it doesn't take into account transforms.\n\nexport default function getLayoutRect(element) {\n var clientRect = getBoundingClientRect(element); // Use the clientRect sizes if it's not been transformed.\n // Fixes https://github.com/popperjs/popper-core/issues/1223\n\n var width = element.offsetWidth;\n var height = element.offsetHeight;\n\n if (Math.abs(clientRect.width - width) <= 1) {\n width = clientRect.width;\n }\n\n if (Math.abs(clientRect.height - height) <= 1) {\n height = clientRect.height;\n }\n\n return {\n x: element.offsetLeft,\n y: element.offsetTop,\n width: width,\n height: height\n };\n}","import { isShadowRoot } from \"./instanceOf.js\";\nexport default function contains(parent, child) {\n var rootNode = child.getRootNode && child.getRootNode(); // First, attempt with faster native method\n\n if (parent.contains(child)) {\n return true;\n } // then fallback to custom implementation with Shadow DOM support\n else if (rootNode && isShadowRoot(rootNode)) {\n var next = child;\n\n do {\n if (next && parent.isSameNode(next)) {\n return true;\n } // $FlowFixMe[prop-missing]: need a better way to handle this...\n\n\n next = next.parentNode || next.host;\n } while (next);\n } // Give up, the result is false\n\n\n return false;\n}","import getWindow from \"./getWindow.js\";\nexport default function getComputedStyle(element) {\n return getWindow(element).getComputedStyle(element);\n}","import getNodeName from \"./getNodeName.js\";\nexport default function isTableElement(element) {\n return ['table', 'td', 'th'].indexOf(getNodeName(element)) >= 0;\n}","import { isElement } from \"./instanceOf.js\";\nexport default function getDocumentElement(element) {\n // $FlowFixMe[incompatible-return]: assume body is always available\n return ((isElement(element) ? element.ownerDocument : // $FlowFixMe[prop-missing]\n element.document) || window.document).documentElement;\n}","import getNodeName from \"./getNodeName.js\";\nimport getDocumentElement from \"./getDocumentElement.js\";\nimport { isShadowRoot } from \"./instanceOf.js\";\nexport default function getParentNode(element) {\n if (getNodeName(element) === 'html') {\n return element;\n }\n\n return (// this is a quicker (but less type safe) way to save quite some bytes from the bundle\n // $FlowFixMe[incompatible-return]\n // $FlowFixMe[prop-missing]\n element.assignedSlot || // step into the shadow DOM of the parent of a slotted node\n element.parentNode || ( // DOM Element detected\n isShadowRoot(element) ? element.host : null) || // ShadowRoot detected\n // $FlowFixMe[incompatible-call]: HTMLElement is a Node\n getDocumentElement(element) // fallback\n\n );\n}","import getWindow from \"./getWindow.js\";\nimport getNodeName from \"./getNodeName.js\";\nimport getComputedStyle from \"./getComputedStyle.js\";\nimport { isHTMLElement, isShadowRoot } from \"./instanceOf.js\";\nimport isTableElement from \"./isTableElement.js\";\nimport getParentNode from \"./getParentNode.js\";\nimport getUAString from \"../utils/userAgent.js\";\n\nfunction getTrueOffsetParent(element) {\n if (!isHTMLElement(element) || // https://github.com/popperjs/popper-core/issues/837\n getComputedStyle(element).position === 'fixed') {\n return null;\n }\n\n return element.offsetParent;\n} // `.offsetParent` reports `null` for fixed elements, while absolute elements\n// return the containing block\n\n\nfunction getContainingBlock(element) {\n var isFirefox = /firefox/i.test(getUAString());\n var isIE = /Trident/i.test(getUAString());\n\n if (isIE && isHTMLElement(element)) {\n // In IE 9, 10 and 11 fixed elements containing block is always established by the viewport\n var elementCss = getComputedStyle(element);\n\n if (elementCss.position === 'fixed') {\n return null;\n }\n }\n\n var currentNode = getParentNode(element);\n\n if (isShadowRoot(currentNode)) {\n currentNode = currentNode.host;\n }\n\n while (isHTMLElement(currentNode) && ['html', 'body'].indexOf(getNodeName(currentNode)) < 0) {\n var css = getComputedStyle(currentNode); // This is non-exhaustive but covers the most common CSS properties that\n // create a containing block.\n // https://developer.mozilla.org/en-US/docs/Web/CSS/Containing_block#identifying_the_containing_block\n\n if (css.transform !== 'none' || css.perspective !== 'none' || css.contain === 'paint' || ['transform', 'perspective'].indexOf(css.willChange) !== -1 || isFirefox && css.willChange === 'filter' || isFirefox && css.filter && css.filter !== 'none') {\n return currentNode;\n } else {\n currentNode = currentNode.parentNode;\n }\n }\n\n return null;\n} // Gets the closest ancestor positioned element. Handles some edge cases,\n// such as table ancestors and cross browser bugs.\n\n\nexport default function getOffsetParent(element) {\n var window = getWindow(element);\n var offsetParent = getTrueOffsetParent(element);\n\n while (offsetParent && isTableElement(offsetParent) && getComputedStyle(offsetParent).position === 'static') {\n offsetParent = getTrueOffsetParent(offsetParent);\n }\n\n if (offsetParent && (getNodeName(offsetParent) === 'html' || getNodeName(offsetParent) === 'body' && getComputedStyle(offsetParent).position === 'static')) {\n return window;\n }\n\n return offsetParent || getContainingBlock(element) || window;\n}","export default function getMainAxisFromPlacement(placement) {\n return ['top', 'bottom'].indexOf(placement) >= 0 ? 'x' : 'y';\n}","import { max as mathMax, min as mathMin } from \"./math.js\";\nexport function within(min, value, max) {\n return mathMax(min, mathMin(value, max));\n}\nexport function withinMaxClamp(min, value, max) {\n var v = within(min, value, max);\n return v > max ? max : v;\n}","import getFreshSideObject from \"./getFreshSideObject.js\";\nexport default function mergePaddingObject(paddingObject) {\n return Object.assign({}, getFreshSideObject(), paddingObject);\n}","export default function getFreshSideObject() {\n return {\n top: 0,\n right: 0,\n bottom: 0,\n left: 0\n };\n}","export default function expandToHashMap(value, keys) {\n return keys.reduce(function (hashMap, key) {\n hashMap[key] = value;\n return hashMap;\n }, {});\n}","import getBasePlacement from \"../utils/getBasePlacement.js\";\nimport getLayoutRect from \"../dom-utils/getLayoutRect.js\";\nimport contains from \"../dom-utils/contains.js\";\nimport getOffsetParent from \"../dom-utils/getOffsetParent.js\";\nimport getMainAxisFromPlacement from \"../utils/getMainAxisFromPlacement.js\";\nimport { within } from \"../utils/within.js\";\nimport mergePaddingObject from \"../utils/mergePaddingObject.js\";\nimport expandToHashMap from \"../utils/expandToHashMap.js\";\nimport { left, right, basePlacements, top, bottom } from \"../enums.js\"; // eslint-disable-next-line import/no-unused-modules\n\nvar toPaddingObject = function toPaddingObject(padding, state) {\n padding = typeof padding === 'function' ? padding(Object.assign({}, state.rects, {\n placement: state.placement\n })) : padding;\n return mergePaddingObject(typeof padding !== 'number' ? padding : expandToHashMap(padding, basePlacements));\n};\n\nfunction arrow(_ref) {\n var _state$modifiersData$;\n\n var state = _ref.state,\n name = _ref.name,\n options = _ref.options;\n var arrowElement = state.elements.arrow;\n var popperOffsets = state.modifiersData.popperOffsets;\n var basePlacement = getBasePlacement(state.placement);\n var axis = getMainAxisFromPlacement(basePlacement);\n var isVertical = [left, right].indexOf(basePlacement) >= 0;\n var len = isVertical ? 'height' : 'width';\n\n if (!arrowElement || !popperOffsets) {\n return;\n }\n\n var paddingObject = toPaddingObject(options.padding, state);\n var arrowRect = getLayoutRect(arrowElement);\n var minProp = axis === 'y' ? top : left;\n var maxProp = axis === 'y' ? bottom : right;\n var endDiff = state.rects.reference[len] + state.rects.reference[axis] - popperOffsets[axis] - state.rects.popper[len];\n var startDiff = popperOffsets[axis] - state.rects.reference[axis];\n var arrowOffsetParent = getOffsetParent(arrowElement);\n var clientSize = arrowOffsetParent ? axis === 'y' ? arrowOffsetParent.clientHeight || 0 : arrowOffsetParent.clientWidth || 0 : 0;\n var centerToReference = endDiff / 2 - startDiff / 2; // Make sure the arrow doesn't overflow the popper if the center point is\n // outside of the popper bounds\n\n var min = paddingObject[minProp];\n var max = clientSize - arrowRect[len] - paddingObject[maxProp];\n var center = clientSize / 2 - arrowRect[len] / 2 + centerToReference;\n var offset = within(min, center, max); // Prevents breaking syntax highlighting...\n\n var axisProp = axis;\n state.modifiersData[name] = (_state$modifiersData$ = {}, _state$modifiersData$[axisProp] = offset, _state$modifiersData$.centerOffset = offset - center, _state$modifiersData$);\n}\n\nfunction effect(_ref2) {\n var state = _ref2.state,\n options = _ref2.options;\n var _options$element = options.element,\n arrowElement = _options$element === void 0 ? '[data-popper-arrow]' : _options$element;\n\n if (arrowElement == null) {\n return;\n } // CSS selector\n\n\n if (typeof arrowElement === 'string') {\n arrowElement = state.elements.popper.querySelector(arrowElement);\n\n if (!arrowElement) {\n return;\n }\n }\n\n if (!contains(state.elements.popper, arrowElement)) {\n return;\n }\n\n state.elements.arrow = arrowElement;\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'arrow',\n enabled: true,\n phase: 'main',\n fn: arrow,\n effect: effect,\n requires: ['popperOffsets'],\n requiresIfExists: ['preventOverflow']\n};","export default function getVariation(placement) {\n return placement.split('-')[1];\n}","import { top, left, right, bottom, end } from \"../enums.js\";\nimport getOffsetParent from \"../dom-utils/getOffsetParent.js\";\nimport getWindow from \"../dom-utils/getWindow.js\";\nimport getDocumentElement from \"../dom-utils/getDocumentElement.js\";\nimport getComputedStyle from \"../dom-utils/getComputedStyle.js\";\nimport getBasePlacement from \"../utils/getBasePlacement.js\";\nimport getVariation from \"../utils/getVariation.js\";\nimport { round } from \"../utils/math.js\"; // eslint-disable-next-line import/no-unused-modules\n\nvar unsetSides = {\n top: 'auto',\n right: 'auto',\n bottom: 'auto',\n left: 'auto'\n}; // Round the offsets to the nearest suitable subpixel based on the DPR.\n// Zooming can change the DPR, but it seems to report a value that will\n// cleanly divide the values into the appropriate subpixels.\n\nfunction roundOffsetsByDPR(_ref, win) {\n var x = _ref.x,\n y = _ref.y;\n var dpr = win.devicePixelRatio || 1;\n return {\n x: round(x * dpr) / dpr || 0,\n y: round(y * dpr) / dpr || 0\n };\n}\n\nexport function mapToStyles(_ref2) {\n var _Object$assign2;\n\n var popper = _ref2.popper,\n popperRect = _ref2.popperRect,\n placement = _ref2.placement,\n variation = _ref2.variation,\n offsets = _ref2.offsets,\n position = _ref2.position,\n gpuAcceleration = _ref2.gpuAcceleration,\n adaptive = _ref2.adaptive,\n roundOffsets = _ref2.roundOffsets,\n isFixed = _ref2.isFixed;\n var _offsets$x = offsets.x,\n x = _offsets$x === void 0 ? 0 : _offsets$x,\n _offsets$y = offsets.y,\n y = _offsets$y === void 0 ? 0 : _offsets$y;\n\n var _ref3 = typeof roundOffsets === 'function' ? roundOffsets({\n x: x,\n y: y\n }) : {\n x: x,\n y: y\n };\n\n x = _ref3.x;\n y = _ref3.y;\n var hasX = offsets.hasOwnProperty('x');\n var hasY = offsets.hasOwnProperty('y');\n var sideX = left;\n var sideY = top;\n var win = window;\n\n if (adaptive) {\n var offsetParent = getOffsetParent(popper);\n var heightProp = 'clientHeight';\n var widthProp = 'clientWidth';\n\n if (offsetParent === getWindow(popper)) {\n offsetParent = getDocumentElement(popper);\n\n if (getComputedStyle(offsetParent).position !== 'static' && position === 'absolute') {\n heightProp = 'scrollHeight';\n widthProp = 'scrollWidth';\n }\n } // $FlowFixMe[incompatible-cast]: force type refinement, we compare offsetParent with window above, but Flow doesn't detect it\n\n\n offsetParent = offsetParent;\n\n if (placement === top || (placement === left || placement === right) && variation === end) {\n sideY = bottom;\n var offsetY = isFixed && offsetParent === win && win.visualViewport ? win.visualViewport.height : // $FlowFixMe[prop-missing]\n offsetParent[heightProp];\n y -= offsetY - popperRect.height;\n y *= gpuAcceleration ? 1 : -1;\n }\n\n if (placement === left || (placement === top || placement === bottom) && variation === end) {\n sideX = right;\n var offsetX = isFixed && offsetParent === win && win.visualViewport ? win.visualViewport.width : // $FlowFixMe[prop-missing]\n offsetParent[widthProp];\n x -= offsetX - popperRect.width;\n x *= gpuAcceleration ? 1 : -1;\n }\n }\n\n var commonStyles = Object.assign({\n position: position\n }, adaptive && unsetSides);\n\n var _ref4 = roundOffsets === true ? roundOffsetsByDPR({\n x: x,\n y: y\n }, getWindow(popper)) : {\n x: x,\n y: y\n };\n\n x = _ref4.x;\n y = _ref4.y;\n\n if (gpuAcceleration) {\n var _Object$assign;\n\n return Object.assign({}, commonStyles, (_Object$assign = {}, _Object$assign[sideY] = hasY ? '0' : '', _Object$assign[sideX] = hasX ? '0' : '', _Object$assign.transform = (win.devicePixelRatio || 1) <= 1 ? \"translate(\" + x + \"px, \" + y + \"px)\" : \"translate3d(\" + x + \"px, \" + y + \"px, 0)\", _Object$assign));\n }\n\n return Object.assign({}, commonStyles, (_Object$assign2 = {}, _Object$assign2[sideY] = hasY ? y + \"px\" : '', _Object$assign2[sideX] = hasX ? x + \"px\" : '', _Object$assign2.transform = '', _Object$assign2));\n}\n\nfunction computeStyles(_ref5) {\n var state = _ref5.state,\n options = _ref5.options;\n var _options$gpuAccelerat = options.gpuAcceleration,\n gpuAcceleration = _options$gpuAccelerat === void 0 ? true : _options$gpuAccelerat,\n _options$adaptive = options.adaptive,\n adaptive = _options$adaptive === void 0 ? true : _options$adaptive,\n _options$roundOffsets = options.roundOffsets,\n roundOffsets = _options$roundOffsets === void 0 ? true : _options$roundOffsets;\n var commonStyles = {\n placement: getBasePlacement(state.placement),\n variation: getVariation(state.placement),\n popper: state.elements.popper,\n popperRect: state.rects.popper,\n gpuAcceleration: gpuAcceleration,\n isFixed: state.options.strategy === 'fixed'\n };\n\n if (state.modifiersData.popperOffsets != null) {\n state.styles.popper = Object.assign({}, state.styles.popper, mapToStyles(Object.assign({}, commonStyles, {\n offsets: state.modifiersData.popperOffsets,\n position: state.options.strategy,\n adaptive: adaptive,\n roundOffsets: roundOffsets\n })));\n }\n\n if (state.modifiersData.arrow != null) {\n state.styles.arrow = Object.assign({}, state.styles.arrow, mapToStyles(Object.assign({}, commonStyles, {\n offsets: state.modifiersData.arrow,\n position: 'absolute',\n adaptive: false,\n roundOffsets: roundOffsets\n })));\n }\n\n state.attributes.popper = Object.assign({}, state.attributes.popper, {\n 'data-popper-placement': state.placement\n });\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'computeStyles',\n enabled: true,\n phase: 'beforeWrite',\n fn: computeStyles,\n data: {}\n};","import getWindow from \"../dom-utils/getWindow.js\"; // eslint-disable-next-line import/no-unused-modules\n\nvar passive = {\n passive: true\n};\n\nfunction effect(_ref) {\n var state = _ref.state,\n instance = _ref.instance,\n options = _ref.options;\n var _options$scroll = options.scroll,\n scroll = _options$scroll === void 0 ? true : _options$scroll,\n _options$resize = options.resize,\n resize = _options$resize === void 0 ? true : _options$resize;\n var window = getWindow(state.elements.popper);\n var scrollParents = [].concat(state.scrollParents.reference, state.scrollParents.popper);\n\n if (scroll) {\n scrollParents.forEach(function (scrollParent) {\n scrollParent.addEventListener('scroll', instance.update, passive);\n });\n }\n\n if (resize) {\n window.addEventListener('resize', instance.update, passive);\n }\n\n return function () {\n if (scroll) {\n scrollParents.forEach(function (scrollParent) {\n scrollParent.removeEventListener('scroll', instance.update, passive);\n });\n }\n\n if (resize) {\n window.removeEventListener('resize', instance.update, passive);\n }\n };\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'eventListeners',\n enabled: true,\n phase: 'write',\n fn: function fn() {},\n effect: effect,\n data: {}\n};","var hash = {\n left: 'right',\n right: 'left',\n bottom: 'top',\n top: 'bottom'\n};\nexport default function getOppositePlacement(placement) {\n return placement.replace(/left|right|bottom|top/g, function (matched) {\n return hash[matched];\n });\n}","var hash = {\n start: 'end',\n end: 'start'\n};\nexport default function getOppositeVariationPlacement(placement) {\n return placement.replace(/start|end/g, function (matched) {\n return hash[matched];\n });\n}","import getWindow from \"./getWindow.js\";\nexport default function getWindowScroll(node) {\n var win = getWindow(node);\n var scrollLeft = win.pageXOffset;\n var scrollTop = win.pageYOffset;\n return {\n scrollLeft: scrollLeft,\n scrollTop: scrollTop\n };\n}","import getBoundingClientRect from \"./getBoundingClientRect.js\";\nimport getDocumentElement from \"./getDocumentElement.js\";\nimport getWindowScroll from \"./getWindowScroll.js\";\nexport default function getWindowScrollBarX(element) {\n // If has a CSS width greater than the viewport, then this will be\n // incorrect for RTL.\n // Popper 1 is broken in this case and never had a bug report so let's assume\n // it's not an issue. I don't think anyone ever specifies width on \n // anyway.\n // Browsers where the left scrollbar doesn't cause an issue report `0` for\n // this (e.g. Edge 2019, IE11, Safari)\n return getBoundingClientRect(getDocumentElement(element)).left + getWindowScroll(element).scrollLeft;\n}","import getComputedStyle from \"./getComputedStyle.js\";\nexport default function isScrollParent(element) {\n // Firefox wants us to check `-x` and `-y` variations as well\n var _getComputedStyle = getComputedStyle(element),\n overflow = _getComputedStyle.overflow,\n overflowX = _getComputedStyle.overflowX,\n overflowY = _getComputedStyle.overflowY;\n\n return /auto|scroll|overlay|hidden/.test(overflow + overflowY + overflowX);\n}","import getParentNode from \"./getParentNode.js\";\nimport isScrollParent from \"./isScrollParent.js\";\nimport getNodeName from \"./getNodeName.js\";\nimport { isHTMLElement } from \"./instanceOf.js\";\nexport default function getScrollParent(node) {\n if (['html', 'body', '#document'].indexOf(getNodeName(node)) >= 0) {\n // $FlowFixMe[incompatible-return]: assume body is always available\n return node.ownerDocument.body;\n }\n\n if (isHTMLElement(node) && isScrollParent(node)) {\n return node;\n }\n\n return getScrollParent(getParentNode(node));\n}","import getScrollParent from \"./getScrollParent.js\";\nimport getParentNode from \"./getParentNode.js\";\nimport getWindow from \"./getWindow.js\";\nimport isScrollParent from \"./isScrollParent.js\";\n/*\ngiven a DOM element, return the list of all scroll parents, up the list of ancesors\nuntil we get to the top window object. This list is what we attach scroll listeners\nto, because if any of these parent elements scroll, we'll need to re-calculate the\nreference element's position.\n*/\n\nexport default function listScrollParents(element, list) {\n var _element$ownerDocumen;\n\n if (list === void 0) {\n list = [];\n }\n\n var scrollParent = getScrollParent(element);\n var isBody = scrollParent === ((_element$ownerDocumen = element.ownerDocument) == null ? void 0 : _element$ownerDocumen.body);\n var win = getWindow(scrollParent);\n var target = isBody ? [win].concat(win.visualViewport || [], isScrollParent(scrollParent) ? scrollParent : []) : scrollParent;\n var updatedList = list.concat(target);\n return isBody ? updatedList : // $FlowFixMe[incompatible-call]: isBody tells us target will be an HTMLElement here\n updatedList.concat(listScrollParents(getParentNode(target)));\n}","export default function rectToClientRect(rect) {\n return Object.assign({}, rect, {\n left: rect.x,\n top: rect.y,\n right: rect.x + rect.width,\n bottom: rect.y + rect.height\n });\n}","import { viewport } from \"../enums.js\";\nimport getViewportRect from \"./getViewportRect.js\";\nimport getDocumentRect from \"./getDocumentRect.js\";\nimport listScrollParents from \"./listScrollParents.js\";\nimport getOffsetParent from \"./getOffsetParent.js\";\nimport getDocumentElement from \"./getDocumentElement.js\";\nimport getComputedStyle from \"./getComputedStyle.js\";\nimport { isElement, isHTMLElement } from \"./instanceOf.js\";\nimport getBoundingClientRect from \"./getBoundingClientRect.js\";\nimport getParentNode from \"./getParentNode.js\";\nimport contains from \"./contains.js\";\nimport getNodeName from \"./getNodeName.js\";\nimport rectToClientRect from \"../utils/rectToClientRect.js\";\nimport { max, min } from \"../utils/math.js\";\n\nfunction getInnerBoundingClientRect(element, strategy) {\n var rect = getBoundingClientRect(element, false, strategy === 'fixed');\n rect.top = rect.top + element.clientTop;\n rect.left = rect.left + element.clientLeft;\n rect.bottom = rect.top + element.clientHeight;\n rect.right = rect.left + element.clientWidth;\n rect.width = element.clientWidth;\n rect.height = element.clientHeight;\n rect.x = rect.left;\n rect.y = rect.top;\n return rect;\n}\n\nfunction getClientRectFromMixedType(element, clippingParent, strategy) {\n return clippingParent === viewport ? rectToClientRect(getViewportRect(element, strategy)) : isElement(clippingParent) ? getInnerBoundingClientRect(clippingParent, strategy) : rectToClientRect(getDocumentRect(getDocumentElement(element)));\n} // A \"clipping parent\" is an overflowable container with the characteristic of\n// clipping (or hiding) overflowing elements with a position different from\n// `initial`\n\n\nfunction getClippingParents(element) {\n var clippingParents = listScrollParents(getParentNode(element));\n var canEscapeClipping = ['absolute', 'fixed'].indexOf(getComputedStyle(element).position) >= 0;\n var clipperElement = canEscapeClipping && isHTMLElement(element) ? getOffsetParent(element) : element;\n\n if (!isElement(clipperElement)) {\n return [];\n } // $FlowFixMe[incompatible-return]: https://github.com/facebook/flow/issues/1414\n\n\n return clippingParents.filter(function (clippingParent) {\n return isElement(clippingParent) && contains(clippingParent, clipperElement) && getNodeName(clippingParent) !== 'body';\n });\n} // Gets the maximum area that the element is visible in due to any number of\n// clipping parents\n\n\nexport default function getClippingRect(element, boundary, rootBoundary, strategy) {\n var mainClippingParents = boundary === 'clippingParents' ? getClippingParents(element) : [].concat(boundary);\n var clippingParents = [].concat(mainClippingParents, [rootBoundary]);\n var firstClippingParent = clippingParents[0];\n var clippingRect = clippingParents.reduce(function (accRect, clippingParent) {\n var rect = getClientRectFromMixedType(element, clippingParent, strategy);\n accRect.top = max(rect.top, accRect.top);\n accRect.right = min(rect.right, accRect.right);\n accRect.bottom = min(rect.bottom, accRect.bottom);\n accRect.left = max(rect.left, accRect.left);\n return accRect;\n }, getClientRectFromMixedType(element, firstClippingParent, strategy));\n clippingRect.width = clippingRect.right - clippingRect.left;\n clippingRect.height = clippingRect.bottom - clippingRect.top;\n clippingRect.x = clippingRect.left;\n clippingRect.y = clippingRect.top;\n return clippingRect;\n}","import getWindow from \"./getWindow.js\";\nimport getDocumentElement from \"./getDocumentElement.js\";\nimport getWindowScrollBarX from \"./getWindowScrollBarX.js\";\nimport isLayoutViewport from \"./isLayoutViewport.js\";\nexport default function getViewportRect(element, strategy) {\n var win = getWindow(element);\n var html = getDocumentElement(element);\n var visualViewport = win.visualViewport;\n var width = html.clientWidth;\n var height = html.clientHeight;\n var x = 0;\n var y = 0;\n\n if (visualViewport) {\n width = visualViewport.width;\n height = visualViewport.height;\n var layoutViewport = isLayoutViewport();\n\n if (layoutViewport || !layoutViewport && strategy === 'fixed') {\n x = visualViewport.offsetLeft;\n y = visualViewport.offsetTop;\n }\n }\n\n return {\n width: width,\n height: height,\n x: x + getWindowScrollBarX(element),\n y: y\n };\n}","import getDocumentElement from \"./getDocumentElement.js\";\nimport getComputedStyle from \"./getComputedStyle.js\";\nimport getWindowScrollBarX from \"./getWindowScrollBarX.js\";\nimport getWindowScroll from \"./getWindowScroll.js\";\nimport { max } from \"../utils/math.js\"; // Gets the entire size of the scrollable document area, even extending outside\n// of the `` and `` rect bounds if horizontally scrollable\n\nexport default function getDocumentRect(element) {\n var _element$ownerDocumen;\n\n var html = getDocumentElement(element);\n var winScroll = getWindowScroll(element);\n var body = (_element$ownerDocumen = element.ownerDocument) == null ? void 0 : _element$ownerDocumen.body;\n var width = max(html.scrollWidth, html.clientWidth, body ? body.scrollWidth : 0, body ? body.clientWidth : 0);\n var height = max(html.scrollHeight, html.clientHeight, body ? body.scrollHeight : 0, body ? body.clientHeight : 0);\n var x = -winScroll.scrollLeft + getWindowScrollBarX(element);\n var y = -winScroll.scrollTop;\n\n if (getComputedStyle(body || html).direction === 'rtl') {\n x += max(html.clientWidth, body ? body.clientWidth : 0) - width;\n }\n\n return {\n width: width,\n height: height,\n x: x,\n y: y\n };\n}","import getBasePlacement from \"./getBasePlacement.js\";\nimport getVariation from \"./getVariation.js\";\nimport getMainAxisFromPlacement from \"./getMainAxisFromPlacement.js\";\nimport { top, right, bottom, left, start, end } from \"../enums.js\";\nexport default function computeOffsets(_ref) {\n var reference = _ref.reference,\n element = _ref.element,\n placement = _ref.placement;\n var basePlacement = placement ? getBasePlacement(placement) : null;\n var variation = placement ? getVariation(placement) : null;\n var commonX = reference.x + reference.width / 2 - element.width / 2;\n var commonY = reference.y + reference.height / 2 - element.height / 2;\n var offsets;\n\n switch (basePlacement) {\n case top:\n offsets = {\n x: commonX,\n y: reference.y - element.height\n };\n break;\n\n case bottom:\n offsets = {\n x: commonX,\n y: reference.y + reference.height\n };\n break;\n\n case right:\n offsets = {\n x: reference.x + reference.width,\n y: commonY\n };\n break;\n\n case left:\n offsets = {\n x: reference.x - element.width,\n y: commonY\n };\n break;\n\n default:\n offsets = {\n x: reference.x,\n y: reference.y\n };\n }\n\n var mainAxis = basePlacement ? getMainAxisFromPlacement(basePlacement) : null;\n\n if (mainAxis != null) {\n var len = mainAxis === 'y' ? 'height' : 'width';\n\n switch (variation) {\n case start:\n offsets[mainAxis] = offsets[mainAxis] - (reference[len] / 2 - element[len] / 2);\n break;\n\n case end:\n offsets[mainAxis] = offsets[mainAxis] + (reference[len] / 2 - element[len] / 2);\n break;\n\n default:\n }\n }\n\n return offsets;\n}","import getClippingRect from \"../dom-utils/getClippingRect.js\";\nimport getDocumentElement from \"../dom-utils/getDocumentElement.js\";\nimport getBoundingClientRect from \"../dom-utils/getBoundingClientRect.js\";\nimport computeOffsets from \"./computeOffsets.js\";\nimport rectToClientRect from \"./rectToClientRect.js\";\nimport { clippingParents, reference, popper, bottom, top, right, basePlacements, viewport } from \"../enums.js\";\nimport { isElement } from \"../dom-utils/instanceOf.js\";\nimport mergePaddingObject from \"./mergePaddingObject.js\";\nimport expandToHashMap from \"./expandToHashMap.js\"; // eslint-disable-next-line import/no-unused-modules\n\nexport default function detectOverflow(state, options) {\n if (options === void 0) {\n options = {};\n }\n\n var _options = options,\n _options$placement = _options.placement,\n placement = _options$placement === void 0 ? state.placement : _options$placement,\n _options$strategy = _options.strategy,\n strategy = _options$strategy === void 0 ? state.strategy : _options$strategy,\n _options$boundary = _options.boundary,\n boundary = _options$boundary === void 0 ? clippingParents : _options$boundary,\n _options$rootBoundary = _options.rootBoundary,\n rootBoundary = _options$rootBoundary === void 0 ? viewport : _options$rootBoundary,\n _options$elementConte = _options.elementContext,\n elementContext = _options$elementConte === void 0 ? popper : _options$elementConte,\n _options$altBoundary = _options.altBoundary,\n altBoundary = _options$altBoundary === void 0 ? false : _options$altBoundary,\n _options$padding = _options.padding,\n padding = _options$padding === void 0 ? 0 : _options$padding;\n var paddingObject = mergePaddingObject(typeof padding !== 'number' ? padding : expandToHashMap(padding, basePlacements));\n var altContext = elementContext === popper ? reference : popper;\n var popperRect = state.rects.popper;\n var element = state.elements[altBoundary ? altContext : elementContext];\n var clippingClientRect = getClippingRect(isElement(element) ? element : element.contextElement || getDocumentElement(state.elements.popper), boundary, rootBoundary, strategy);\n var referenceClientRect = getBoundingClientRect(state.elements.reference);\n var popperOffsets = computeOffsets({\n reference: referenceClientRect,\n element: popperRect,\n strategy: 'absolute',\n placement: placement\n });\n var popperClientRect = rectToClientRect(Object.assign({}, popperRect, popperOffsets));\n var elementClientRect = elementContext === popper ? popperClientRect : referenceClientRect; // positive = overflowing the clipping rect\n // 0 or negative = within the clipping rect\n\n var overflowOffsets = {\n top: clippingClientRect.top - elementClientRect.top + paddingObject.top,\n bottom: elementClientRect.bottom - clippingClientRect.bottom + paddingObject.bottom,\n left: clippingClientRect.left - elementClientRect.left + paddingObject.left,\n right: elementClientRect.right - clippingClientRect.right + paddingObject.right\n };\n var offsetData = state.modifiersData.offset; // Offsets can be applied only to the popper element\n\n if (elementContext === popper && offsetData) {\n var offset = offsetData[placement];\n Object.keys(overflowOffsets).forEach(function (key) {\n var multiply = [right, bottom].indexOf(key) >= 0 ? 1 : -1;\n var axis = [top, bottom].indexOf(key) >= 0 ? 'y' : 'x';\n overflowOffsets[key] += offset[axis] * multiply;\n });\n }\n\n return overflowOffsets;\n}","import getOppositePlacement from \"../utils/getOppositePlacement.js\";\nimport getBasePlacement from \"../utils/getBasePlacement.js\";\nimport getOppositeVariationPlacement from \"../utils/getOppositeVariationPlacement.js\";\nimport detectOverflow from \"../utils/detectOverflow.js\";\nimport computeAutoPlacement from \"../utils/computeAutoPlacement.js\";\nimport { bottom, top, start, right, left, auto } from \"../enums.js\";\nimport getVariation from \"../utils/getVariation.js\"; // eslint-disable-next-line import/no-unused-modules\n\nfunction getExpandedFallbackPlacements(placement) {\n if (getBasePlacement(placement) === auto) {\n return [];\n }\n\n var oppositePlacement = getOppositePlacement(placement);\n return [getOppositeVariationPlacement(placement), oppositePlacement, getOppositeVariationPlacement(oppositePlacement)];\n}\n\nfunction flip(_ref) {\n var state = _ref.state,\n options = _ref.options,\n name = _ref.name;\n\n if (state.modifiersData[name]._skip) {\n return;\n }\n\n var _options$mainAxis = options.mainAxis,\n checkMainAxis = _options$mainAxis === void 0 ? true : _options$mainAxis,\n _options$altAxis = options.altAxis,\n checkAltAxis = _options$altAxis === void 0 ? true : _options$altAxis,\n specifiedFallbackPlacements = options.fallbackPlacements,\n padding = options.padding,\n boundary = options.boundary,\n rootBoundary = options.rootBoundary,\n altBoundary = options.altBoundary,\n _options$flipVariatio = options.flipVariations,\n flipVariations = _options$flipVariatio === void 0 ? true : _options$flipVariatio,\n allowedAutoPlacements = options.allowedAutoPlacements;\n var preferredPlacement = state.options.placement;\n var basePlacement = getBasePlacement(preferredPlacement);\n var isBasePlacement = basePlacement === preferredPlacement;\n var fallbackPlacements = specifiedFallbackPlacements || (isBasePlacement || !flipVariations ? [getOppositePlacement(preferredPlacement)] : getExpandedFallbackPlacements(preferredPlacement));\n var placements = [preferredPlacement].concat(fallbackPlacements).reduce(function (acc, placement) {\n return acc.concat(getBasePlacement(placement) === auto ? computeAutoPlacement(state, {\n placement: placement,\n boundary: boundary,\n rootBoundary: rootBoundary,\n padding: padding,\n flipVariations: flipVariations,\n allowedAutoPlacements: allowedAutoPlacements\n }) : placement);\n }, []);\n var referenceRect = state.rects.reference;\n var popperRect = state.rects.popper;\n var checksMap = new Map();\n var makeFallbackChecks = true;\n var firstFittingPlacement = placements[0];\n\n for (var i = 0; i < placements.length; i++) {\n var placement = placements[i];\n\n var _basePlacement = getBasePlacement(placement);\n\n var isStartVariation = getVariation(placement) === start;\n var isVertical = [top, bottom].indexOf(_basePlacement) >= 0;\n var len = isVertical ? 'width' : 'height';\n var overflow = detectOverflow(state, {\n placement: placement,\n boundary: boundary,\n rootBoundary: rootBoundary,\n altBoundary: altBoundary,\n padding: padding\n });\n var mainVariationSide = isVertical ? isStartVariation ? right : left : isStartVariation ? bottom : top;\n\n if (referenceRect[len] > popperRect[len]) {\n mainVariationSide = getOppositePlacement(mainVariationSide);\n }\n\n var altVariationSide = getOppositePlacement(mainVariationSide);\n var checks = [];\n\n if (checkMainAxis) {\n checks.push(overflow[_basePlacement] <= 0);\n }\n\n if (checkAltAxis) {\n checks.push(overflow[mainVariationSide] <= 0, overflow[altVariationSide] <= 0);\n }\n\n if (checks.every(function (check) {\n return check;\n })) {\n firstFittingPlacement = placement;\n makeFallbackChecks = false;\n break;\n }\n\n checksMap.set(placement, checks);\n }\n\n if (makeFallbackChecks) {\n // `2` may be desired in some cases – research later\n var numberOfChecks = flipVariations ? 3 : 1;\n\n var _loop = function _loop(_i) {\n var fittingPlacement = placements.find(function (placement) {\n var checks = checksMap.get(placement);\n\n if (checks) {\n return checks.slice(0, _i).every(function (check) {\n return check;\n });\n }\n });\n\n if (fittingPlacement) {\n firstFittingPlacement = fittingPlacement;\n return \"break\";\n }\n };\n\n for (var _i = numberOfChecks; _i > 0; _i--) {\n var _ret = _loop(_i);\n\n if (_ret === \"break\") break;\n }\n }\n\n if (state.placement !== firstFittingPlacement) {\n state.modifiersData[name]._skip = true;\n state.placement = firstFittingPlacement;\n state.reset = true;\n }\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'flip',\n enabled: true,\n phase: 'main',\n fn: flip,\n requiresIfExists: ['offset'],\n data: {\n _skip: false\n }\n};","import getVariation from \"./getVariation.js\";\nimport { variationPlacements, basePlacements, placements as allPlacements } from \"../enums.js\";\nimport detectOverflow from \"./detectOverflow.js\";\nimport getBasePlacement from \"./getBasePlacement.js\";\nexport default function computeAutoPlacement(state, options) {\n if (options === void 0) {\n options = {};\n }\n\n var _options = options,\n placement = _options.placement,\n boundary = _options.boundary,\n rootBoundary = _options.rootBoundary,\n padding = _options.padding,\n flipVariations = _options.flipVariations,\n _options$allowedAutoP = _options.allowedAutoPlacements,\n allowedAutoPlacements = _options$allowedAutoP === void 0 ? allPlacements : _options$allowedAutoP;\n var variation = getVariation(placement);\n var placements = variation ? flipVariations ? variationPlacements : variationPlacements.filter(function (placement) {\n return getVariation(placement) === variation;\n }) : basePlacements;\n var allowedPlacements = placements.filter(function (placement) {\n return allowedAutoPlacements.indexOf(placement) >= 0;\n });\n\n if (allowedPlacements.length === 0) {\n allowedPlacements = placements;\n } // $FlowFixMe[incompatible-type]: Flow seems to have problems with two array unions...\n\n\n var overflows = allowedPlacements.reduce(function (acc, placement) {\n acc[placement] = detectOverflow(state, {\n placement: placement,\n boundary: boundary,\n rootBoundary: rootBoundary,\n padding: padding\n })[getBasePlacement(placement)];\n return acc;\n }, {});\n return Object.keys(overflows).sort(function (a, b) {\n return overflows[a] - overflows[b];\n });\n}","import { top, bottom, left, right } from \"../enums.js\";\nimport detectOverflow from \"../utils/detectOverflow.js\";\n\nfunction getSideOffsets(overflow, rect, preventedOffsets) {\n if (preventedOffsets === void 0) {\n preventedOffsets = {\n x: 0,\n y: 0\n };\n }\n\n return {\n top: overflow.top - rect.height - preventedOffsets.y,\n right: overflow.right - rect.width + preventedOffsets.x,\n bottom: overflow.bottom - rect.height + preventedOffsets.y,\n left: overflow.left - rect.width - preventedOffsets.x\n };\n}\n\nfunction isAnySideFullyClipped(overflow) {\n return [top, right, bottom, left].some(function (side) {\n return overflow[side] >= 0;\n });\n}\n\nfunction hide(_ref) {\n var state = _ref.state,\n name = _ref.name;\n var referenceRect = state.rects.reference;\n var popperRect = state.rects.popper;\n var preventedOffsets = state.modifiersData.preventOverflow;\n var referenceOverflow = detectOverflow(state, {\n elementContext: 'reference'\n });\n var popperAltOverflow = detectOverflow(state, {\n altBoundary: true\n });\n var referenceClippingOffsets = getSideOffsets(referenceOverflow, referenceRect);\n var popperEscapeOffsets = getSideOffsets(popperAltOverflow, popperRect, preventedOffsets);\n var isReferenceHidden = isAnySideFullyClipped(referenceClippingOffsets);\n var hasPopperEscaped = isAnySideFullyClipped(popperEscapeOffsets);\n state.modifiersData[name] = {\n referenceClippingOffsets: referenceClippingOffsets,\n popperEscapeOffsets: popperEscapeOffsets,\n isReferenceHidden: isReferenceHidden,\n hasPopperEscaped: hasPopperEscaped\n };\n state.attributes.popper = Object.assign({}, state.attributes.popper, {\n 'data-popper-reference-hidden': isReferenceHidden,\n 'data-popper-escaped': hasPopperEscaped\n });\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'hide',\n enabled: true,\n phase: 'main',\n requiresIfExists: ['preventOverflow'],\n fn: hide\n};","import getBasePlacement from \"../utils/getBasePlacement.js\";\nimport { top, left, right, placements } from \"../enums.js\"; // eslint-disable-next-line import/no-unused-modules\n\nexport function distanceAndSkiddingToXY(placement, rects, offset) {\n var basePlacement = getBasePlacement(placement);\n var invertDistance = [left, top].indexOf(basePlacement) >= 0 ? -1 : 1;\n\n var _ref = typeof offset === 'function' ? offset(Object.assign({}, rects, {\n placement: placement\n })) : offset,\n skidding = _ref[0],\n distance = _ref[1];\n\n skidding = skidding || 0;\n distance = (distance || 0) * invertDistance;\n return [left, right].indexOf(basePlacement) >= 0 ? {\n x: distance,\n y: skidding\n } : {\n x: skidding,\n y: distance\n };\n}\n\nfunction offset(_ref2) {\n var state = _ref2.state,\n options = _ref2.options,\n name = _ref2.name;\n var _options$offset = options.offset,\n offset = _options$offset === void 0 ? [0, 0] : _options$offset;\n var data = placements.reduce(function (acc, placement) {\n acc[placement] = distanceAndSkiddingToXY(placement, state.rects, offset);\n return acc;\n }, {});\n var _data$state$placement = data[state.placement],\n x = _data$state$placement.x,\n y = _data$state$placement.y;\n\n if (state.modifiersData.popperOffsets != null) {\n state.modifiersData.popperOffsets.x += x;\n state.modifiersData.popperOffsets.y += y;\n }\n\n state.modifiersData[name] = data;\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'offset',\n enabled: true,\n phase: 'main',\n requires: ['popperOffsets'],\n fn: offset\n};","import computeOffsets from \"../utils/computeOffsets.js\";\n\nfunction popperOffsets(_ref) {\n var state = _ref.state,\n name = _ref.name;\n // Offsets are the actual position the popper needs to have to be\n // properly positioned near its reference element\n // This is the most basic placement, and will be adjusted by\n // the modifiers in the next step\n state.modifiersData[name] = computeOffsets({\n reference: state.rects.reference,\n element: state.rects.popper,\n strategy: 'absolute',\n placement: state.placement\n });\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'popperOffsets',\n enabled: true,\n phase: 'read',\n fn: popperOffsets,\n data: {}\n};","import { top, left, right, bottom, start } from \"../enums.js\";\nimport getBasePlacement from \"../utils/getBasePlacement.js\";\nimport getMainAxisFromPlacement from \"../utils/getMainAxisFromPlacement.js\";\nimport getAltAxis from \"../utils/getAltAxis.js\";\nimport { within, withinMaxClamp } from \"../utils/within.js\";\nimport getLayoutRect from \"../dom-utils/getLayoutRect.js\";\nimport getOffsetParent from \"../dom-utils/getOffsetParent.js\";\nimport detectOverflow from \"../utils/detectOverflow.js\";\nimport getVariation from \"../utils/getVariation.js\";\nimport getFreshSideObject from \"../utils/getFreshSideObject.js\";\nimport { min as mathMin, max as mathMax } from \"../utils/math.js\";\n\nfunction preventOverflow(_ref) {\n var state = _ref.state,\n options = _ref.options,\n name = _ref.name;\n var _options$mainAxis = options.mainAxis,\n checkMainAxis = _options$mainAxis === void 0 ? true : _options$mainAxis,\n _options$altAxis = options.altAxis,\n checkAltAxis = _options$altAxis === void 0 ? false : _options$altAxis,\n boundary = options.boundary,\n rootBoundary = options.rootBoundary,\n altBoundary = options.altBoundary,\n padding = options.padding,\n _options$tether = options.tether,\n tether = _options$tether === void 0 ? true : _options$tether,\n _options$tetherOffset = options.tetherOffset,\n tetherOffset = _options$tetherOffset === void 0 ? 0 : _options$tetherOffset;\n var overflow = detectOverflow(state, {\n boundary: boundary,\n rootBoundary: rootBoundary,\n padding: padding,\n altBoundary: altBoundary\n });\n var basePlacement = getBasePlacement(state.placement);\n var variation = getVariation(state.placement);\n var isBasePlacement = !variation;\n var mainAxis = getMainAxisFromPlacement(basePlacement);\n var altAxis = getAltAxis(mainAxis);\n var popperOffsets = state.modifiersData.popperOffsets;\n var referenceRect = state.rects.reference;\n var popperRect = state.rects.popper;\n var tetherOffsetValue = typeof tetherOffset === 'function' ? tetherOffset(Object.assign({}, state.rects, {\n placement: state.placement\n })) : tetherOffset;\n var normalizedTetherOffsetValue = typeof tetherOffsetValue === 'number' ? {\n mainAxis: tetherOffsetValue,\n altAxis: tetherOffsetValue\n } : Object.assign({\n mainAxis: 0,\n altAxis: 0\n }, tetherOffsetValue);\n var offsetModifierState = state.modifiersData.offset ? state.modifiersData.offset[state.placement] : null;\n var data = {\n x: 0,\n y: 0\n };\n\n if (!popperOffsets) {\n return;\n }\n\n if (checkMainAxis) {\n var _offsetModifierState$;\n\n var mainSide = mainAxis === 'y' ? top : left;\n var altSide = mainAxis === 'y' ? bottom : right;\n var len = mainAxis === 'y' ? 'height' : 'width';\n var offset = popperOffsets[mainAxis];\n var min = offset + overflow[mainSide];\n var max = offset - overflow[altSide];\n var additive = tether ? -popperRect[len] / 2 : 0;\n var minLen = variation === start ? referenceRect[len] : popperRect[len];\n var maxLen = variation === start ? -popperRect[len] : -referenceRect[len]; // We need to include the arrow in the calculation so the arrow doesn't go\n // outside the reference bounds\n\n var arrowElement = state.elements.arrow;\n var arrowRect = tether && arrowElement ? getLayoutRect(arrowElement) : {\n width: 0,\n height: 0\n };\n var arrowPaddingObject = state.modifiersData['arrow#persistent'] ? state.modifiersData['arrow#persistent'].padding : getFreshSideObject();\n var arrowPaddingMin = arrowPaddingObject[mainSide];\n var arrowPaddingMax = arrowPaddingObject[altSide]; // If the reference length is smaller than the arrow length, we don't want\n // to include its full size in the calculation. If the reference is small\n // and near the edge of a boundary, the popper can overflow even if the\n // reference is not overflowing as well (e.g. virtual elements with no\n // width or height)\n\n var arrowLen = within(0, referenceRect[len], arrowRect[len]);\n var minOffset = isBasePlacement ? referenceRect[len] / 2 - additive - arrowLen - arrowPaddingMin - normalizedTetherOffsetValue.mainAxis : minLen - arrowLen - arrowPaddingMin - normalizedTetherOffsetValue.mainAxis;\n var maxOffset = isBasePlacement ? -referenceRect[len] / 2 + additive + arrowLen + arrowPaddingMax + normalizedTetherOffsetValue.mainAxis : maxLen + arrowLen + arrowPaddingMax + normalizedTetherOffsetValue.mainAxis;\n var arrowOffsetParent = state.elements.arrow && getOffsetParent(state.elements.arrow);\n var clientOffset = arrowOffsetParent ? mainAxis === 'y' ? arrowOffsetParent.clientTop || 0 : arrowOffsetParent.clientLeft || 0 : 0;\n var offsetModifierValue = (_offsetModifierState$ = offsetModifierState == null ? void 0 : offsetModifierState[mainAxis]) != null ? _offsetModifierState$ : 0;\n var tetherMin = offset + minOffset - offsetModifierValue - clientOffset;\n var tetherMax = offset + maxOffset - offsetModifierValue;\n var preventedOffset = within(tether ? mathMin(min, tetherMin) : min, offset, tether ? mathMax(max, tetherMax) : max);\n popperOffsets[mainAxis] = preventedOffset;\n data[mainAxis] = preventedOffset - offset;\n }\n\n if (checkAltAxis) {\n var _offsetModifierState$2;\n\n var _mainSide = mainAxis === 'x' ? top : left;\n\n var _altSide = mainAxis === 'x' ? bottom : right;\n\n var _offset = popperOffsets[altAxis];\n\n var _len = altAxis === 'y' ? 'height' : 'width';\n\n var _min = _offset + overflow[_mainSide];\n\n var _max = _offset - overflow[_altSide];\n\n var isOriginSide = [top, left].indexOf(basePlacement) !== -1;\n\n var _offsetModifierValue = (_offsetModifierState$2 = offsetModifierState == null ? void 0 : offsetModifierState[altAxis]) != null ? _offsetModifierState$2 : 0;\n\n var _tetherMin = isOriginSide ? _min : _offset - referenceRect[_len] - popperRect[_len] - _offsetModifierValue + normalizedTetherOffsetValue.altAxis;\n\n var _tetherMax = isOriginSide ? _offset + referenceRect[_len] + popperRect[_len] - _offsetModifierValue - normalizedTetherOffsetValue.altAxis : _max;\n\n var _preventedOffset = tether && isOriginSide ? withinMaxClamp(_tetherMin, _offset, _tetherMax) : within(tether ? _tetherMin : _min, _offset, tether ? _tetherMax : _max);\n\n popperOffsets[altAxis] = _preventedOffset;\n data[altAxis] = _preventedOffset - _offset;\n }\n\n state.modifiersData[name] = data;\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'preventOverflow',\n enabled: true,\n phase: 'main',\n fn: preventOverflow,\n requiresIfExists: ['offset']\n};","export default function getAltAxis(axis) {\n return axis === 'x' ? 'y' : 'x';\n}","import getBoundingClientRect from \"./getBoundingClientRect.js\";\nimport getNodeScroll from \"./getNodeScroll.js\";\nimport getNodeName from \"./getNodeName.js\";\nimport { isHTMLElement } from \"./instanceOf.js\";\nimport getWindowScrollBarX from \"./getWindowScrollBarX.js\";\nimport getDocumentElement from \"./getDocumentElement.js\";\nimport isScrollParent from \"./isScrollParent.js\";\nimport { round } from \"../utils/math.js\";\n\nfunction isElementScaled(element) {\n var rect = element.getBoundingClientRect();\n var scaleX = round(rect.width) / element.offsetWidth || 1;\n var scaleY = round(rect.height) / element.offsetHeight || 1;\n return scaleX !== 1 || scaleY !== 1;\n} // Returns the composite rect of an element relative to its offsetParent.\n// Composite means it takes into account transforms as well as layout.\n\n\nexport default function getCompositeRect(elementOrVirtualElement, offsetParent, isFixed) {\n if (isFixed === void 0) {\n isFixed = false;\n }\n\n var isOffsetParentAnElement = isHTMLElement(offsetParent);\n var offsetParentIsScaled = isHTMLElement(offsetParent) && isElementScaled(offsetParent);\n var documentElement = getDocumentElement(offsetParent);\n var rect = getBoundingClientRect(elementOrVirtualElement, offsetParentIsScaled, isFixed);\n var scroll = {\n scrollLeft: 0,\n scrollTop: 0\n };\n var offsets = {\n x: 0,\n y: 0\n };\n\n if (isOffsetParentAnElement || !isOffsetParentAnElement && !isFixed) {\n if (getNodeName(offsetParent) !== 'body' || // https://github.com/popperjs/popper-core/issues/1078\n isScrollParent(documentElement)) {\n scroll = getNodeScroll(offsetParent);\n }\n\n if (isHTMLElement(offsetParent)) {\n offsets = getBoundingClientRect(offsetParent, true);\n offsets.x += offsetParent.clientLeft;\n offsets.y += offsetParent.clientTop;\n } else if (documentElement) {\n offsets.x = getWindowScrollBarX(documentElement);\n }\n }\n\n return {\n x: rect.left + scroll.scrollLeft - offsets.x,\n y: rect.top + scroll.scrollTop - offsets.y,\n width: rect.width,\n height: rect.height\n };\n}","import getWindowScroll from \"./getWindowScroll.js\";\nimport getWindow from \"./getWindow.js\";\nimport { isHTMLElement } from \"./instanceOf.js\";\nimport getHTMLElementScroll from \"./getHTMLElementScroll.js\";\nexport default function getNodeScroll(node) {\n if (node === getWindow(node) || !isHTMLElement(node)) {\n return getWindowScroll(node);\n } else {\n return getHTMLElementScroll(node);\n }\n}","export default function getHTMLElementScroll(element) {\n return {\n scrollLeft: element.scrollLeft,\n scrollTop: element.scrollTop\n };\n}","import { modifierPhases } from \"../enums.js\"; // source: https://stackoverflow.com/questions/49875255\n\nfunction order(modifiers) {\n var map = new Map();\n var visited = new Set();\n var result = [];\n modifiers.forEach(function (modifier) {\n map.set(modifier.name, modifier);\n }); // On visiting object, check for its dependencies and visit them recursively\n\n function sort(modifier) {\n visited.add(modifier.name);\n var requires = [].concat(modifier.requires || [], modifier.requiresIfExists || []);\n requires.forEach(function (dep) {\n if (!visited.has(dep)) {\n var depModifier = map.get(dep);\n\n if (depModifier) {\n sort(depModifier);\n }\n }\n });\n result.push(modifier);\n }\n\n modifiers.forEach(function (modifier) {\n if (!visited.has(modifier.name)) {\n // check for visited object\n sort(modifier);\n }\n });\n return result;\n}\n\nexport default function orderModifiers(modifiers) {\n // order based on dependencies\n var orderedModifiers = order(modifiers); // order based on phase\n\n return modifierPhases.reduce(function (acc, phase) {\n return acc.concat(orderedModifiers.filter(function (modifier) {\n return modifier.phase === phase;\n }));\n }, []);\n}","import getCompositeRect from \"./dom-utils/getCompositeRect.js\";\nimport getLayoutRect from \"./dom-utils/getLayoutRect.js\";\nimport listScrollParents from \"./dom-utils/listScrollParents.js\";\nimport getOffsetParent from \"./dom-utils/getOffsetParent.js\";\nimport orderModifiers from \"./utils/orderModifiers.js\";\nimport debounce from \"./utils/debounce.js\";\nimport mergeByName from \"./utils/mergeByName.js\";\nimport detectOverflow from \"./utils/detectOverflow.js\";\nimport { isElement } from \"./dom-utils/instanceOf.js\";\nvar DEFAULT_OPTIONS = {\n placement: 'bottom',\n modifiers: [],\n strategy: 'absolute'\n};\n\nfunction areValidElements() {\n for (var _len = arguments.length, args = new Array(_len), _key = 0; _key < _len; _key++) {\n args[_key] = arguments[_key];\n }\n\n return !args.some(function (element) {\n return !(element && typeof element.getBoundingClientRect === 'function');\n });\n}\n\nexport function popperGenerator(generatorOptions) {\n if (generatorOptions === void 0) {\n generatorOptions = {};\n }\n\n var _generatorOptions = generatorOptions,\n _generatorOptions$def = _generatorOptions.defaultModifiers,\n defaultModifiers = _generatorOptions$def === void 0 ? [] : _generatorOptions$def,\n _generatorOptions$def2 = _generatorOptions.defaultOptions,\n defaultOptions = _generatorOptions$def2 === void 0 ? DEFAULT_OPTIONS : _generatorOptions$def2;\n return function createPopper(reference, popper, options) {\n if (options === void 0) {\n options = defaultOptions;\n }\n\n var state = {\n placement: 'bottom',\n orderedModifiers: [],\n options: Object.assign({}, DEFAULT_OPTIONS, defaultOptions),\n modifiersData: {},\n elements: {\n reference: reference,\n popper: popper\n },\n attributes: {},\n styles: {}\n };\n var effectCleanupFns = [];\n var isDestroyed = false;\n var instance = {\n state: state,\n setOptions: function setOptions(setOptionsAction) {\n var options = typeof setOptionsAction === 'function' ? setOptionsAction(state.options) : setOptionsAction;\n cleanupModifierEffects();\n state.options = Object.assign({}, defaultOptions, state.options, options);\n state.scrollParents = {\n reference: isElement(reference) ? listScrollParents(reference) : reference.contextElement ? listScrollParents(reference.contextElement) : [],\n popper: listScrollParents(popper)\n }; // Orders the modifiers based on their dependencies and `phase`\n // properties\n\n var orderedModifiers = orderModifiers(mergeByName([].concat(defaultModifiers, state.options.modifiers))); // Strip out disabled modifiers\n\n state.orderedModifiers = orderedModifiers.filter(function (m) {\n return m.enabled;\n });\n runModifierEffects();\n return instance.update();\n },\n // Sync update – it will always be executed, even if not necessary. This\n // is useful for low frequency updates where sync behavior simplifies the\n // logic.\n // For high frequency updates (e.g. `resize` and `scroll` events), always\n // prefer the async Popper#update method\n forceUpdate: function forceUpdate() {\n if (isDestroyed) {\n return;\n }\n\n var _state$elements = state.elements,\n reference = _state$elements.reference,\n popper = _state$elements.popper; // Don't proceed if `reference` or `popper` are not valid elements\n // anymore\n\n if (!areValidElements(reference, popper)) {\n return;\n } // Store the reference and popper rects to be read by modifiers\n\n\n state.rects = {\n reference: getCompositeRect(reference, getOffsetParent(popper), state.options.strategy === 'fixed'),\n popper: getLayoutRect(popper)\n }; // Modifiers have the ability to reset the current update cycle. The\n // most common use case for this is the `flip` modifier changing the\n // placement, which then needs to re-run all the modifiers, because the\n // logic was previously ran for the previous placement and is therefore\n // stale/incorrect\n\n state.reset = false;\n state.placement = state.options.placement; // On each update cycle, the `modifiersData` property for each modifier\n // is filled with the initial data specified by the modifier. This means\n // it doesn't persist and is fresh on each update.\n // To ensure persistent data, use `${name}#persistent`\n\n state.orderedModifiers.forEach(function (modifier) {\n return state.modifiersData[modifier.name] = Object.assign({}, modifier.data);\n });\n\n for (var index = 0; index < state.orderedModifiers.length; index++) {\n if (state.reset === true) {\n state.reset = false;\n index = -1;\n continue;\n }\n\n var _state$orderedModifie = state.orderedModifiers[index],\n fn = _state$orderedModifie.fn,\n _state$orderedModifie2 = _state$orderedModifie.options,\n _options = _state$orderedModifie2 === void 0 ? {} : _state$orderedModifie2,\n name = _state$orderedModifie.name;\n\n if (typeof fn === 'function') {\n state = fn({\n state: state,\n options: _options,\n name: name,\n instance: instance\n }) || state;\n }\n }\n },\n // Async and optimistically optimized update – it will not be executed if\n // not necessary (debounced to run at most once-per-tick)\n update: debounce(function () {\n return new Promise(function (resolve) {\n instance.forceUpdate();\n resolve(state);\n });\n }),\n destroy: function destroy() {\n cleanupModifierEffects();\n isDestroyed = true;\n }\n };\n\n if (!areValidElements(reference, popper)) {\n return instance;\n }\n\n instance.setOptions(options).then(function (state) {\n if (!isDestroyed && options.onFirstUpdate) {\n options.onFirstUpdate(state);\n }\n }); // Modifiers have the ability to execute arbitrary code before the first\n // update cycle runs. They will be executed in the same order as the update\n // cycle. This is useful when a modifier adds some persistent data that\n // other modifiers need to use, but the modifier is run after the dependent\n // one.\n\n function runModifierEffects() {\n state.orderedModifiers.forEach(function (_ref) {\n var name = _ref.name,\n _ref$options = _ref.options,\n options = _ref$options === void 0 ? {} : _ref$options,\n effect = _ref.effect;\n\n if (typeof effect === 'function') {\n var cleanupFn = effect({\n state: state,\n name: name,\n instance: instance,\n options: options\n });\n\n var noopFn = function noopFn() {};\n\n effectCleanupFns.push(cleanupFn || noopFn);\n }\n });\n }\n\n function cleanupModifierEffects() {\n effectCleanupFns.forEach(function (fn) {\n return fn();\n });\n effectCleanupFns = [];\n }\n\n return instance;\n };\n}\nexport var createPopper = /*#__PURE__*/popperGenerator(); // eslint-disable-next-line import/no-unused-modules\n\nexport { detectOverflow };","export default function debounce(fn) {\n var pending;\n return function () {\n if (!pending) {\n pending = new Promise(function (resolve) {\n Promise.resolve().then(function () {\n pending = undefined;\n resolve(fn());\n });\n });\n }\n\n return pending;\n };\n}","export default function mergeByName(modifiers) {\n var merged = modifiers.reduce(function (merged, current) {\n var existing = merged[current.name];\n merged[current.name] = existing ? Object.assign({}, existing, current, {\n options: Object.assign({}, existing.options, current.options),\n data: Object.assign({}, existing.data, current.data)\n }) : current;\n return merged;\n }, {}); // IE11 does not support Object.values\n\n return Object.keys(merged).map(function (key) {\n return merged[key];\n });\n}","import { popperGenerator, detectOverflow } from \"./createPopper.js\";\nimport eventListeners from \"./modifiers/eventListeners.js\";\nimport popperOffsets from \"./modifiers/popperOffsets.js\";\nimport computeStyles from \"./modifiers/computeStyles.js\";\nimport applyStyles from \"./modifiers/applyStyles.js\";\nimport offset from \"./modifiers/offset.js\";\nimport flip from \"./modifiers/flip.js\";\nimport preventOverflow from \"./modifiers/preventOverflow.js\";\nimport arrow from \"./modifiers/arrow.js\";\nimport hide from \"./modifiers/hide.js\";\nvar defaultModifiers = [eventListeners, popperOffsets, computeStyles, applyStyles, offset, flip, preventOverflow, arrow, hide];\nvar createPopper = /*#__PURE__*/popperGenerator({\n defaultModifiers: defaultModifiers\n}); // eslint-disable-next-line import/no-unused-modules\n\nexport { createPopper, popperGenerator, defaultModifiers, detectOverflow }; // eslint-disable-next-line import/no-unused-modules\n\nexport { createPopper as createPopperLite } from \"./popper-lite.js\"; // eslint-disable-next-line import/no-unused-modules\n\nexport * from \"./modifiers/index.js\";","import { popperGenerator, detectOverflow } from \"./createPopper.js\";\nimport eventListeners from \"./modifiers/eventListeners.js\";\nimport popperOffsets from \"./modifiers/popperOffsets.js\";\nimport computeStyles from \"./modifiers/computeStyles.js\";\nimport applyStyles from \"./modifiers/applyStyles.js\";\nvar defaultModifiers = [eventListeners, popperOffsets, computeStyles, applyStyles];\nvar createPopper = /*#__PURE__*/popperGenerator({\n defaultModifiers: defaultModifiers\n}); // eslint-disable-next-line import/no-unused-modules\n\nexport { createPopper, popperGenerator, defaultModifiers, detectOverflow };","/*!\n * Bootstrap v5.3.3 (https://getbootstrap.com/)\n * Copyright 2011-2024 The Bootstrap Authors (https://github.com/twbs/bootstrap/graphs/contributors)\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n */\nimport * as Popper from '@popperjs/core';\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap dom/data.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n/**\n * Constants\n */\n\nconst elementMap = new Map();\nconst Data = {\n set(element, key, instance) {\n if (!elementMap.has(element)) {\n elementMap.set(element, new Map());\n }\n const instanceMap = elementMap.get(element);\n\n // make it clear we only want one instance per element\n // can be removed later when multiple key/instances are fine to be used\n if (!instanceMap.has(key) && instanceMap.size !== 0) {\n // eslint-disable-next-line no-console\n console.error(`Bootstrap doesn't allow more than one instance per element. Bound instance: ${Array.from(instanceMap.keys())[0]}.`);\n return;\n }\n instanceMap.set(key, instance);\n },\n get(element, key) {\n if (elementMap.has(element)) {\n return elementMap.get(element).get(key) || null;\n }\n return null;\n },\n remove(element, key) {\n if (!elementMap.has(element)) {\n return;\n }\n const instanceMap = elementMap.get(element);\n instanceMap.delete(key);\n\n // free up element references if there are no instances left for an element\n if (instanceMap.size === 0) {\n elementMap.delete(element);\n }\n }\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/index.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nconst MAX_UID = 1000000;\nconst MILLISECONDS_MULTIPLIER = 1000;\nconst TRANSITION_END = 'transitionend';\n\n/**\n * Properly escape IDs selectors to handle weird IDs\n * @param {string} selector\n * @returns {string}\n */\nconst parseSelector = selector => {\n if (selector && window.CSS && window.CSS.escape) {\n // document.querySelector needs escaping to handle IDs (html5+) containing for instance /\n selector = selector.replace(/#([^\\s\"#']+)/g, (match, id) => `#${CSS.escape(id)}`);\n }\n return selector;\n};\n\n// Shout-out Angus Croll (https://goo.gl/pxwQGp)\nconst toType = object => {\n if (object === null || object === undefined) {\n return `${object}`;\n }\n return Object.prototype.toString.call(object).match(/\\s([a-z]+)/i)[1].toLowerCase();\n};\n\n/**\n * Public Util API\n */\n\nconst getUID = prefix => {\n do {\n prefix += Math.floor(Math.random() * MAX_UID);\n } while (document.getElementById(prefix));\n return prefix;\n};\nconst getTransitionDurationFromElement = element => {\n if (!element) {\n return 0;\n }\n\n // Get transition-duration of the element\n let {\n transitionDuration,\n transitionDelay\n } = window.getComputedStyle(element);\n const floatTransitionDuration = Number.parseFloat(transitionDuration);\n const floatTransitionDelay = Number.parseFloat(transitionDelay);\n\n // Return 0 if element or transition duration is not found\n if (!floatTransitionDuration && !floatTransitionDelay) {\n return 0;\n }\n\n // If multiple durations are defined, take the first\n transitionDuration = transitionDuration.split(',')[0];\n transitionDelay = transitionDelay.split(',')[0];\n return (Number.parseFloat(transitionDuration) + Number.parseFloat(transitionDelay)) * MILLISECONDS_MULTIPLIER;\n};\nconst triggerTransitionEnd = element => {\n element.dispatchEvent(new Event(TRANSITION_END));\n};\nconst isElement = object => {\n if (!object || typeof object !== 'object') {\n return false;\n }\n if (typeof object.jquery !== 'undefined') {\n object = object[0];\n }\n return typeof object.nodeType !== 'undefined';\n};\nconst getElement = object => {\n // it's a jQuery object or a node element\n if (isElement(object)) {\n return object.jquery ? object[0] : object;\n }\n if (typeof object === 'string' && object.length > 0) {\n return document.querySelector(parseSelector(object));\n }\n return null;\n};\nconst isVisible = element => {\n if (!isElement(element) || element.getClientRects().length === 0) {\n return false;\n }\n const elementIsVisible = getComputedStyle(element).getPropertyValue('visibility') === 'visible';\n // Handle `details` element as its content may falsie appear visible when it is closed\n const closedDetails = element.closest('details:not([open])');\n if (!closedDetails) {\n return elementIsVisible;\n }\n if (closedDetails !== element) {\n const summary = element.closest('summary');\n if (summary && summary.parentNode !== closedDetails) {\n return false;\n }\n if (summary === null) {\n return false;\n }\n }\n return elementIsVisible;\n};\nconst isDisabled = element => {\n if (!element || element.nodeType !== Node.ELEMENT_NODE) {\n return true;\n }\n if (element.classList.contains('disabled')) {\n return true;\n }\n if (typeof element.disabled !== 'undefined') {\n return element.disabled;\n }\n return element.hasAttribute('disabled') && element.getAttribute('disabled') !== 'false';\n};\nconst findShadowRoot = element => {\n if (!document.documentElement.attachShadow) {\n return null;\n }\n\n // Can find the shadow root otherwise it'll return the document\n if (typeof element.getRootNode === 'function') {\n const root = element.getRootNode();\n return root instanceof ShadowRoot ? root : null;\n }\n if (element instanceof ShadowRoot) {\n return element;\n }\n\n // when we don't find a shadow root\n if (!element.parentNode) {\n return null;\n }\n return findShadowRoot(element.parentNode);\n};\nconst noop = () => {};\n\n/**\n * Trick to restart an element's animation\n *\n * @param {HTMLElement} element\n * @return void\n *\n * @see https://www.charistheo.io/blog/2021/02/restart-a-css-animation-with-javascript/#restarting-a-css-animation\n */\nconst reflow = element => {\n element.offsetHeight; // eslint-disable-line no-unused-expressions\n};\nconst getjQuery = () => {\n if (window.jQuery && !document.body.hasAttribute('data-bs-no-jquery')) {\n return window.jQuery;\n }\n return null;\n};\nconst DOMContentLoadedCallbacks = [];\nconst onDOMContentLoaded = callback => {\n if (document.readyState === 'loading') {\n // add listener on the first call when the document is in loading state\n if (!DOMContentLoadedCallbacks.length) {\n document.addEventListener('DOMContentLoaded', () => {\n for (const callback of DOMContentLoadedCallbacks) {\n callback();\n }\n });\n }\n DOMContentLoadedCallbacks.push(callback);\n } else {\n callback();\n }\n};\nconst isRTL = () => document.documentElement.dir === 'rtl';\nconst defineJQueryPlugin = plugin => {\n onDOMContentLoaded(() => {\n const $ = getjQuery();\n /* istanbul ignore if */\n if ($) {\n const name = plugin.NAME;\n const JQUERY_NO_CONFLICT = $.fn[name];\n $.fn[name] = plugin.jQueryInterface;\n $.fn[name].Constructor = plugin;\n $.fn[name].noConflict = () => {\n $.fn[name] = JQUERY_NO_CONFLICT;\n return plugin.jQueryInterface;\n };\n }\n });\n};\nconst execute = (possibleCallback, args = [], defaultValue = possibleCallback) => {\n return typeof possibleCallback === 'function' ? possibleCallback(...args) : defaultValue;\n};\nconst executeAfterTransition = (callback, transitionElement, waitForTransition = true) => {\n if (!waitForTransition) {\n execute(callback);\n return;\n }\n const durationPadding = 5;\n const emulatedDuration = getTransitionDurationFromElement(transitionElement) + durationPadding;\n let called = false;\n const handler = ({\n target\n }) => {\n if (target !== transitionElement) {\n return;\n }\n called = true;\n transitionElement.removeEventListener(TRANSITION_END, handler);\n execute(callback);\n };\n transitionElement.addEventListener(TRANSITION_END, handler);\n setTimeout(() => {\n if (!called) {\n triggerTransitionEnd(transitionElement);\n }\n }, emulatedDuration);\n};\n\n/**\n * Return the previous/next element of a list.\n *\n * @param {array} list The list of elements\n * @param activeElement The active element\n * @param shouldGetNext Choose to get next or previous element\n * @param isCycleAllowed\n * @return {Element|elem} The proper element\n */\nconst getNextActiveElement = (list, activeElement, shouldGetNext, isCycleAllowed) => {\n const listLength = list.length;\n let index = list.indexOf(activeElement);\n\n // if the element does not exist in the list return an element\n // depending on the direction and if cycle is allowed\n if (index === -1) {\n return !shouldGetNext && isCycleAllowed ? list[listLength - 1] : list[0];\n }\n index += shouldGetNext ? 1 : -1;\n if (isCycleAllowed) {\n index = (index + listLength) % listLength;\n }\n return list[Math.max(0, Math.min(index, listLength - 1))];\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap dom/event-handler.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst namespaceRegex = /[^.]*(?=\\..*)\\.|.*/;\nconst stripNameRegex = /\\..*/;\nconst stripUidRegex = /::\\d+$/;\nconst eventRegistry = {}; // Events storage\nlet uidEvent = 1;\nconst customEvents = {\n mouseenter: 'mouseover',\n mouseleave: 'mouseout'\n};\nconst nativeEvents = new Set(['click', 'dblclick', 'mouseup', 'mousedown', 'contextmenu', 'mousewheel', 'DOMMouseScroll', 'mouseover', 'mouseout', 'mousemove', 'selectstart', 'selectend', 'keydown', 'keypress', 'keyup', 'orientationchange', 'touchstart', 'touchmove', 'touchend', 'touchcancel', 'pointerdown', 'pointermove', 'pointerup', 'pointerleave', 'pointercancel', 'gesturestart', 'gesturechange', 'gestureend', 'focus', 'blur', 'change', 'reset', 'select', 'submit', 'focusin', 'focusout', 'load', 'unload', 'beforeunload', 'resize', 'move', 'DOMContentLoaded', 'readystatechange', 'error', 'abort', 'scroll']);\n\n/**\n * Private methods\n */\n\nfunction makeEventUid(element, uid) {\n return uid && `${uid}::${uidEvent++}` || element.uidEvent || uidEvent++;\n}\nfunction getElementEvents(element) {\n const uid = makeEventUid(element);\n element.uidEvent = uid;\n eventRegistry[uid] = eventRegistry[uid] || {};\n return eventRegistry[uid];\n}\nfunction bootstrapHandler(element, fn) {\n return function handler(event) {\n hydrateObj(event, {\n delegateTarget: element\n });\n if (handler.oneOff) {\n EventHandler.off(element, event.type, fn);\n }\n return fn.apply(element, [event]);\n };\n}\nfunction bootstrapDelegationHandler(element, selector, fn) {\n return function handler(event) {\n const domElements = element.querySelectorAll(selector);\n for (let {\n target\n } = event; target && target !== this; target = target.parentNode) {\n for (const domElement of domElements) {\n if (domElement !== target) {\n continue;\n }\n hydrateObj(event, {\n delegateTarget: target\n });\n if (handler.oneOff) {\n EventHandler.off(element, event.type, selector, fn);\n }\n return fn.apply(target, [event]);\n }\n }\n };\n}\nfunction findHandler(events, callable, delegationSelector = null) {\n return Object.values(events).find(event => event.callable === callable && event.delegationSelector === delegationSelector);\n}\nfunction normalizeParameters(originalTypeEvent, handler, delegationFunction) {\n const isDelegated = typeof handler === 'string';\n // TODO: tooltip passes `false` instead of selector, so we need to check\n const callable = isDelegated ? delegationFunction : handler || delegationFunction;\n let typeEvent = getTypeEvent(originalTypeEvent);\n if (!nativeEvents.has(typeEvent)) {\n typeEvent = originalTypeEvent;\n }\n return [isDelegated, callable, typeEvent];\n}\nfunction addHandler(element, originalTypeEvent, handler, delegationFunction, oneOff) {\n if (typeof originalTypeEvent !== 'string' || !element) {\n return;\n }\n let [isDelegated, callable, typeEvent] = normalizeParameters(originalTypeEvent, handler, delegationFunction);\n\n // in case of mouseenter or mouseleave wrap the handler within a function that checks for its DOM position\n // this prevents the handler from being dispatched the same way as mouseover or mouseout does\n if (originalTypeEvent in customEvents) {\n const wrapFunction = fn => {\n return function (event) {\n if (!event.relatedTarget || event.relatedTarget !== event.delegateTarget && !event.delegateTarget.contains(event.relatedTarget)) {\n return fn.call(this, event);\n }\n };\n };\n callable = wrapFunction(callable);\n }\n const events = getElementEvents(element);\n const handlers = events[typeEvent] || (events[typeEvent] = {});\n const previousFunction = findHandler(handlers, callable, isDelegated ? handler : null);\n if (previousFunction) {\n previousFunction.oneOff = previousFunction.oneOff && oneOff;\n return;\n }\n const uid = makeEventUid(callable, originalTypeEvent.replace(namespaceRegex, ''));\n const fn = isDelegated ? bootstrapDelegationHandler(element, handler, callable) : bootstrapHandler(element, callable);\n fn.delegationSelector = isDelegated ? handler : null;\n fn.callable = callable;\n fn.oneOff = oneOff;\n fn.uidEvent = uid;\n handlers[uid] = fn;\n element.addEventListener(typeEvent, fn, isDelegated);\n}\nfunction removeHandler(element, events, typeEvent, handler, delegationSelector) {\n const fn = findHandler(events[typeEvent], handler, delegationSelector);\n if (!fn) {\n return;\n }\n element.removeEventListener(typeEvent, fn, Boolean(delegationSelector));\n delete events[typeEvent][fn.uidEvent];\n}\nfunction removeNamespacedHandlers(element, events, typeEvent, namespace) {\n const storeElementEvent = events[typeEvent] || {};\n for (const [handlerKey, event] of Object.entries(storeElementEvent)) {\n if (handlerKey.includes(namespace)) {\n removeHandler(element, events, typeEvent, event.callable, event.delegationSelector);\n }\n }\n}\nfunction getTypeEvent(event) {\n // allow to get the native events from namespaced events ('click.bs.button' --> 'click')\n event = event.replace(stripNameRegex, '');\n return customEvents[event] || event;\n}\nconst EventHandler = {\n on(element, event, handler, delegationFunction) {\n addHandler(element, event, handler, delegationFunction, false);\n },\n one(element, event, handler, delegationFunction) {\n addHandler(element, event, handler, delegationFunction, true);\n },\n off(element, originalTypeEvent, handler, delegationFunction) {\n if (typeof originalTypeEvent !== 'string' || !element) {\n return;\n }\n const [isDelegated, callable, typeEvent] = normalizeParameters(originalTypeEvent, handler, delegationFunction);\n const inNamespace = typeEvent !== originalTypeEvent;\n const events = getElementEvents(element);\n const storeElementEvent = events[typeEvent] || {};\n const isNamespace = originalTypeEvent.startsWith('.');\n if (typeof callable !== 'undefined') {\n // Simplest case: handler is passed, remove that listener ONLY.\n if (!Object.keys(storeElementEvent).length) {\n return;\n }\n removeHandler(element, events, typeEvent, callable, isDelegated ? handler : null);\n return;\n }\n if (isNamespace) {\n for (const elementEvent of Object.keys(events)) {\n removeNamespacedHandlers(element, events, elementEvent, originalTypeEvent.slice(1));\n }\n }\n for (const [keyHandlers, event] of Object.entries(storeElementEvent)) {\n const handlerKey = keyHandlers.replace(stripUidRegex, '');\n if (!inNamespace || originalTypeEvent.includes(handlerKey)) {\n removeHandler(element, events, typeEvent, event.callable, event.delegationSelector);\n }\n }\n },\n trigger(element, event, args) {\n if (typeof event !== 'string' || !element) {\n return null;\n }\n const $ = getjQuery();\n const typeEvent = getTypeEvent(event);\n const inNamespace = event !== typeEvent;\n let jQueryEvent = null;\n let bubbles = true;\n let nativeDispatch = true;\n let defaultPrevented = false;\n if (inNamespace && $) {\n jQueryEvent = $.Event(event, args);\n $(element).trigger(jQueryEvent);\n bubbles = !jQueryEvent.isPropagationStopped();\n nativeDispatch = !jQueryEvent.isImmediatePropagationStopped();\n defaultPrevented = jQueryEvent.isDefaultPrevented();\n }\n const evt = hydrateObj(new Event(event, {\n bubbles,\n cancelable: true\n }), args);\n if (defaultPrevented) {\n evt.preventDefault();\n }\n if (nativeDispatch) {\n element.dispatchEvent(evt);\n }\n if (evt.defaultPrevented && jQueryEvent) {\n jQueryEvent.preventDefault();\n }\n return evt;\n }\n};\nfunction hydrateObj(obj, meta = {}) {\n for (const [key, value] of Object.entries(meta)) {\n try {\n obj[key] = value;\n } catch (_unused) {\n Object.defineProperty(obj, key, {\n configurable: true,\n get() {\n return value;\n }\n });\n }\n }\n return obj;\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap dom/manipulator.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nfunction normalizeData(value) {\n if (value === 'true') {\n return true;\n }\n if (value === 'false') {\n return false;\n }\n if (value === Number(value).toString()) {\n return Number(value);\n }\n if (value === '' || value === 'null') {\n return null;\n }\n if (typeof value !== 'string') {\n return value;\n }\n try {\n return JSON.parse(decodeURIComponent(value));\n } catch (_unused) {\n return value;\n }\n}\nfunction normalizeDataKey(key) {\n return key.replace(/[A-Z]/g, chr => `-${chr.toLowerCase()}`);\n}\nconst Manipulator = {\n setDataAttribute(element, key, value) {\n element.setAttribute(`data-bs-${normalizeDataKey(key)}`, value);\n },\n removeDataAttribute(element, key) {\n element.removeAttribute(`data-bs-${normalizeDataKey(key)}`);\n },\n getDataAttributes(element) {\n if (!element) {\n return {};\n }\n const attributes = {};\n const bsKeys = Object.keys(element.dataset).filter(key => key.startsWith('bs') && !key.startsWith('bsConfig'));\n for (const key of bsKeys) {\n let pureKey = key.replace(/^bs/, '');\n pureKey = pureKey.charAt(0).toLowerCase() + pureKey.slice(1, pureKey.length);\n attributes[pureKey] = normalizeData(element.dataset[key]);\n }\n return attributes;\n },\n getDataAttribute(element, key) {\n return normalizeData(element.getAttribute(`data-bs-${normalizeDataKey(key)}`));\n }\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/config.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Class definition\n */\n\nclass Config {\n // Getters\n static get Default() {\n return {};\n }\n static get DefaultType() {\n return {};\n }\n static get NAME() {\n throw new Error('You have to implement the static method \"NAME\", for each component!');\n }\n _getConfig(config) {\n config = this._mergeConfigObj(config);\n config = this._configAfterMerge(config);\n this._typeCheckConfig(config);\n return config;\n }\n _configAfterMerge(config) {\n return config;\n }\n _mergeConfigObj(config, element) {\n const jsonConfig = isElement(element) ? Manipulator.getDataAttribute(element, 'config') : {}; // try to parse\n\n return {\n ...this.constructor.Default,\n ...(typeof jsonConfig === 'object' ? jsonConfig : {}),\n ...(isElement(element) ? Manipulator.getDataAttributes(element) : {}),\n ...(typeof config === 'object' ? config : {})\n };\n }\n _typeCheckConfig(config, configTypes = this.constructor.DefaultType) {\n for (const [property, expectedTypes] of Object.entries(configTypes)) {\n const value = config[property];\n const valueType = isElement(value) ? 'element' : toType(value);\n if (!new RegExp(expectedTypes).test(valueType)) {\n throw new TypeError(`${this.constructor.NAME.toUpperCase()}: Option \"${property}\" provided type \"${valueType}\" but expected type \"${expectedTypes}\".`);\n }\n }\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap base-component.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst VERSION = '5.3.3';\n\n/**\n * Class definition\n */\n\nclass BaseComponent extends Config {\n constructor(element, config) {\n super();\n element = getElement(element);\n if (!element) {\n return;\n }\n this._element = element;\n this._config = this._getConfig(config);\n Data.set(this._element, this.constructor.DATA_KEY, this);\n }\n\n // Public\n dispose() {\n Data.remove(this._element, this.constructor.DATA_KEY);\n EventHandler.off(this._element, this.constructor.EVENT_KEY);\n for (const propertyName of Object.getOwnPropertyNames(this)) {\n this[propertyName] = null;\n }\n }\n _queueCallback(callback, element, isAnimated = true) {\n executeAfterTransition(callback, element, isAnimated);\n }\n _getConfig(config) {\n config = this._mergeConfigObj(config, this._element);\n config = this._configAfterMerge(config);\n this._typeCheckConfig(config);\n return config;\n }\n\n // Static\n static getInstance(element) {\n return Data.get(getElement(element), this.DATA_KEY);\n }\n static getOrCreateInstance(element, config = {}) {\n return this.getInstance(element) || new this(element, typeof config === 'object' ? config : null);\n }\n static get VERSION() {\n return VERSION;\n }\n static get DATA_KEY() {\n return `bs.${this.NAME}`;\n }\n static get EVENT_KEY() {\n return `.${this.DATA_KEY}`;\n }\n static eventName(name) {\n return `${name}${this.EVENT_KEY}`;\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap dom/selector-engine.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nconst getSelector = element => {\n let selector = element.getAttribute('data-bs-target');\n if (!selector || selector === '#') {\n let hrefAttribute = element.getAttribute('href');\n\n // The only valid content that could double as a selector are IDs or classes,\n // so everything starting with `#` or `.`. If a \"real\" URL is used as the selector,\n // `document.querySelector` will rightfully complain it is invalid.\n // See https://github.com/twbs/bootstrap/issues/32273\n if (!hrefAttribute || !hrefAttribute.includes('#') && !hrefAttribute.startsWith('.')) {\n return null;\n }\n\n // Just in case some CMS puts out a full URL with the anchor appended\n if (hrefAttribute.includes('#') && !hrefAttribute.startsWith('#')) {\n hrefAttribute = `#${hrefAttribute.split('#')[1]}`;\n }\n selector = hrefAttribute && hrefAttribute !== '#' ? hrefAttribute.trim() : null;\n }\n return selector ? selector.split(',').map(sel => parseSelector(sel)).join(',') : null;\n};\nconst SelectorEngine = {\n find(selector, element = document.documentElement) {\n return [].concat(...Element.prototype.querySelectorAll.call(element, selector));\n },\n findOne(selector, element = document.documentElement) {\n return Element.prototype.querySelector.call(element, selector);\n },\n children(element, selector) {\n return [].concat(...element.children).filter(child => child.matches(selector));\n },\n parents(element, selector) {\n const parents = [];\n let ancestor = element.parentNode.closest(selector);\n while (ancestor) {\n parents.push(ancestor);\n ancestor = ancestor.parentNode.closest(selector);\n }\n return parents;\n },\n prev(element, selector) {\n let previous = element.previousElementSibling;\n while (previous) {\n if (previous.matches(selector)) {\n return [previous];\n }\n previous = previous.previousElementSibling;\n }\n return [];\n },\n // TODO: this is now unused; remove later along with prev()\n next(element, selector) {\n let next = element.nextElementSibling;\n while (next) {\n if (next.matches(selector)) {\n return [next];\n }\n next = next.nextElementSibling;\n }\n return [];\n },\n focusableChildren(element) {\n const focusables = ['a', 'button', 'input', 'textarea', 'select', 'details', '[tabindex]', '[contenteditable=\"true\"]'].map(selector => `${selector}:not([tabindex^=\"-\"])`).join(',');\n return this.find(focusables, element).filter(el => !isDisabled(el) && isVisible(el));\n },\n getSelectorFromElement(element) {\n const selector = getSelector(element);\n if (selector) {\n return SelectorEngine.findOne(selector) ? selector : null;\n }\n return null;\n },\n getElementFromSelector(element) {\n const selector = getSelector(element);\n return selector ? SelectorEngine.findOne(selector) : null;\n },\n getMultipleElementsFromSelector(element) {\n const selector = getSelector(element);\n return selector ? SelectorEngine.find(selector) : [];\n }\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/component-functions.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nconst enableDismissTrigger = (component, method = 'hide') => {\n const clickEvent = `click.dismiss${component.EVENT_KEY}`;\n const name = component.NAME;\n EventHandler.on(document, clickEvent, `[data-bs-dismiss=\"${name}\"]`, function (event) {\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault();\n }\n if (isDisabled(this)) {\n return;\n }\n const target = SelectorEngine.getElementFromSelector(this) || this.closest(`.${name}`);\n const instance = component.getOrCreateInstance(target);\n\n // Method argument is left, for Alert and only, as it doesn't implement the 'hide' method\n instance[method]();\n });\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap alert.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$f = 'alert';\nconst DATA_KEY$a = 'bs.alert';\nconst EVENT_KEY$b = `.${DATA_KEY$a}`;\nconst EVENT_CLOSE = `close${EVENT_KEY$b}`;\nconst EVENT_CLOSED = `closed${EVENT_KEY$b}`;\nconst CLASS_NAME_FADE$5 = 'fade';\nconst CLASS_NAME_SHOW$8 = 'show';\n\n/**\n * Class definition\n */\n\nclass Alert extends BaseComponent {\n // Getters\n static get NAME() {\n return NAME$f;\n }\n\n // Public\n close() {\n const closeEvent = EventHandler.trigger(this._element, EVENT_CLOSE);\n if (closeEvent.defaultPrevented) {\n return;\n }\n this._element.classList.remove(CLASS_NAME_SHOW$8);\n const isAnimated = this._element.classList.contains(CLASS_NAME_FADE$5);\n this._queueCallback(() => this._destroyElement(), this._element, isAnimated);\n }\n\n // Private\n _destroyElement() {\n this._element.remove();\n EventHandler.trigger(this._element, EVENT_CLOSED);\n this.dispose();\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Alert.getOrCreateInstance(this);\n if (typeof config !== 'string') {\n return;\n }\n if (data[config] === undefined || config.startsWith('_') || config === 'constructor') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config](this);\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nenableDismissTrigger(Alert, 'close');\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Alert);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap button.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$e = 'button';\nconst DATA_KEY$9 = 'bs.button';\nconst EVENT_KEY$a = `.${DATA_KEY$9}`;\nconst DATA_API_KEY$6 = '.data-api';\nconst CLASS_NAME_ACTIVE$3 = 'active';\nconst SELECTOR_DATA_TOGGLE$5 = '[data-bs-toggle=\"button\"]';\nconst EVENT_CLICK_DATA_API$6 = `click${EVENT_KEY$a}${DATA_API_KEY$6}`;\n\n/**\n * Class definition\n */\n\nclass Button extends BaseComponent {\n // Getters\n static get NAME() {\n return NAME$e;\n }\n\n // Public\n toggle() {\n // Toggle class and sync the `aria-pressed` attribute with the return value of the `.toggle()` method\n this._element.setAttribute('aria-pressed', this._element.classList.toggle(CLASS_NAME_ACTIVE$3));\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Button.getOrCreateInstance(this);\n if (config === 'toggle') {\n data[config]();\n }\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$6, SELECTOR_DATA_TOGGLE$5, event => {\n event.preventDefault();\n const button = event.target.closest(SELECTOR_DATA_TOGGLE$5);\n const data = Button.getOrCreateInstance(button);\n data.toggle();\n});\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Button);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/swipe.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$d = 'swipe';\nconst EVENT_KEY$9 = '.bs.swipe';\nconst EVENT_TOUCHSTART = `touchstart${EVENT_KEY$9}`;\nconst EVENT_TOUCHMOVE = `touchmove${EVENT_KEY$9}`;\nconst EVENT_TOUCHEND = `touchend${EVENT_KEY$9}`;\nconst EVENT_POINTERDOWN = `pointerdown${EVENT_KEY$9}`;\nconst EVENT_POINTERUP = `pointerup${EVENT_KEY$9}`;\nconst POINTER_TYPE_TOUCH = 'touch';\nconst POINTER_TYPE_PEN = 'pen';\nconst CLASS_NAME_POINTER_EVENT = 'pointer-event';\nconst SWIPE_THRESHOLD = 40;\nconst Default$c = {\n endCallback: null,\n leftCallback: null,\n rightCallback: null\n};\nconst DefaultType$c = {\n endCallback: '(function|null)',\n leftCallback: '(function|null)',\n rightCallback: '(function|null)'\n};\n\n/**\n * Class definition\n */\n\nclass Swipe extends Config {\n constructor(element, config) {\n super();\n this._element = element;\n if (!element || !Swipe.isSupported()) {\n return;\n }\n this._config = this._getConfig(config);\n this._deltaX = 0;\n this._supportPointerEvents = Boolean(window.PointerEvent);\n this._initEvents();\n }\n\n // Getters\n static get Default() {\n return Default$c;\n }\n static get DefaultType() {\n return DefaultType$c;\n }\n static get NAME() {\n return NAME$d;\n }\n\n // Public\n dispose() {\n EventHandler.off(this._element, EVENT_KEY$9);\n }\n\n // Private\n _start(event) {\n if (!this._supportPointerEvents) {\n this._deltaX = event.touches[0].clientX;\n return;\n }\n if (this._eventIsPointerPenTouch(event)) {\n this._deltaX = event.clientX;\n }\n }\n _end(event) {\n if (this._eventIsPointerPenTouch(event)) {\n this._deltaX = event.clientX - this._deltaX;\n }\n this._handleSwipe();\n execute(this._config.endCallback);\n }\n _move(event) {\n this._deltaX = event.touches && event.touches.length > 1 ? 0 : event.touches[0].clientX - this._deltaX;\n }\n _handleSwipe() {\n const absDeltaX = Math.abs(this._deltaX);\n if (absDeltaX <= SWIPE_THRESHOLD) {\n return;\n }\n const direction = absDeltaX / this._deltaX;\n this._deltaX = 0;\n if (!direction) {\n return;\n }\n execute(direction > 0 ? this._config.rightCallback : this._config.leftCallback);\n }\n _initEvents() {\n if (this._supportPointerEvents) {\n EventHandler.on(this._element, EVENT_POINTERDOWN, event => this._start(event));\n EventHandler.on(this._element, EVENT_POINTERUP, event => this._end(event));\n this._element.classList.add(CLASS_NAME_POINTER_EVENT);\n } else {\n EventHandler.on(this._element, EVENT_TOUCHSTART, event => this._start(event));\n EventHandler.on(this._element, EVENT_TOUCHMOVE, event => this._move(event));\n EventHandler.on(this._element, EVENT_TOUCHEND, event => this._end(event));\n }\n }\n _eventIsPointerPenTouch(event) {\n return this._supportPointerEvents && (event.pointerType === POINTER_TYPE_PEN || event.pointerType === POINTER_TYPE_TOUCH);\n }\n\n // Static\n static isSupported() {\n return 'ontouchstart' in document.documentElement || navigator.maxTouchPoints > 0;\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap carousel.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$c = 'carousel';\nconst DATA_KEY$8 = 'bs.carousel';\nconst EVENT_KEY$8 = `.${DATA_KEY$8}`;\nconst DATA_API_KEY$5 = '.data-api';\nconst ARROW_LEFT_KEY$1 = 'ArrowLeft';\nconst ARROW_RIGHT_KEY$1 = 'ArrowRight';\nconst TOUCHEVENT_COMPAT_WAIT = 500; // Time for mouse compat events to fire after touch\n\nconst ORDER_NEXT = 'next';\nconst ORDER_PREV = 'prev';\nconst DIRECTION_LEFT = 'left';\nconst DIRECTION_RIGHT = 'right';\nconst EVENT_SLIDE = `slide${EVENT_KEY$8}`;\nconst EVENT_SLID = `slid${EVENT_KEY$8}`;\nconst EVENT_KEYDOWN$1 = `keydown${EVENT_KEY$8}`;\nconst EVENT_MOUSEENTER$1 = `mouseenter${EVENT_KEY$8}`;\nconst EVENT_MOUSELEAVE$1 = `mouseleave${EVENT_KEY$8}`;\nconst EVENT_DRAG_START = `dragstart${EVENT_KEY$8}`;\nconst EVENT_LOAD_DATA_API$3 = `load${EVENT_KEY$8}${DATA_API_KEY$5}`;\nconst EVENT_CLICK_DATA_API$5 = `click${EVENT_KEY$8}${DATA_API_KEY$5}`;\nconst CLASS_NAME_CAROUSEL = 'carousel';\nconst CLASS_NAME_ACTIVE$2 = 'active';\nconst CLASS_NAME_SLIDE = 'slide';\nconst CLASS_NAME_END = 'carousel-item-end';\nconst CLASS_NAME_START = 'carousel-item-start';\nconst CLASS_NAME_NEXT = 'carousel-item-next';\nconst CLASS_NAME_PREV = 'carousel-item-prev';\nconst SELECTOR_ACTIVE = '.active';\nconst SELECTOR_ITEM = '.carousel-item';\nconst SELECTOR_ACTIVE_ITEM = SELECTOR_ACTIVE + SELECTOR_ITEM;\nconst SELECTOR_ITEM_IMG = '.carousel-item img';\nconst SELECTOR_INDICATORS = '.carousel-indicators';\nconst SELECTOR_DATA_SLIDE = '[data-bs-slide], [data-bs-slide-to]';\nconst SELECTOR_DATA_RIDE = '[data-bs-ride=\"carousel\"]';\nconst KEY_TO_DIRECTION = {\n [ARROW_LEFT_KEY$1]: DIRECTION_RIGHT,\n [ARROW_RIGHT_KEY$1]: DIRECTION_LEFT\n};\nconst Default$b = {\n interval: 5000,\n keyboard: true,\n pause: 'hover',\n ride: false,\n touch: true,\n wrap: true\n};\nconst DefaultType$b = {\n interval: '(number|boolean)',\n // TODO:v6 remove boolean support\n keyboard: 'boolean',\n pause: '(string|boolean)',\n ride: '(boolean|string)',\n touch: 'boolean',\n wrap: 'boolean'\n};\n\n/**\n * Class definition\n */\n\nclass Carousel extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n this._interval = null;\n this._activeElement = null;\n this._isSliding = false;\n this.touchTimeout = null;\n this._swipeHelper = null;\n this._indicatorsElement = SelectorEngine.findOne(SELECTOR_INDICATORS, this._element);\n this._addEventListeners();\n if (this._config.ride === CLASS_NAME_CAROUSEL) {\n this.cycle();\n }\n }\n\n // Getters\n static get Default() {\n return Default$b;\n }\n static get DefaultType() {\n return DefaultType$b;\n }\n static get NAME() {\n return NAME$c;\n }\n\n // Public\n next() {\n this._slide(ORDER_NEXT);\n }\n nextWhenVisible() {\n // FIXME TODO use `document.visibilityState`\n // Don't call next when the page isn't visible\n // or the carousel or its parent isn't visible\n if (!document.hidden && isVisible(this._element)) {\n this.next();\n }\n }\n prev() {\n this._slide(ORDER_PREV);\n }\n pause() {\n if (this._isSliding) {\n triggerTransitionEnd(this._element);\n }\n this._clearInterval();\n }\n cycle() {\n this._clearInterval();\n this._updateInterval();\n this._interval = setInterval(() => this.nextWhenVisible(), this._config.interval);\n }\n _maybeEnableCycle() {\n if (!this._config.ride) {\n return;\n }\n if (this._isSliding) {\n EventHandler.one(this._element, EVENT_SLID, () => this.cycle());\n return;\n }\n this.cycle();\n }\n to(index) {\n const items = this._getItems();\n if (index > items.length - 1 || index < 0) {\n return;\n }\n if (this._isSliding) {\n EventHandler.one(this._element, EVENT_SLID, () => this.to(index));\n return;\n }\n const activeIndex = this._getItemIndex(this._getActive());\n if (activeIndex === index) {\n return;\n }\n const order = index > activeIndex ? ORDER_NEXT : ORDER_PREV;\n this._slide(order, items[index]);\n }\n dispose() {\n if (this._swipeHelper) {\n this._swipeHelper.dispose();\n }\n super.dispose();\n }\n\n // Private\n _configAfterMerge(config) {\n config.defaultInterval = config.interval;\n return config;\n }\n _addEventListeners() {\n if (this._config.keyboard) {\n EventHandler.on(this._element, EVENT_KEYDOWN$1, event => this._keydown(event));\n }\n if (this._config.pause === 'hover') {\n EventHandler.on(this._element, EVENT_MOUSEENTER$1, () => this.pause());\n EventHandler.on(this._element, EVENT_MOUSELEAVE$1, () => this._maybeEnableCycle());\n }\n if (this._config.touch && Swipe.isSupported()) {\n this._addTouchEventListeners();\n }\n }\n _addTouchEventListeners() {\n for (const img of SelectorEngine.find(SELECTOR_ITEM_IMG, this._element)) {\n EventHandler.on(img, EVENT_DRAG_START, event => event.preventDefault());\n }\n const endCallBack = () => {\n if (this._config.pause !== 'hover') {\n return;\n }\n\n // If it's a touch-enabled device, mouseenter/leave are fired as\n // part of the mouse compatibility events on first tap - the carousel\n // would stop cycling until user tapped out of it;\n // here, we listen for touchend, explicitly pause the carousel\n // (as if it's the second time we tap on it, mouseenter compat event\n // is NOT fired) and after a timeout (to allow for mouse compatibility\n // events to fire) we explicitly restart cycling\n\n this.pause();\n if (this.touchTimeout) {\n clearTimeout(this.touchTimeout);\n }\n this.touchTimeout = setTimeout(() => this._maybeEnableCycle(), TOUCHEVENT_COMPAT_WAIT + this._config.interval);\n };\n const swipeConfig = {\n leftCallback: () => this._slide(this._directionToOrder(DIRECTION_LEFT)),\n rightCallback: () => this._slide(this._directionToOrder(DIRECTION_RIGHT)),\n endCallback: endCallBack\n };\n this._swipeHelper = new Swipe(this._element, swipeConfig);\n }\n _keydown(event) {\n if (/input|textarea/i.test(event.target.tagName)) {\n return;\n }\n const direction = KEY_TO_DIRECTION[event.key];\n if (direction) {\n event.preventDefault();\n this._slide(this._directionToOrder(direction));\n }\n }\n _getItemIndex(element) {\n return this._getItems().indexOf(element);\n }\n _setActiveIndicatorElement(index) {\n if (!this._indicatorsElement) {\n return;\n }\n const activeIndicator = SelectorEngine.findOne(SELECTOR_ACTIVE, this._indicatorsElement);\n activeIndicator.classList.remove(CLASS_NAME_ACTIVE$2);\n activeIndicator.removeAttribute('aria-current');\n const newActiveIndicator = SelectorEngine.findOne(`[data-bs-slide-to=\"${index}\"]`, this._indicatorsElement);\n if (newActiveIndicator) {\n newActiveIndicator.classList.add(CLASS_NAME_ACTIVE$2);\n newActiveIndicator.setAttribute('aria-current', 'true');\n }\n }\n _updateInterval() {\n const element = this._activeElement || this._getActive();\n if (!element) {\n return;\n }\n const elementInterval = Number.parseInt(element.getAttribute('data-bs-interval'), 10);\n this._config.interval = elementInterval || this._config.defaultInterval;\n }\n _slide(order, element = null) {\n if (this._isSliding) {\n return;\n }\n const activeElement = this._getActive();\n const isNext = order === ORDER_NEXT;\n const nextElement = element || getNextActiveElement(this._getItems(), activeElement, isNext, this._config.wrap);\n if (nextElement === activeElement) {\n return;\n }\n const nextElementIndex = this._getItemIndex(nextElement);\n const triggerEvent = eventName => {\n return EventHandler.trigger(this._element, eventName, {\n relatedTarget: nextElement,\n direction: this._orderToDirection(order),\n from: this._getItemIndex(activeElement),\n to: nextElementIndex\n });\n };\n const slideEvent = triggerEvent(EVENT_SLIDE);\n if (slideEvent.defaultPrevented) {\n return;\n }\n if (!activeElement || !nextElement) {\n // Some weirdness is happening, so we bail\n // TODO: change tests that use empty divs to avoid this check\n return;\n }\n const isCycling = Boolean(this._interval);\n this.pause();\n this._isSliding = true;\n this._setActiveIndicatorElement(nextElementIndex);\n this._activeElement = nextElement;\n const directionalClassName = isNext ? CLASS_NAME_START : CLASS_NAME_END;\n const orderClassName = isNext ? CLASS_NAME_NEXT : CLASS_NAME_PREV;\n nextElement.classList.add(orderClassName);\n reflow(nextElement);\n activeElement.classList.add(directionalClassName);\n nextElement.classList.add(directionalClassName);\n const completeCallBack = () => {\n nextElement.classList.remove(directionalClassName, orderClassName);\n nextElement.classList.add(CLASS_NAME_ACTIVE$2);\n activeElement.classList.remove(CLASS_NAME_ACTIVE$2, orderClassName, directionalClassName);\n this._isSliding = false;\n triggerEvent(EVENT_SLID);\n };\n this._queueCallback(completeCallBack, activeElement, this._isAnimated());\n if (isCycling) {\n this.cycle();\n }\n }\n _isAnimated() {\n return this._element.classList.contains(CLASS_NAME_SLIDE);\n }\n _getActive() {\n return SelectorEngine.findOne(SELECTOR_ACTIVE_ITEM, this._element);\n }\n _getItems() {\n return SelectorEngine.find(SELECTOR_ITEM, this._element);\n }\n _clearInterval() {\n if (this._interval) {\n clearInterval(this._interval);\n this._interval = null;\n }\n }\n _directionToOrder(direction) {\n if (isRTL()) {\n return direction === DIRECTION_LEFT ? ORDER_PREV : ORDER_NEXT;\n }\n return direction === DIRECTION_LEFT ? ORDER_NEXT : ORDER_PREV;\n }\n _orderToDirection(order) {\n if (isRTL()) {\n return order === ORDER_PREV ? DIRECTION_LEFT : DIRECTION_RIGHT;\n }\n return order === ORDER_PREV ? DIRECTION_RIGHT : DIRECTION_LEFT;\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Carousel.getOrCreateInstance(this, config);\n if (typeof config === 'number') {\n data.to(config);\n return;\n }\n if (typeof config === 'string') {\n if (data[config] === undefined || config.startsWith('_') || config === 'constructor') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config]();\n }\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$5, SELECTOR_DATA_SLIDE, function (event) {\n const target = SelectorEngine.getElementFromSelector(this);\n if (!target || !target.classList.contains(CLASS_NAME_CAROUSEL)) {\n return;\n }\n event.preventDefault();\n const carousel = Carousel.getOrCreateInstance(target);\n const slideIndex = this.getAttribute('data-bs-slide-to');\n if (slideIndex) {\n carousel.to(slideIndex);\n carousel._maybeEnableCycle();\n return;\n }\n if (Manipulator.getDataAttribute(this, 'slide') === 'next') {\n carousel.next();\n carousel._maybeEnableCycle();\n return;\n }\n carousel.prev();\n carousel._maybeEnableCycle();\n});\nEventHandler.on(window, EVENT_LOAD_DATA_API$3, () => {\n const carousels = SelectorEngine.find(SELECTOR_DATA_RIDE);\n for (const carousel of carousels) {\n Carousel.getOrCreateInstance(carousel);\n }\n});\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Carousel);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap collapse.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$b = 'collapse';\nconst DATA_KEY$7 = 'bs.collapse';\nconst EVENT_KEY$7 = `.${DATA_KEY$7}`;\nconst DATA_API_KEY$4 = '.data-api';\nconst EVENT_SHOW$6 = `show${EVENT_KEY$7}`;\nconst EVENT_SHOWN$6 = `shown${EVENT_KEY$7}`;\nconst EVENT_HIDE$6 = `hide${EVENT_KEY$7}`;\nconst EVENT_HIDDEN$6 = `hidden${EVENT_KEY$7}`;\nconst EVENT_CLICK_DATA_API$4 = `click${EVENT_KEY$7}${DATA_API_KEY$4}`;\nconst CLASS_NAME_SHOW$7 = 'show';\nconst CLASS_NAME_COLLAPSE = 'collapse';\nconst CLASS_NAME_COLLAPSING = 'collapsing';\nconst CLASS_NAME_COLLAPSED = 'collapsed';\nconst CLASS_NAME_DEEPER_CHILDREN = `:scope .${CLASS_NAME_COLLAPSE} .${CLASS_NAME_COLLAPSE}`;\nconst CLASS_NAME_HORIZONTAL = 'collapse-horizontal';\nconst WIDTH = 'width';\nconst HEIGHT = 'height';\nconst SELECTOR_ACTIVES = '.collapse.show, .collapse.collapsing';\nconst SELECTOR_DATA_TOGGLE$4 = '[data-bs-toggle=\"collapse\"]';\nconst Default$a = {\n parent: null,\n toggle: true\n};\nconst DefaultType$a = {\n parent: '(null|element)',\n toggle: 'boolean'\n};\n\n/**\n * Class definition\n */\n\nclass Collapse extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n this._isTransitioning = false;\n this._triggerArray = [];\n const toggleList = SelectorEngine.find(SELECTOR_DATA_TOGGLE$4);\n for (const elem of toggleList) {\n const selector = SelectorEngine.getSelectorFromElement(elem);\n const filterElement = SelectorEngine.find(selector).filter(foundElement => foundElement === this._element);\n if (selector !== null && filterElement.length) {\n this._triggerArray.push(elem);\n }\n }\n this._initializeChildren();\n if (!this._config.parent) {\n this._addAriaAndCollapsedClass(this._triggerArray, this._isShown());\n }\n if (this._config.toggle) {\n this.toggle();\n }\n }\n\n // Getters\n static get Default() {\n return Default$a;\n }\n static get DefaultType() {\n return DefaultType$a;\n }\n static get NAME() {\n return NAME$b;\n }\n\n // Public\n toggle() {\n if (this._isShown()) {\n this.hide();\n } else {\n this.show();\n }\n }\n show() {\n if (this._isTransitioning || this._isShown()) {\n return;\n }\n let activeChildren = [];\n\n // find active children\n if (this._config.parent) {\n activeChildren = this._getFirstLevelChildren(SELECTOR_ACTIVES).filter(element => element !== this._element).map(element => Collapse.getOrCreateInstance(element, {\n toggle: false\n }));\n }\n if (activeChildren.length && activeChildren[0]._isTransitioning) {\n return;\n }\n const startEvent = EventHandler.trigger(this._element, EVENT_SHOW$6);\n if (startEvent.defaultPrevented) {\n return;\n }\n for (const activeInstance of activeChildren) {\n activeInstance.hide();\n }\n const dimension = this._getDimension();\n this._element.classList.remove(CLASS_NAME_COLLAPSE);\n this._element.classList.add(CLASS_NAME_COLLAPSING);\n this._element.style[dimension] = 0;\n this._addAriaAndCollapsedClass(this._triggerArray, true);\n this._isTransitioning = true;\n const complete = () => {\n this._isTransitioning = false;\n this._element.classList.remove(CLASS_NAME_COLLAPSING);\n this._element.classList.add(CLASS_NAME_COLLAPSE, CLASS_NAME_SHOW$7);\n this._element.style[dimension] = '';\n EventHandler.trigger(this._element, EVENT_SHOWN$6);\n };\n const capitalizedDimension = dimension[0].toUpperCase() + dimension.slice(1);\n const scrollSize = `scroll${capitalizedDimension}`;\n this._queueCallback(complete, this._element, true);\n this._element.style[dimension] = `${this._element[scrollSize]}px`;\n }\n hide() {\n if (this._isTransitioning || !this._isShown()) {\n return;\n }\n const startEvent = EventHandler.trigger(this._element, EVENT_HIDE$6);\n if (startEvent.defaultPrevented) {\n return;\n }\n const dimension = this._getDimension();\n this._element.style[dimension] = `${this._element.getBoundingClientRect()[dimension]}px`;\n reflow(this._element);\n this._element.classList.add(CLASS_NAME_COLLAPSING);\n this._element.classList.remove(CLASS_NAME_COLLAPSE, CLASS_NAME_SHOW$7);\n for (const trigger of this._triggerArray) {\n const element = SelectorEngine.getElementFromSelector(trigger);\n if (element && !this._isShown(element)) {\n this._addAriaAndCollapsedClass([trigger], false);\n }\n }\n this._isTransitioning = true;\n const complete = () => {\n this._isTransitioning = false;\n this._element.classList.remove(CLASS_NAME_COLLAPSING);\n this._element.classList.add(CLASS_NAME_COLLAPSE);\n EventHandler.trigger(this._element, EVENT_HIDDEN$6);\n };\n this._element.style[dimension] = '';\n this._queueCallback(complete, this._element, true);\n }\n _isShown(element = this._element) {\n return element.classList.contains(CLASS_NAME_SHOW$7);\n }\n\n // Private\n _configAfterMerge(config) {\n config.toggle = Boolean(config.toggle); // Coerce string values\n config.parent = getElement(config.parent);\n return config;\n }\n _getDimension() {\n return this._element.classList.contains(CLASS_NAME_HORIZONTAL) ? WIDTH : HEIGHT;\n }\n _initializeChildren() {\n if (!this._config.parent) {\n return;\n }\n const children = this._getFirstLevelChildren(SELECTOR_DATA_TOGGLE$4);\n for (const element of children) {\n const selected = SelectorEngine.getElementFromSelector(element);\n if (selected) {\n this._addAriaAndCollapsedClass([element], this._isShown(selected));\n }\n }\n }\n _getFirstLevelChildren(selector) {\n const children = SelectorEngine.find(CLASS_NAME_DEEPER_CHILDREN, this._config.parent);\n // remove children if greater depth\n return SelectorEngine.find(selector, this._config.parent).filter(element => !children.includes(element));\n }\n _addAriaAndCollapsedClass(triggerArray, isOpen) {\n if (!triggerArray.length) {\n return;\n }\n for (const element of triggerArray) {\n element.classList.toggle(CLASS_NAME_COLLAPSED, !isOpen);\n element.setAttribute('aria-expanded', isOpen);\n }\n }\n\n // Static\n static jQueryInterface(config) {\n const _config = {};\n if (typeof config === 'string' && /show|hide/.test(config)) {\n _config.toggle = false;\n }\n return this.each(function () {\n const data = Collapse.getOrCreateInstance(this, _config);\n if (typeof config === 'string') {\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config]();\n }\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$4, SELECTOR_DATA_TOGGLE$4, function (event) {\n // preventDefault only for elements (which change the URL) not inside the collapsible element\n if (event.target.tagName === 'A' || event.delegateTarget && event.delegateTarget.tagName === 'A') {\n event.preventDefault();\n }\n for (const element of SelectorEngine.getMultipleElementsFromSelector(this)) {\n Collapse.getOrCreateInstance(element, {\n toggle: false\n }).toggle();\n }\n});\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Collapse);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap dropdown.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$a = 'dropdown';\nconst DATA_KEY$6 = 'bs.dropdown';\nconst EVENT_KEY$6 = `.${DATA_KEY$6}`;\nconst DATA_API_KEY$3 = '.data-api';\nconst ESCAPE_KEY$2 = 'Escape';\nconst TAB_KEY$1 = 'Tab';\nconst ARROW_UP_KEY$1 = 'ArrowUp';\nconst ARROW_DOWN_KEY$1 = 'ArrowDown';\nconst RIGHT_MOUSE_BUTTON = 2; // MouseEvent.button value for the secondary button, usually the right button\n\nconst EVENT_HIDE$5 = `hide${EVENT_KEY$6}`;\nconst EVENT_HIDDEN$5 = `hidden${EVENT_KEY$6}`;\nconst EVENT_SHOW$5 = `show${EVENT_KEY$6}`;\nconst EVENT_SHOWN$5 = `shown${EVENT_KEY$6}`;\nconst EVENT_CLICK_DATA_API$3 = `click${EVENT_KEY$6}${DATA_API_KEY$3}`;\nconst EVENT_KEYDOWN_DATA_API = `keydown${EVENT_KEY$6}${DATA_API_KEY$3}`;\nconst EVENT_KEYUP_DATA_API = `keyup${EVENT_KEY$6}${DATA_API_KEY$3}`;\nconst CLASS_NAME_SHOW$6 = 'show';\nconst CLASS_NAME_DROPUP = 'dropup';\nconst CLASS_NAME_DROPEND = 'dropend';\nconst CLASS_NAME_DROPSTART = 'dropstart';\nconst CLASS_NAME_DROPUP_CENTER = 'dropup-center';\nconst CLASS_NAME_DROPDOWN_CENTER = 'dropdown-center';\nconst SELECTOR_DATA_TOGGLE$3 = '[data-bs-toggle=\"dropdown\"]:not(.disabled):not(:disabled)';\nconst SELECTOR_DATA_TOGGLE_SHOWN = `${SELECTOR_DATA_TOGGLE$3}.${CLASS_NAME_SHOW$6}`;\nconst SELECTOR_MENU = '.dropdown-menu';\nconst SELECTOR_NAVBAR = '.navbar';\nconst SELECTOR_NAVBAR_NAV = '.navbar-nav';\nconst SELECTOR_VISIBLE_ITEMS = '.dropdown-menu .dropdown-item:not(.disabled):not(:disabled)';\nconst PLACEMENT_TOP = isRTL() ? 'top-end' : 'top-start';\nconst PLACEMENT_TOPEND = isRTL() ? 'top-start' : 'top-end';\nconst PLACEMENT_BOTTOM = isRTL() ? 'bottom-end' : 'bottom-start';\nconst PLACEMENT_BOTTOMEND = isRTL() ? 'bottom-start' : 'bottom-end';\nconst PLACEMENT_RIGHT = isRTL() ? 'left-start' : 'right-start';\nconst PLACEMENT_LEFT = isRTL() ? 'right-start' : 'left-start';\nconst PLACEMENT_TOPCENTER = 'top';\nconst PLACEMENT_BOTTOMCENTER = 'bottom';\nconst Default$9 = {\n autoClose: true,\n boundary: 'clippingParents',\n display: 'dynamic',\n offset: [0, 2],\n popperConfig: null,\n reference: 'toggle'\n};\nconst DefaultType$9 = {\n autoClose: '(boolean|string)',\n boundary: '(string|element)',\n display: 'string',\n offset: '(array|string|function)',\n popperConfig: '(null|object|function)',\n reference: '(string|element|object)'\n};\n\n/**\n * Class definition\n */\n\nclass Dropdown extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n this._popper = null;\n this._parent = this._element.parentNode; // dropdown wrapper\n // TODO: v6 revert #37011 & change markup https://getbootstrap.com/docs/5.3/forms/input-group/\n this._menu = SelectorEngine.next(this._element, SELECTOR_MENU)[0] || SelectorEngine.prev(this._element, SELECTOR_MENU)[0] || SelectorEngine.findOne(SELECTOR_MENU, this._parent);\n this._inNavbar = this._detectNavbar();\n }\n\n // Getters\n static get Default() {\n return Default$9;\n }\n static get DefaultType() {\n return DefaultType$9;\n }\n static get NAME() {\n return NAME$a;\n }\n\n // Public\n toggle() {\n return this._isShown() ? this.hide() : this.show();\n }\n show() {\n if (isDisabled(this._element) || this._isShown()) {\n return;\n }\n const relatedTarget = {\n relatedTarget: this._element\n };\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW$5, relatedTarget);\n if (showEvent.defaultPrevented) {\n return;\n }\n this._createPopper();\n\n // If this is a touch-enabled device we add extra\n // empty mouseover listeners to the body's immediate children;\n // only needed because of broken event delegation on iOS\n // https://www.quirksmode.org/blog/archives/2014/02/mouse_event_bub.html\n if ('ontouchstart' in document.documentElement && !this._parent.closest(SELECTOR_NAVBAR_NAV)) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.on(element, 'mouseover', noop);\n }\n }\n this._element.focus();\n this._element.setAttribute('aria-expanded', true);\n this._menu.classList.add(CLASS_NAME_SHOW$6);\n this._element.classList.add(CLASS_NAME_SHOW$6);\n EventHandler.trigger(this._element, EVENT_SHOWN$5, relatedTarget);\n }\n hide() {\n if (isDisabled(this._element) || !this._isShown()) {\n return;\n }\n const relatedTarget = {\n relatedTarget: this._element\n };\n this._completeHide(relatedTarget);\n }\n dispose() {\n if (this._popper) {\n this._popper.destroy();\n }\n super.dispose();\n }\n update() {\n this._inNavbar = this._detectNavbar();\n if (this._popper) {\n this._popper.update();\n }\n }\n\n // Private\n _completeHide(relatedTarget) {\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE$5, relatedTarget);\n if (hideEvent.defaultPrevented) {\n return;\n }\n\n // If this is a touch-enabled device we remove the extra\n // empty mouseover listeners we added for iOS support\n if ('ontouchstart' in document.documentElement) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.off(element, 'mouseover', noop);\n }\n }\n if (this._popper) {\n this._popper.destroy();\n }\n this._menu.classList.remove(CLASS_NAME_SHOW$6);\n this._element.classList.remove(CLASS_NAME_SHOW$6);\n this._element.setAttribute('aria-expanded', 'false');\n Manipulator.removeDataAttribute(this._menu, 'popper');\n EventHandler.trigger(this._element, EVENT_HIDDEN$5, relatedTarget);\n }\n _getConfig(config) {\n config = super._getConfig(config);\n if (typeof config.reference === 'object' && !isElement(config.reference) && typeof config.reference.getBoundingClientRect !== 'function') {\n // Popper virtual elements require a getBoundingClientRect method\n throw new TypeError(`${NAME$a.toUpperCase()}: Option \"reference\" provided type \"object\" without a required \"getBoundingClientRect\" method.`);\n }\n return config;\n }\n _createPopper() {\n if (typeof Popper === 'undefined') {\n throw new TypeError('Bootstrap\\'s dropdowns require Popper (https://popper.js.org)');\n }\n let referenceElement = this._element;\n if (this._config.reference === 'parent') {\n referenceElement = this._parent;\n } else if (isElement(this._config.reference)) {\n referenceElement = getElement(this._config.reference);\n } else if (typeof this._config.reference === 'object') {\n referenceElement = this._config.reference;\n }\n const popperConfig = this._getPopperConfig();\n this._popper = Popper.createPopper(referenceElement, this._menu, popperConfig);\n }\n _isShown() {\n return this._menu.classList.contains(CLASS_NAME_SHOW$6);\n }\n _getPlacement() {\n const parentDropdown = this._parent;\n if (parentDropdown.classList.contains(CLASS_NAME_DROPEND)) {\n return PLACEMENT_RIGHT;\n }\n if (parentDropdown.classList.contains(CLASS_NAME_DROPSTART)) {\n return PLACEMENT_LEFT;\n }\n if (parentDropdown.classList.contains(CLASS_NAME_DROPUP_CENTER)) {\n return PLACEMENT_TOPCENTER;\n }\n if (parentDropdown.classList.contains(CLASS_NAME_DROPDOWN_CENTER)) {\n return PLACEMENT_BOTTOMCENTER;\n }\n\n // We need to trim the value because custom properties can also include spaces\n const isEnd = getComputedStyle(this._menu).getPropertyValue('--bs-position').trim() === 'end';\n if (parentDropdown.classList.contains(CLASS_NAME_DROPUP)) {\n return isEnd ? PLACEMENT_TOPEND : PLACEMENT_TOP;\n }\n return isEnd ? PLACEMENT_BOTTOMEND : PLACEMENT_BOTTOM;\n }\n _detectNavbar() {\n return this._element.closest(SELECTOR_NAVBAR) !== null;\n }\n _getOffset() {\n const {\n offset\n } = this._config;\n if (typeof offset === 'string') {\n return offset.split(',').map(value => Number.parseInt(value, 10));\n }\n if (typeof offset === 'function') {\n return popperData => offset(popperData, this._element);\n }\n return offset;\n }\n _getPopperConfig() {\n const defaultBsPopperConfig = {\n placement: this._getPlacement(),\n modifiers: [{\n name: 'preventOverflow',\n options: {\n boundary: this._config.boundary\n }\n }, {\n name: 'offset',\n options: {\n offset: this._getOffset()\n }\n }]\n };\n\n // Disable Popper if we have a static display or Dropdown is in Navbar\n if (this._inNavbar || this._config.display === 'static') {\n Manipulator.setDataAttribute(this._menu, 'popper', 'static'); // TODO: v6 remove\n defaultBsPopperConfig.modifiers = [{\n name: 'applyStyles',\n enabled: false\n }];\n }\n return {\n ...defaultBsPopperConfig,\n ...execute(this._config.popperConfig, [defaultBsPopperConfig])\n };\n }\n _selectMenuItem({\n key,\n target\n }) {\n const items = SelectorEngine.find(SELECTOR_VISIBLE_ITEMS, this._menu).filter(element => isVisible(element));\n if (!items.length) {\n return;\n }\n\n // if target isn't included in items (e.g. when expanding the dropdown)\n // allow cycling to get the last item in case key equals ARROW_UP_KEY\n getNextActiveElement(items, target, key === ARROW_DOWN_KEY$1, !items.includes(target)).focus();\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Dropdown.getOrCreateInstance(this, config);\n if (typeof config !== 'string') {\n return;\n }\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config]();\n });\n }\n static clearMenus(event) {\n if (event.button === RIGHT_MOUSE_BUTTON || event.type === 'keyup' && event.key !== TAB_KEY$1) {\n return;\n }\n const openToggles = SelectorEngine.find(SELECTOR_DATA_TOGGLE_SHOWN);\n for (const toggle of openToggles) {\n const context = Dropdown.getInstance(toggle);\n if (!context || context._config.autoClose === false) {\n continue;\n }\n const composedPath = event.composedPath();\n const isMenuTarget = composedPath.includes(context._menu);\n if (composedPath.includes(context._element) || context._config.autoClose === 'inside' && !isMenuTarget || context._config.autoClose === 'outside' && isMenuTarget) {\n continue;\n }\n\n // Tab navigation through the dropdown menu or events from contained inputs shouldn't close the menu\n if (context._menu.contains(event.target) && (event.type === 'keyup' && event.key === TAB_KEY$1 || /input|select|option|textarea|form/i.test(event.target.tagName))) {\n continue;\n }\n const relatedTarget = {\n relatedTarget: context._element\n };\n if (event.type === 'click') {\n relatedTarget.clickEvent = event;\n }\n context._completeHide(relatedTarget);\n }\n }\n static dataApiKeydownHandler(event) {\n // If not an UP | DOWN | ESCAPE key => not a dropdown command\n // If input/textarea && if key is other than ESCAPE => not a dropdown command\n\n const isInput = /input|textarea/i.test(event.target.tagName);\n const isEscapeEvent = event.key === ESCAPE_KEY$2;\n const isUpOrDownEvent = [ARROW_UP_KEY$1, ARROW_DOWN_KEY$1].includes(event.key);\n if (!isUpOrDownEvent && !isEscapeEvent) {\n return;\n }\n if (isInput && !isEscapeEvent) {\n return;\n }\n event.preventDefault();\n\n // TODO: v6 revert #37011 & change markup https://getbootstrap.com/docs/5.3/forms/input-group/\n const getToggleButton = this.matches(SELECTOR_DATA_TOGGLE$3) ? this : SelectorEngine.prev(this, SELECTOR_DATA_TOGGLE$3)[0] || SelectorEngine.next(this, SELECTOR_DATA_TOGGLE$3)[0] || SelectorEngine.findOne(SELECTOR_DATA_TOGGLE$3, event.delegateTarget.parentNode);\n const instance = Dropdown.getOrCreateInstance(getToggleButton);\n if (isUpOrDownEvent) {\n event.stopPropagation();\n instance.show();\n instance._selectMenuItem(event);\n return;\n }\n if (instance._isShown()) {\n // else is escape and we check if it is shown\n event.stopPropagation();\n instance.hide();\n getToggleButton.focus();\n }\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_KEYDOWN_DATA_API, SELECTOR_DATA_TOGGLE$3, Dropdown.dataApiKeydownHandler);\nEventHandler.on(document, EVENT_KEYDOWN_DATA_API, SELECTOR_MENU, Dropdown.dataApiKeydownHandler);\nEventHandler.on(document, EVENT_CLICK_DATA_API$3, Dropdown.clearMenus);\nEventHandler.on(document, EVENT_KEYUP_DATA_API, Dropdown.clearMenus);\nEventHandler.on(document, EVENT_CLICK_DATA_API$3, SELECTOR_DATA_TOGGLE$3, function (event) {\n event.preventDefault();\n Dropdown.getOrCreateInstance(this).toggle();\n});\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Dropdown);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/backdrop.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$9 = 'backdrop';\nconst CLASS_NAME_FADE$4 = 'fade';\nconst CLASS_NAME_SHOW$5 = 'show';\nconst EVENT_MOUSEDOWN = `mousedown.bs.${NAME$9}`;\nconst Default$8 = {\n className: 'modal-backdrop',\n clickCallback: null,\n isAnimated: false,\n isVisible: true,\n // if false, we use the backdrop helper without adding any element to the dom\n rootElement: 'body' // give the choice to place backdrop under different elements\n};\nconst DefaultType$8 = {\n className: 'string',\n clickCallback: '(function|null)',\n isAnimated: 'boolean',\n isVisible: 'boolean',\n rootElement: '(element|string)'\n};\n\n/**\n * Class definition\n */\n\nclass Backdrop extends Config {\n constructor(config) {\n super();\n this._config = this._getConfig(config);\n this._isAppended = false;\n this._element = null;\n }\n\n // Getters\n static get Default() {\n return Default$8;\n }\n static get DefaultType() {\n return DefaultType$8;\n }\n static get NAME() {\n return NAME$9;\n }\n\n // Public\n show(callback) {\n if (!this._config.isVisible) {\n execute(callback);\n return;\n }\n this._append();\n const element = this._getElement();\n if (this._config.isAnimated) {\n reflow(element);\n }\n element.classList.add(CLASS_NAME_SHOW$5);\n this._emulateAnimation(() => {\n execute(callback);\n });\n }\n hide(callback) {\n if (!this._config.isVisible) {\n execute(callback);\n return;\n }\n this._getElement().classList.remove(CLASS_NAME_SHOW$5);\n this._emulateAnimation(() => {\n this.dispose();\n execute(callback);\n });\n }\n dispose() {\n if (!this._isAppended) {\n return;\n }\n EventHandler.off(this._element, EVENT_MOUSEDOWN);\n this._element.remove();\n this._isAppended = false;\n }\n\n // Private\n _getElement() {\n if (!this._element) {\n const backdrop = document.createElement('div');\n backdrop.className = this._config.className;\n if (this._config.isAnimated) {\n backdrop.classList.add(CLASS_NAME_FADE$4);\n }\n this._element = backdrop;\n }\n return this._element;\n }\n _configAfterMerge(config) {\n // use getElement() with the default \"body\" to get a fresh Element on each instantiation\n config.rootElement = getElement(config.rootElement);\n return config;\n }\n _append() {\n if (this._isAppended) {\n return;\n }\n const element = this._getElement();\n this._config.rootElement.append(element);\n EventHandler.on(element, EVENT_MOUSEDOWN, () => {\n execute(this._config.clickCallback);\n });\n this._isAppended = true;\n }\n _emulateAnimation(callback) {\n executeAfterTransition(callback, this._getElement(), this._config.isAnimated);\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/focustrap.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$8 = 'focustrap';\nconst DATA_KEY$5 = 'bs.focustrap';\nconst EVENT_KEY$5 = `.${DATA_KEY$5}`;\nconst EVENT_FOCUSIN$2 = `focusin${EVENT_KEY$5}`;\nconst EVENT_KEYDOWN_TAB = `keydown.tab${EVENT_KEY$5}`;\nconst TAB_KEY = 'Tab';\nconst TAB_NAV_FORWARD = 'forward';\nconst TAB_NAV_BACKWARD = 'backward';\nconst Default$7 = {\n autofocus: true,\n trapElement: null // The element to trap focus inside of\n};\nconst DefaultType$7 = {\n autofocus: 'boolean',\n trapElement: 'element'\n};\n\n/**\n * Class definition\n */\n\nclass FocusTrap extends Config {\n constructor(config) {\n super();\n this._config = this._getConfig(config);\n this._isActive = false;\n this._lastTabNavDirection = null;\n }\n\n // Getters\n static get Default() {\n return Default$7;\n }\n static get DefaultType() {\n return DefaultType$7;\n }\n static get NAME() {\n return NAME$8;\n }\n\n // Public\n activate() {\n if (this._isActive) {\n return;\n }\n if (this._config.autofocus) {\n this._config.trapElement.focus();\n }\n EventHandler.off(document, EVENT_KEY$5); // guard against infinite focus loop\n EventHandler.on(document, EVENT_FOCUSIN$2, event => this._handleFocusin(event));\n EventHandler.on(document, EVENT_KEYDOWN_TAB, event => this._handleKeydown(event));\n this._isActive = true;\n }\n deactivate() {\n if (!this._isActive) {\n return;\n }\n this._isActive = false;\n EventHandler.off(document, EVENT_KEY$5);\n }\n\n // Private\n _handleFocusin(event) {\n const {\n trapElement\n } = this._config;\n if (event.target === document || event.target === trapElement || trapElement.contains(event.target)) {\n return;\n }\n const elements = SelectorEngine.focusableChildren(trapElement);\n if (elements.length === 0) {\n trapElement.focus();\n } else if (this._lastTabNavDirection === TAB_NAV_BACKWARD) {\n elements[elements.length - 1].focus();\n } else {\n elements[0].focus();\n }\n }\n _handleKeydown(event) {\n if (event.key !== TAB_KEY) {\n return;\n }\n this._lastTabNavDirection = event.shiftKey ? TAB_NAV_BACKWARD : TAB_NAV_FORWARD;\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/scrollBar.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst SELECTOR_FIXED_CONTENT = '.fixed-top, .fixed-bottom, .is-fixed, .sticky-top';\nconst SELECTOR_STICKY_CONTENT = '.sticky-top';\nconst PROPERTY_PADDING = 'padding-right';\nconst PROPERTY_MARGIN = 'margin-right';\n\n/**\n * Class definition\n */\n\nclass ScrollBarHelper {\n constructor() {\n this._element = document.body;\n }\n\n // Public\n getWidth() {\n // https://developer.mozilla.org/en-US/docs/Web/API/Window/innerWidth#usage_notes\n const documentWidth = document.documentElement.clientWidth;\n return Math.abs(window.innerWidth - documentWidth);\n }\n hide() {\n const width = this.getWidth();\n this._disableOverFlow();\n // give padding to element to balance the hidden scrollbar width\n this._setElementAttributes(this._element, PROPERTY_PADDING, calculatedValue => calculatedValue + width);\n // trick: We adjust positive paddingRight and negative marginRight to sticky-top elements to keep showing fullwidth\n this._setElementAttributes(SELECTOR_FIXED_CONTENT, PROPERTY_PADDING, calculatedValue => calculatedValue + width);\n this._setElementAttributes(SELECTOR_STICKY_CONTENT, PROPERTY_MARGIN, calculatedValue => calculatedValue - width);\n }\n reset() {\n this._resetElementAttributes(this._element, 'overflow');\n this._resetElementAttributes(this._element, PROPERTY_PADDING);\n this._resetElementAttributes(SELECTOR_FIXED_CONTENT, PROPERTY_PADDING);\n this._resetElementAttributes(SELECTOR_STICKY_CONTENT, PROPERTY_MARGIN);\n }\n isOverflowing() {\n return this.getWidth() > 0;\n }\n\n // Private\n _disableOverFlow() {\n this._saveInitialAttribute(this._element, 'overflow');\n this._element.style.overflow = 'hidden';\n }\n _setElementAttributes(selector, styleProperty, callback) {\n const scrollbarWidth = this.getWidth();\n const manipulationCallBack = element => {\n if (element !== this._element && window.innerWidth > element.clientWidth + scrollbarWidth) {\n return;\n }\n this._saveInitialAttribute(element, styleProperty);\n const calculatedValue = window.getComputedStyle(element).getPropertyValue(styleProperty);\n element.style.setProperty(styleProperty, `${callback(Number.parseFloat(calculatedValue))}px`);\n };\n this._applyManipulationCallback(selector, manipulationCallBack);\n }\n _saveInitialAttribute(element, styleProperty) {\n const actualValue = element.style.getPropertyValue(styleProperty);\n if (actualValue) {\n Manipulator.setDataAttribute(element, styleProperty, actualValue);\n }\n }\n _resetElementAttributes(selector, styleProperty) {\n const manipulationCallBack = element => {\n const value = Manipulator.getDataAttribute(element, styleProperty);\n // We only want to remove the property if the value is `null`; the value can also be zero\n if (value === null) {\n element.style.removeProperty(styleProperty);\n return;\n }\n Manipulator.removeDataAttribute(element, styleProperty);\n element.style.setProperty(styleProperty, value);\n };\n this._applyManipulationCallback(selector, manipulationCallBack);\n }\n _applyManipulationCallback(selector, callBack) {\n if (isElement(selector)) {\n callBack(selector);\n return;\n }\n for (const sel of SelectorEngine.find(selector, this._element)) {\n callBack(sel);\n }\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap modal.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$7 = 'modal';\nconst DATA_KEY$4 = 'bs.modal';\nconst EVENT_KEY$4 = `.${DATA_KEY$4}`;\nconst DATA_API_KEY$2 = '.data-api';\nconst ESCAPE_KEY$1 = 'Escape';\nconst EVENT_HIDE$4 = `hide${EVENT_KEY$4}`;\nconst EVENT_HIDE_PREVENTED$1 = `hidePrevented${EVENT_KEY$4}`;\nconst EVENT_HIDDEN$4 = `hidden${EVENT_KEY$4}`;\nconst EVENT_SHOW$4 = `show${EVENT_KEY$4}`;\nconst EVENT_SHOWN$4 = `shown${EVENT_KEY$4}`;\nconst EVENT_RESIZE$1 = `resize${EVENT_KEY$4}`;\nconst EVENT_CLICK_DISMISS = `click.dismiss${EVENT_KEY$4}`;\nconst EVENT_MOUSEDOWN_DISMISS = `mousedown.dismiss${EVENT_KEY$4}`;\nconst EVENT_KEYDOWN_DISMISS$1 = `keydown.dismiss${EVENT_KEY$4}`;\nconst EVENT_CLICK_DATA_API$2 = `click${EVENT_KEY$4}${DATA_API_KEY$2}`;\nconst CLASS_NAME_OPEN = 'modal-open';\nconst CLASS_NAME_FADE$3 = 'fade';\nconst CLASS_NAME_SHOW$4 = 'show';\nconst CLASS_NAME_STATIC = 'modal-static';\nconst OPEN_SELECTOR$1 = '.modal.show';\nconst SELECTOR_DIALOG = '.modal-dialog';\nconst SELECTOR_MODAL_BODY = '.modal-body';\nconst SELECTOR_DATA_TOGGLE$2 = '[data-bs-toggle=\"modal\"]';\nconst Default$6 = {\n backdrop: true,\n focus: true,\n keyboard: true\n};\nconst DefaultType$6 = {\n backdrop: '(boolean|string)',\n focus: 'boolean',\n keyboard: 'boolean'\n};\n\n/**\n * Class definition\n */\n\nclass Modal extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n this._dialog = SelectorEngine.findOne(SELECTOR_DIALOG, this._element);\n this._backdrop = this._initializeBackDrop();\n this._focustrap = this._initializeFocusTrap();\n this._isShown = false;\n this._isTransitioning = false;\n this._scrollBar = new ScrollBarHelper();\n this._addEventListeners();\n }\n\n // Getters\n static get Default() {\n return Default$6;\n }\n static get DefaultType() {\n return DefaultType$6;\n }\n static get NAME() {\n return NAME$7;\n }\n\n // Public\n toggle(relatedTarget) {\n return this._isShown ? this.hide() : this.show(relatedTarget);\n }\n show(relatedTarget) {\n if (this._isShown || this._isTransitioning) {\n return;\n }\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW$4, {\n relatedTarget\n });\n if (showEvent.defaultPrevented) {\n return;\n }\n this._isShown = true;\n this._isTransitioning = true;\n this._scrollBar.hide();\n document.body.classList.add(CLASS_NAME_OPEN);\n this._adjustDialog();\n this._backdrop.show(() => this._showElement(relatedTarget));\n }\n hide() {\n if (!this._isShown || this._isTransitioning) {\n return;\n }\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE$4);\n if (hideEvent.defaultPrevented) {\n return;\n }\n this._isShown = false;\n this._isTransitioning = true;\n this._focustrap.deactivate();\n this._element.classList.remove(CLASS_NAME_SHOW$4);\n this._queueCallback(() => this._hideModal(), this._element, this._isAnimated());\n }\n dispose() {\n EventHandler.off(window, EVENT_KEY$4);\n EventHandler.off(this._dialog, EVENT_KEY$4);\n this._backdrop.dispose();\n this._focustrap.deactivate();\n super.dispose();\n }\n handleUpdate() {\n this._adjustDialog();\n }\n\n // Private\n _initializeBackDrop() {\n return new Backdrop({\n isVisible: Boolean(this._config.backdrop),\n // 'static' option will be translated to true, and booleans will keep their value,\n isAnimated: this._isAnimated()\n });\n }\n _initializeFocusTrap() {\n return new FocusTrap({\n trapElement: this._element\n });\n }\n _showElement(relatedTarget) {\n // try to append dynamic modal\n if (!document.body.contains(this._element)) {\n document.body.append(this._element);\n }\n this._element.style.display = 'block';\n this._element.removeAttribute('aria-hidden');\n this._element.setAttribute('aria-modal', true);\n this._element.setAttribute('role', 'dialog');\n this._element.scrollTop = 0;\n const modalBody = SelectorEngine.findOne(SELECTOR_MODAL_BODY, this._dialog);\n if (modalBody) {\n modalBody.scrollTop = 0;\n }\n reflow(this._element);\n this._element.classList.add(CLASS_NAME_SHOW$4);\n const transitionComplete = () => {\n if (this._config.focus) {\n this._focustrap.activate();\n }\n this._isTransitioning = false;\n EventHandler.trigger(this._element, EVENT_SHOWN$4, {\n relatedTarget\n });\n };\n this._queueCallback(transitionComplete, this._dialog, this._isAnimated());\n }\n _addEventListeners() {\n EventHandler.on(this._element, EVENT_KEYDOWN_DISMISS$1, event => {\n if (event.key !== ESCAPE_KEY$1) {\n return;\n }\n if (this._config.keyboard) {\n this.hide();\n return;\n }\n this._triggerBackdropTransition();\n });\n EventHandler.on(window, EVENT_RESIZE$1, () => {\n if (this._isShown && !this._isTransitioning) {\n this._adjustDialog();\n }\n });\n EventHandler.on(this._element, EVENT_MOUSEDOWN_DISMISS, event => {\n // a bad trick to segregate clicks that may start inside dialog but end outside, and avoid listen to scrollbar clicks\n EventHandler.one(this._element, EVENT_CLICK_DISMISS, event2 => {\n if (this._element !== event.target || this._element !== event2.target) {\n return;\n }\n if (this._config.backdrop === 'static') {\n this._triggerBackdropTransition();\n return;\n }\n if (this._config.backdrop) {\n this.hide();\n }\n });\n });\n }\n _hideModal() {\n this._element.style.display = 'none';\n this._element.setAttribute('aria-hidden', true);\n this._element.removeAttribute('aria-modal');\n this._element.removeAttribute('role');\n this._isTransitioning = false;\n this._backdrop.hide(() => {\n document.body.classList.remove(CLASS_NAME_OPEN);\n this._resetAdjustments();\n this._scrollBar.reset();\n EventHandler.trigger(this._element, EVENT_HIDDEN$4);\n });\n }\n _isAnimated() {\n return this._element.classList.contains(CLASS_NAME_FADE$3);\n }\n _triggerBackdropTransition() {\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED$1);\n if (hideEvent.defaultPrevented) {\n return;\n }\n const isModalOverflowing = this._element.scrollHeight > document.documentElement.clientHeight;\n const initialOverflowY = this._element.style.overflowY;\n // return if the following background transition hasn't yet completed\n if (initialOverflowY === 'hidden' || this._element.classList.contains(CLASS_NAME_STATIC)) {\n return;\n }\n if (!isModalOverflowing) {\n this._element.style.overflowY = 'hidden';\n }\n this._element.classList.add(CLASS_NAME_STATIC);\n this._queueCallback(() => {\n this._element.classList.remove(CLASS_NAME_STATIC);\n this._queueCallback(() => {\n this._element.style.overflowY = initialOverflowY;\n }, this._dialog);\n }, this._dialog);\n this._element.focus();\n }\n\n /**\n * The following methods are used to handle overflowing modals\n */\n\n _adjustDialog() {\n const isModalOverflowing = this._element.scrollHeight > document.documentElement.clientHeight;\n const scrollbarWidth = this._scrollBar.getWidth();\n const isBodyOverflowing = scrollbarWidth > 0;\n if (isBodyOverflowing && !isModalOverflowing) {\n const property = isRTL() ? 'paddingLeft' : 'paddingRight';\n this._element.style[property] = `${scrollbarWidth}px`;\n }\n if (!isBodyOverflowing && isModalOverflowing) {\n const property = isRTL() ? 'paddingRight' : 'paddingLeft';\n this._element.style[property] = `${scrollbarWidth}px`;\n }\n }\n _resetAdjustments() {\n this._element.style.paddingLeft = '';\n this._element.style.paddingRight = '';\n }\n\n // Static\n static jQueryInterface(config, relatedTarget) {\n return this.each(function () {\n const data = Modal.getOrCreateInstance(this, config);\n if (typeof config !== 'string') {\n return;\n }\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config](relatedTarget);\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$2, SELECTOR_DATA_TOGGLE$2, function (event) {\n const target = SelectorEngine.getElementFromSelector(this);\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault();\n }\n EventHandler.one(target, EVENT_SHOW$4, showEvent => {\n if (showEvent.defaultPrevented) {\n // only register focus restorer if modal will actually get shown\n return;\n }\n EventHandler.one(target, EVENT_HIDDEN$4, () => {\n if (isVisible(this)) {\n this.focus();\n }\n });\n });\n\n // avoid conflict when clicking modal toggler while another one is open\n const alreadyOpen = SelectorEngine.findOne(OPEN_SELECTOR$1);\n if (alreadyOpen) {\n Modal.getInstance(alreadyOpen).hide();\n }\n const data = Modal.getOrCreateInstance(target);\n data.toggle(this);\n});\nenableDismissTrigger(Modal);\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Modal);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap offcanvas.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$6 = 'offcanvas';\nconst DATA_KEY$3 = 'bs.offcanvas';\nconst EVENT_KEY$3 = `.${DATA_KEY$3}`;\nconst DATA_API_KEY$1 = '.data-api';\nconst EVENT_LOAD_DATA_API$2 = `load${EVENT_KEY$3}${DATA_API_KEY$1}`;\nconst ESCAPE_KEY = 'Escape';\nconst CLASS_NAME_SHOW$3 = 'show';\nconst CLASS_NAME_SHOWING$1 = 'showing';\nconst CLASS_NAME_HIDING = 'hiding';\nconst CLASS_NAME_BACKDROP = 'offcanvas-backdrop';\nconst OPEN_SELECTOR = '.offcanvas.show';\nconst EVENT_SHOW$3 = `show${EVENT_KEY$3}`;\nconst EVENT_SHOWN$3 = `shown${EVENT_KEY$3}`;\nconst EVENT_HIDE$3 = `hide${EVENT_KEY$3}`;\nconst EVENT_HIDE_PREVENTED = `hidePrevented${EVENT_KEY$3}`;\nconst EVENT_HIDDEN$3 = `hidden${EVENT_KEY$3}`;\nconst EVENT_RESIZE = `resize${EVENT_KEY$3}`;\nconst EVENT_CLICK_DATA_API$1 = `click${EVENT_KEY$3}${DATA_API_KEY$1}`;\nconst EVENT_KEYDOWN_DISMISS = `keydown.dismiss${EVENT_KEY$3}`;\nconst SELECTOR_DATA_TOGGLE$1 = '[data-bs-toggle=\"offcanvas\"]';\nconst Default$5 = {\n backdrop: true,\n keyboard: true,\n scroll: false\n};\nconst DefaultType$5 = {\n backdrop: '(boolean|string)',\n keyboard: 'boolean',\n scroll: 'boolean'\n};\n\n/**\n * Class definition\n */\n\nclass Offcanvas extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n this._isShown = false;\n this._backdrop = this._initializeBackDrop();\n this._focustrap = this._initializeFocusTrap();\n this._addEventListeners();\n }\n\n // Getters\n static get Default() {\n return Default$5;\n }\n static get DefaultType() {\n return DefaultType$5;\n }\n static get NAME() {\n return NAME$6;\n }\n\n // Public\n toggle(relatedTarget) {\n return this._isShown ? this.hide() : this.show(relatedTarget);\n }\n show(relatedTarget) {\n if (this._isShown) {\n return;\n }\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW$3, {\n relatedTarget\n });\n if (showEvent.defaultPrevented) {\n return;\n }\n this._isShown = true;\n this._backdrop.show();\n if (!this._config.scroll) {\n new ScrollBarHelper().hide();\n }\n this._element.setAttribute('aria-modal', true);\n this._element.setAttribute('role', 'dialog');\n this._element.classList.add(CLASS_NAME_SHOWING$1);\n const completeCallBack = () => {\n if (!this._config.scroll || this._config.backdrop) {\n this._focustrap.activate();\n }\n this._element.classList.add(CLASS_NAME_SHOW$3);\n this._element.classList.remove(CLASS_NAME_SHOWING$1);\n EventHandler.trigger(this._element, EVENT_SHOWN$3, {\n relatedTarget\n });\n };\n this._queueCallback(completeCallBack, this._element, true);\n }\n hide() {\n if (!this._isShown) {\n return;\n }\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE$3);\n if (hideEvent.defaultPrevented) {\n return;\n }\n this._focustrap.deactivate();\n this._element.blur();\n this._isShown = false;\n this._element.classList.add(CLASS_NAME_HIDING);\n this._backdrop.hide();\n const completeCallback = () => {\n this._element.classList.remove(CLASS_NAME_SHOW$3, CLASS_NAME_HIDING);\n this._element.removeAttribute('aria-modal');\n this._element.removeAttribute('role');\n if (!this._config.scroll) {\n new ScrollBarHelper().reset();\n }\n EventHandler.trigger(this._element, EVENT_HIDDEN$3);\n };\n this._queueCallback(completeCallback, this._element, true);\n }\n dispose() {\n this._backdrop.dispose();\n this._focustrap.deactivate();\n super.dispose();\n }\n\n // Private\n _initializeBackDrop() {\n const clickCallback = () => {\n if (this._config.backdrop === 'static') {\n EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED);\n return;\n }\n this.hide();\n };\n\n // 'static' option will be translated to true, and booleans will keep their value\n const isVisible = Boolean(this._config.backdrop);\n return new Backdrop({\n className: CLASS_NAME_BACKDROP,\n isVisible,\n isAnimated: true,\n rootElement: this._element.parentNode,\n clickCallback: isVisible ? clickCallback : null\n });\n }\n _initializeFocusTrap() {\n return new FocusTrap({\n trapElement: this._element\n });\n }\n _addEventListeners() {\n EventHandler.on(this._element, EVENT_KEYDOWN_DISMISS, event => {\n if (event.key !== ESCAPE_KEY) {\n return;\n }\n if (this._config.keyboard) {\n this.hide();\n return;\n }\n EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED);\n });\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Offcanvas.getOrCreateInstance(this, config);\n if (typeof config !== 'string') {\n return;\n }\n if (data[config] === undefined || config.startsWith('_') || config === 'constructor') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config](this);\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$1, SELECTOR_DATA_TOGGLE$1, function (event) {\n const target = SelectorEngine.getElementFromSelector(this);\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault();\n }\n if (isDisabled(this)) {\n return;\n }\n EventHandler.one(target, EVENT_HIDDEN$3, () => {\n // focus on trigger when it is closed\n if (isVisible(this)) {\n this.focus();\n }\n });\n\n // avoid conflict when clicking a toggler of an offcanvas, while another is open\n const alreadyOpen = SelectorEngine.findOne(OPEN_SELECTOR);\n if (alreadyOpen && alreadyOpen !== target) {\n Offcanvas.getInstance(alreadyOpen).hide();\n }\n const data = Offcanvas.getOrCreateInstance(target);\n data.toggle(this);\n});\nEventHandler.on(window, EVENT_LOAD_DATA_API$2, () => {\n for (const selector of SelectorEngine.find(OPEN_SELECTOR)) {\n Offcanvas.getOrCreateInstance(selector).show();\n }\n});\nEventHandler.on(window, EVENT_RESIZE, () => {\n for (const element of SelectorEngine.find('[aria-modal][class*=show][class*=offcanvas-]')) {\n if (getComputedStyle(element).position !== 'fixed') {\n Offcanvas.getOrCreateInstance(element).hide();\n }\n }\n});\nenableDismissTrigger(Offcanvas);\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Offcanvas);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/sanitizer.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n// js-docs-start allow-list\nconst ARIA_ATTRIBUTE_PATTERN = /^aria-[\\w-]*$/i;\nconst DefaultAllowlist = {\n // Global attributes allowed on any supplied element below.\n '*': ['class', 'dir', 'id', 'lang', 'role', ARIA_ATTRIBUTE_PATTERN],\n a: ['target', 'href', 'title', 'rel'],\n area: [],\n b: [],\n br: [],\n col: [],\n code: [],\n dd: [],\n div: [],\n dl: [],\n dt: [],\n em: [],\n hr: [],\n h1: [],\n h2: [],\n h3: [],\n h4: [],\n h5: [],\n h6: [],\n i: [],\n img: ['src', 'srcset', 'alt', 'title', 'width', 'height'],\n li: [],\n ol: [],\n p: [],\n pre: [],\n s: [],\n small: [],\n span: [],\n sub: [],\n sup: [],\n strong: [],\n u: [],\n ul: []\n};\n// js-docs-end allow-list\n\nconst uriAttributes = new Set(['background', 'cite', 'href', 'itemtype', 'longdesc', 'poster', 'src', 'xlink:href']);\n\n/**\n * A pattern that recognizes URLs that are safe wrt. XSS in URL navigation\n * contexts.\n *\n * Shout-out to Angular https://github.com/angular/angular/blob/15.2.8/packages/core/src/sanitization/url_sanitizer.ts#L38\n */\n// eslint-disable-next-line unicorn/better-regex\nconst SAFE_URL_PATTERN = /^(?!javascript:)(?:[a-z0-9+.-]+:|[^&:/?#]*(?:[/?#]|$))/i;\nconst allowedAttribute = (attribute, allowedAttributeList) => {\n const attributeName = attribute.nodeName.toLowerCase();\n if (allowedAttributeList.includes(attributeName)) {\n if (uriAttributes.has(attributeName)) {\n return Boolean(SAFE_URL_PATTERN.test(attribute.nodeValue));\n }\n return true;\n }\n\n // Check if a regular expression validates the attribute.\n return allowedAttributeList.filter(attributeRegex => attributeRegex instanceof RegExp).some(regex => regex.test(attributeName));\n};\nfunction sanitizeHtml(unsafeHtml, allowList, sanitizeFunction) {\n if (!unsafeHtml.length) {\n return unsafeHtml;\n }\n if (sanitizeFunction && typeof sanitizeFunction === 'function') {\n return sanitizeFunction(unsafeHtml);\n }\n const domParser = new window.DOMParser();\n const createdDocument = domParser.parseFromString(unsafeHtml, 'text/html');\n const elements = [].concat(...createdDocument.body.querySelectorAll('*'));\n for (const element of elements) {\n const elementName = element.nodeName.toLowerCase();\n if (!Object.keys(allowList).includes(elementName)) {\n element.remove();\n continue;\n }\n const attributeList = [].concat(...element.attributes);\n const allowedAttributes = [].concat(allowList['*'] || [], allowList[elementName] || []);\n for (const attribute of attributeList) {\n if (!allowedAttribute(attribute, allowedAttributes)) {\n element.removeAttribute(attribute.nodeName);\n }\n }\n }\n return createdDocument.body.innerHTML;\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/template-factory.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$5 = 'TemplateFactory';\nconst Default$4 = {\n allowList: DefaultAllowlist,\n content: {},\n // { selector : text , selector2 : text2 , }\n extraClass: '',\n html: false,\n sanitize: true,\n sanitizeFn: null,\n template: '
'\n};\nconst DefaultType$4 = {\n allowList: 'object',\n content: 'object',\n extraClass: '(string|function)',\n html: 'boolean',\n sanitize: 'boolean',\n sanitizeFn: '(null|function)',\n template: 'string'\n};\nconst DefaultContentType = {\n entry: '(string|element|function|null)',\n selector: '(string|element)'\n};\n\n/**\n * Class definition\n */\n\nclass TemplateFactory extends Config {\n constructor(config) {\n super();\n this._config = this._getConfig(config);\n }\n\n // Getters\n static get Default() {\n return Default$4;\n }\n static get DefaultType() {\n return DefaultType$4;\n }\n static get NAME() {\n return NAME$5;\n }\n\n // Public\n getContent() {\n return Object.values(this._config.content).map(config => this._resolvePossibleFunction(config)).filter(Boolean);\n }\n hasContent() {\n return this.getContent().length > 0;\n }\n changeContent(content) {\n this._checkContent(content);\n this._config.content = {\n ...this._config.content,\n ...content\n };\n return this;\n }\n toHtml() {\n const templateWrapper = document.createElement('div');\n templateWrapper.innerHTML = this._maybeSanitize(this._config.template);\n for (const [selector, text] of Object.entries(this._config.content)) {\n this._setContent(templateWrapper, text, selector);\n }\n const template = templateWrapper.children[0];\n const extraClass = this._resolvePossibleFunction(this._config.extraClass);\n if (extraClass) {\n template.classList.add(...extraClass.split(' '));\n }\n return template;\n }\n\n // Private\n _typeCheckConfig(config) {\n super._typeCheckConfig(config);\n this._checkContent(config.content);\n }\n _checkContent(arg) {\n for (const [selector, content] of Object.entries(arg)) {\n super._typeCheckConfig({\n selector,\n entry: content\n }, DefaultContentType);\n }\n }\n _setContent(template, content, selector) {\n const templateElement = SelectorEngine.findOne(selector, template);\n if (!templateElement) {\n return;\n }\n content = this._resolvePossibleFunction(content);\n if (!content) {\n templateElement.remove();\n return;\n }\n if (isElement(content)) {\n this._putElementInTemplate(getElement(content), templateElement);\n return;\n }\n if (this._config.html) {\n templateElement.innerHTML = this._maybeSanitize(content);\n return;\n }\n templateElement.textContent = content;\n }\n _maybeSanitize(arg) {\n return this._config.sanitize ? sanitizeHtml(arg, this._config.allowList, this._config.sanitizeFn) : arg;\n }\n _resolvePossibleFunction(arg) {\n return execute(arg, [this]);\n }\n _putElementInTemplate(element, templateElement) {\n if (this._config.html) {\n templateElement.innerHTML = '';\n templateElement.append(element);\n return;\n }\n templateElement.textContent = element.textContent;\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap tooltip.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$4 = 'tooltip';\nconst DISALLOWED_ATTRIBUTES = new Set(['sanitize', 'allowList', 'sanitizeFn']);\nconst CLASS_NAME_FADE$2 = 'fade';\nconst CLASS_NAME_MODAL = 'modal';\nconst CLASS_NAME_SHOW$2 = 'show';\nconst SELECTOR_TOOLTIP_INNER = '.tooltip-inner';\nconst SELECTOR_MODAL = `.${CLASS_NAME_MODAL}`;\nconst EVENT_MODAL_HIDE = 'hide.bs.modal';\nconst TRIGGER_HOVER = 'hover';\nconst TRIGGER_FOCUS = 'focus';\nconst TRIGGER_CLICK = 'click';\nconst TRIGGER_MANUAL = 'manual';\nconst EVENT_HIDE$2 = 'hide';\nconst EVENT_HIDDEN$2 = 'hidden';\nconst EVENT_SHOW$2 = 'show';\nconst EVENT_SHOWN$2 = 'shown';\nconst EVENT_INSERTED = 'inserted';\nconst EVENT_CLICK$1 = 'click';\nconst EVENT_FOCUSIN$1 = 'focusin';\nconst EVENT_FOCUSOUT$1 = 'focusout';\nconst EVENT_MOUSEENTER = 'mouseenter';\nconst EVENT_MOUSELEAVE = 'mouseleave';\nconst AttachmentMap = {\n AUTO: 'auto',\n TOP: 'top',\n RIGHT: isRTL() ? 'left' : 'right',\n BOTTOM: 'bottom',\n LEFT: isRTL() ? 'right' : 'left'\n};\nconst Default$3 = {\n allowList: DefaultAllowlist,\n animation: true,\n boundary: 'clippingParents',\n container: false,\n customClass: '',\n delay: 0,\n fallbackPlacements: ['top', 'right', 'bottom', 'left'],\n html: false,\n offset: [0, 6],\n placement: 'top',\n popperConfig: null,\n sanitize: true,\n sanitizeFn: null,\n selector: false,\n template: '
' + '
' + '
' + '
',\n title: '',\n trigger: 'hover focus'\n};\nconst DefaultType$3 = {\n allowList: 'object',\n animation: 'boolean',\n boundary: '(string|element)',\n container: '(string|element|boolean)',\n customClass: '(string|function)',\n delay: '(number|object)',\n fallbackPlacements: 'array',\n html: 'boolean',\n offset: '(array|string|function)',\n placement: '(string|function)',\n popperConfig: '(null|object|function)',\n sanitize: 'boolean',\n sanitizeFn: '(null|function)',\n selector: '(string|boolean)',\n template: 'string',\n title: '(string|element|function)',\n trigger: 'string'\n};\n\n/**\n * Class definition\n */\n\nclass Tooltip extends BaseComponent {\n constructor(element, config) {\n if (typeof Popper === 'undefined') {\n throw new TypeError('Bootstrap\\'s tooltips require Popper (https://popper.js.org)');\n }\n super(element, config);\n\n // Private\n this._isEnabled = true;\n this._timeout = 0;\n this._isHovered = null;\n this._activeTrigger = {};\n this._popper = null;\n this._templateFactory = null;\n this._newContent = null;\n\n // Protected\n this.tip = null;\n this._setListeners();\n if (!this._config.selector) {\n this._fixTitle();\n }\n }\n\n // Getters\n static get Default() {\n return Default$3;\n }\n static get DefaultType() {\n return DefaultType$3;\n }\n static get NAME() {\n return NAME$4;\n }\n\n // Public\n enable() {\n this._isEnabled = true;\n }\n disable() {\n this._isEnabled = false;\n }\n toggleEnabled() {\n this._isEnabled = !this._isEnabled;\n }\n toggle() {\n if (!this._isEnabled) {\n return;\n }\n this._activeTrigger.click = !this._activeTrigger.click;\n if (this._isShown()) {\n this._leave();\n return;\n }\n this._enter();\n }\n dispose() {\n clearTimeout(this._timeout);\n EventHandler.off(this._element.closest(SELECTOR_MODAL), EVENT_MODAL_HIDE, this._hideModalHandler);\n if (this._element.getAttribute('data-bs-original-title')) {\n this._element.setAttribute('title', this._element.getAttribute('data-bs-original-title'));\n }\n this._disposePopper();\n super.dispose();\n }\n show() {\n if (this._element.style.display === 'none') {\n throw new Error('Please use show on visible elements');\n }\n if (!(this._isWithContent() && this._isEnabled)) {\n return;\n }\n const showEvent = EventHandler.trigger(this._element, this.constructor.eventName(EVENT_SHOW$2));\n const shadowRoot = findShadowRoot(this._element);\n const isInTheDom = (shadowRoot || this._element.ownerDocument.documentElement).contains(this._element);\n if (showEvent.defaultPrevented || !isInTheDom) {\n return;\n }\n\n // TODO: v6 remove this or make it optional\n this._disposePopper();\n const tip = this._getTipElement();\n this._element.setAttribute('aria-describedby', tip.getAttribute('id'));\n const {\n container\n } = this._config;\n if (!this._element.ownerDocument.documentElement.contains(this.tip)) {\n container.append(tip);\n EventHandler.trigger(this._element, this.constructor.eventName(EVENT_INSERTED));\n }\n this._popper = this._createPopper(tip);\n tip.classList.add(CLASS_NAME_SHOW$2);\n\n // If this is a touch-enabled device we add extra\n // empty mouseover listeners to the body's immediate children;\n // only needed because of broken event delegation on iOS\n // https://www.quirksmode.org/blog/archives/2014/02/mouse_event_bub.html\n if ('ontouchstart' in document.documentElement) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.on(element, 'mouseover', noop);\n }\n }\n const complete = () => {\n EventHandler.trigger(this._element, this.constructor.eventName(EVENT_SHOWN$2));\n if (this._isHovered === false) {\n this._leave();\n }\n this._isHovered = false;\n };\n this._queueCallback(complete, this.tip, this._isAnimated());\n }\n hide() {\n if (!this._isShown()) {\n return;\n }\n const hideEvent = EventHandler.trigger(this._element, this.constructor.eventName(EVENT_HIDE$2));\n if (hideEvent.defaultPrevented) {\n return;\n }\n const tip = this._getTipElement();\n tip.classList.remove(CLASS_NAME_SHOW$2);\n\n // If this is a touch-enabled device we remove the extra\n // empty mouseover listeners we added for iOS support\n if ('ontouchstart' in document.documentElement) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.off(element, 'mouseover', noop);\n }\n }\n this._activeTrigger[TRIGGER_CLICK] = false;\n this._activeTrigger[TRIGGER_FOCUS] = false;\n this._activeTrigger[TRIGGER_HOVER] = false;\n this._isHovered = null; // it is a trick to support manual triggering\n\n const complete = () => {\n if (this._isWithActiveTrigger()) {\n return;\n }\n if (!this._isHovered) {\n this._disposePopper();\n }\n this._element.removeAttribute('aria-describedby');\n EventHandler.trigger(this._element, this.constructor.eventName(EVENT_HIDDEN$2));\n };\n this._queueCallback(complete, this.tip, this._isAnimated());\n }\n update() {\n if (this._popper) {\n this._popper.update();\n }\n }\n\n // Protected\n _isWithContent() {\n return Boolean(this._getTitle());\n }\n _getTipElement() {\n if (!this.tip) {\n this.tip = this._createTipElement(this._newContent || this._getContentForTemplate());\n }\n return this.tip;\n }\n _createTipElement(content) {\n const tip = this._getTemplateFactory(content).toHtml();\n\n // TODO: remove this check in v6\n if (!tip) {\n return null;\n }\n tip.classList.remove(CLASS_NAME_FADE$2, CLASS_NAME_SHOW$2);\n // TODO: v6 the following can be achieved with CSS only\n tip.classList.add(`bs-${this.constructor.NAME}-auto`);\n const tipId = getUID(this.constructor.NAME).toString();\n tip.setAttribute('id', tipId);\n if (this._isAnimated()) {\n tip.classList.add(CLASS_NAME_FADE$2);\n }\n return tip;\n }\n setContent(content) {\n this._newContent = content;\n if (this._isShown()) {\n this._disposePopper();\n this.show();\n }\n }\n _getTemplateFactory(content) {\n if (this._templateFactory) {\n this._templateFactory.changeContent(content);\n } else {\n this._templateFactory = new TemplateFactory({\n ...this._config,\n // the `content` var has to be after `this._config`\n // to override config.content in case of popover\n content,\n extraClass: this._resolvePossibleFunction(this._config.customClass)\n });\n }\n return this._templateFactory;\n }\n _getContentForTemplate() {\n return {\n [SELECTOR_TOOLTIP_INNER]: this._getTitle()\n };\n }\n _getTitle() {\n return this._resolvePossibleFunction(this._config.title) || this._element.getAttribute('data-bs-original-title');\n }\n\n // Private\n _initializeOnDelegatedTarget(event) {\n return this.constructor.getOrCreateInstance(event.delegateTarget, this._getDelegateConfig());\n }\n _isAnimated() {\n return this._config.animation || this.tip && this.tip.classList.contains(CLASS_NAME_FADE$2);\n }\n _isShown() {\n return this.tip && this.tip.classList.contains(CLASS_NAME_SHOW$2);\n }\n _createPopper(tip) {\n const placement = execute(this._config.placement, [this, tip, this._element]);\n const attachment = AttachmentMap[placement.toUpperCase()];\n return Popper.createPopper(this._element, tip, this._getPopperConfig(attachment));\n }\n _getOffset() {\n const {\n offset\n } = this._config;\n if (typeof offset === 'string') {\n return offset.split(',').map(value => Number.parseInt(value, 10));\n }\n if (typeof offset === 'function') {\n return popperData => offset(popperData, this._element);\n }\n return offset;\n }\n _resolvePossibleFunction(arg) {\n return execute(arg, [this._element]);\n }\n _getPopperConfig(attachment) {\n const defaultBsPopperConfig = {\n placement: attachment,\n modifiers: [{\n name: 'flip',\n options: {\n fallbackPlacements: this._config.fallbackPlacements\n }\n }, {\n name: 'offset',\n options: {\n offset: this._getOffset()\n }\n }, {\n name: 'preventOverflow',\n options: {\n boundary: this._config.boundary\n }\n }, {\n name: 'arrow',\n options: {\n element: `.${this.constructor.NAME}-arrow`\n }\n }, {\n name: 'preSetPlacement',\n enabled: true,\n phase: 'beforeMain',\n fn: data => {\n // Pre-set Popper's placement attribute in order to read the arrow sizes properly.\n // Otherwise, Popper mixes up the width and height dimensions since the initial arrow style is for top placement\n this._getTipElement().setAttribute('data-popper-placement', data.state.placement);\n }\n }]\n };\n return {\n ...defaultBsPopperConfig,\n ...execute(this._config.popperConfig, [defaultBsPopperConfig])\n };\n }\n _setListeners() {\n const triggers = this._config.trigger.split(' ');\n for (const trigger of triggers) {\n if (trigger === 'click') {\n EventHandler.on(this._element, this.constructor.eventName(EVENT_CLICK$1), this._config.selector, event => {\n const context = this._initializeOnDelegatedTarget(event);\n context.toggle();\n });\n } else if (trigger !== TRIGGER_MANUAL) {\n const eventIn = trigger === TRIGGER_HOVER ? this.constructor.eventName(EVENT_MOUSEENTER) : this.constructor.eventName(EVENT_FOCUSIN$1);\n const eventOut = trigger === TRIGGER_HOVER ? this.constructor.eventName(EVENT_MOUSELEAVE) : this.constructor.eventName(EVENT_FOCUSOUT$1);\n EventHandler.on(this._element, eventIn, this._config.selector, event => {\n const context = this._initializeOnDelegatedTarget(event);\n context._activeTrigger[event.type === 'focusin' ? TRIGGER_FOCUS : TRIGGER_HOVER] = true;\n context._enter();\n });\n EventHandler.on(this._element, eventOut, this._config.selector, event => {\n const context = this._initializeOnDelegatedTarget(event);\n context._activeTrigger[event.type === 'focusout' ? TRIGGER_FOCUS : TRIGGER_HOVER] = context._element.contains(event.relatedTarget);\n context._leave();\n });\n }\n }\n this._hideModalHandler = () => {\n if (this._element) {\n this.hide();\n }\n };\n EventHandler.on(this._element.closest(SELECTOR_MODAL), EVENT_MODAL_HIDE, this._hideModalHandler);\n }\n _fixTitle() {\n const title = this._element.getAttribute('title');\n if (!title) {\n return;\n }\n if (!this._element.getAttribute('aria-label') && !this._element.textContent.trim()) {\n this._element.setAttribute('aria-label', title);\n }\n this._element.setAttribute('data-bs-original-title', title); // DO NOT USE IT. Is only for backwards compatibility\n this._element.removeAttribute('title');\n }\n _enter() {\n if (this._isShown() || this._isHovered) {\n this._isHovered = true;\n return;\n }\n this._isHovered = true;\n this._setTimeout(() => {\n if (this._isHovered) {\n this.show();\n }\n }, this._config.delay.show);\n }\n _leave() {\n if (this._isWithActiveTrigger()) {\n return;\n }\n this._isHovered = false;\n this._setTimeout(() => {\n if (!this._isHovered) {\n this.hide();\n }\n }, this._config.delay.hide);\n }\n _setTimeout(handler, timeout) {\n clearTimeout(this._timeout);\n this._timeout = setTimeout(handler, timeout);\n }\n _isWithActiveTrigger() {\n return Object.values(this._activeTrigger).includes(true);\n }\n _getConfig(config) {\n const dataAttributes = Manipulator.getDataAttributes(this._element);\n for (const dataAttribute of Object.keys(dataAttributes)) {\n if (DISALLOWED_ATTRIBUTES.has(dataAttribute)) {\n delete dataAttributes[dataAttribute];\n }\n }\n config = {\n ...dataAttributes,\n ...(typeof config === 'object' && config ? config : {})\n };\n config = this._mergeConfigObj(config);\n config = this._configAfterMerge(config);\n this._typeCheckConfig(config);\n return config;\n }\n _configAfterMerge(config) {\n config.container = config.container === false ? document.body : getElement(config.container);\n if (typeof config.delay === 'number') {\n config.delay = {\n show: config.delay,\n hide: config.delay\n };\n }\n if (typeof config.title === 'number') {\n config.title = config.title.toString();\n }\n if (typeof config.content === 'number') {\n config.content = config.content.toString();\n }\n return config;\n }\n _getDelegateConfig() {\n const config = {};\n for (const [key, value] of Object.entries(this._config)) {\n if (this.constructor.Default[key] !== value) {\n config[key] = value;\n }\n }\n config.selector = false;\n config.trigger = 'manual';\n\n // In the future can be replaced with:\n // const keysWithDifferentValues = Object.entries(this._config).filter(entry => this.constructor.Default[entry[0]] !== this._config[entry[0]])\n // `Object.fromEntries(keysWithDifferentValues)`\n return config;\n }\n _disposePopper() {\n if (this._popper) {\n this._popper.destroy();\n this._popper = null;\n }\n if (this.tip) {\n this.tip.remove();\n this.tip = null;\n }\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Tooltip.getOrCreateInstance(this, config);\n if (typeof config !== 'string') {\n return;\n }\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config]();\n });\n }\n}\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Tooltip);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap popover.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$3 = 'popover';\nconst SELECTOR_TITLE = '.popover-header';\nconst SELECTOR_CONTENT = '.popover-body';\nconst Default$2 = {\n ...Tooltip.Default,\n content: '',\n offset: [0, 8],\n placement: 'right',\n template: '
' + '
' + '

' + '
' + '
',\n trigger: 'click'\n};\nconst DefaultType$2 = {\n ...Tooltip.DefaultType,\n content: '(null|string|element|function)'\n};\n\n/**\n * Class definition\n */\n\nclass Popover extends Tooltip {\n // Getters\n static get Default() {\n return Default$2;\n }\n static get DefaultType() {\n return DefaultType$2;\n }\n static get NAME() {\n return NAME$3;\n }\n\n // Overrides\n _isWithContent() {\n return this._getTitle() || this._getContent();\n }\n\n // Private\n _getContentForTemplate() {\n return {\n [SELECTOR_TITLE]: this._getTitle(),\n [SELECTOR_CONTENT]: this._getContent()\n };\n }\n _getContent() {\n return this._resolvePossibleFunction(this._config.content);\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Popover.getOrCreateInstance(this, config);\n if (typeof config !== 'string') {\n return;\n }\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config]();\n });\n }\n}\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Popover);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap scrollspy.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$2 = 'scrollspy';\nconst DATA_KEY$2 = 'bs.scrollspy';\nconst EVENT_KEY$2 = `.${DATA_KEY$2}`;\nconst DATA_API_KEY = '.data-api';\nconst EVENT_ACTIVATE = `activate${EVENT_KEY$2}`;\nconst EVENT_CLICK = `click${EVENT_KEY$2}`;\nconst EVENT_LOAD_DATA_API$1 = `load${EVENT_KEY$2}${DATA_API_KEY}`;\nconst CLASS_NAME_DROPDOWN_ITEM = 'dropdown-item';\nconst CLASS_NAME_ACTIVE$1 = 'active';\nconst SELECTOR_DATA_SPY = '[data-bs-spy=\"scroll\"]';\nconst SELECTOR_TARGET_LINKS = '[href]';\nconst SELECTOR_NAV_LIST_GROUP = '.nav, .list-group';\nconst SELECTOR_NAV_LINKS = '.nav-link';\nconst SELECTOR_NAV_ITEMS = '.nav-item';\nconst SELECTOR_LIST_ITEMS = '.list-group-item';\nconst SELECTOR_LINK_ITEMS = `${SELECTOR_NAV_LINKS}, ${SELECTOR_NAV_ITEMS} > ${SELECTOR_NAV_LINKS}, ${SELECTOR_LIST_ITEMS}`;\nconst SELECTOR_DROPDOWN = '.dropdown';\nconst SELECTOR_DROPDOWN_TOGGLE$1 = '.dropdown-toggle';\nconst Default$1 = {\n offset: null,\n // TODO: v6 @deprecated, keep it for backwards compatibility reasons\n rootMargin: '0px 0px -25%',\n smoothScroll: false,\n target: null,\n threshold: [0.1, 0.5, 1]\n};\nconst DefaultType$1 = {\n offset: '(number|null)',\n // TODO v6 @deprecated, keep it for backwards compatibility reasons\n rootMargin: 'string',\n smoothScroll: 'boolean',\n target: 'element',\n threshold: 'array'\n};\n\n/**\n * Class definition\n */\n\nclass ScrollSpy extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n\n // this._element is the observablesContainer and config.target the menu links wrapper\n this._targetLinks = new Map();\n this._observableSections = new Map();\n this._rootElement = getComputedStyle(this._element).overflowY === 'visible' ? null : this._element;\n this._activeTarget = null;\n this._observer = null;\n this._previousScrollData = {\n visibleEntryTop: 0,\n parentScrollTop: 0\n };\n this.refresh(); // initialize\n }\n\n // Getters\n static get Default() {\n return Default$1;\n }\n static get DefaultType() {\n return DefaultType$1;\n }\n static get NAME() {\n return NAME$2;\n }\n\n // Public\n refresh() {\n this._initializeTargetsAndObservables();\n this._maybeEnableSmoothScroll();\n if (this._observer) {\n this._observer.disconnect();\n } else {\n this._observer = this._getNewObserver();\n }\n for (const section of this._observableSections.values()) {\n this._observer.observe(section);\n }\n }\n dispose() {\n this._observer.disconnect();\n super.dispose();\n }\n\n // Private\n _configAfterMerge(config) {\n // TODO: on v6 target should be given explicitly & remove the {target: 'ss-target'} case\n config.target = getElement(config.target) || document.body;\n\n // TODO: v6 Only for backwards compatibility reasons. Use rootMargin only\n config.rootMargin = config.offset ? `${config.offset}px 0px -30%` : config.rootMargin;\n if (typeof config.threshold === 'string') {\n config.threshold = config.threshold.split(',').map(value => Number.parseFloat(value));\n }\n return config;\n }\n _maybeEnableSmoothScroll() {\n if (!this._config.smoothScroll) {\n return;\n }\n\n // unregister any previous listeners\n EventHandler.off(this._config.target, EVENT_CLICK);\n EventHandler.on(this._config.target, EVENT_CLICK, SELECTOR_TARGET_LINKS, event => {\n const observableSection = this._observableSections.get(event.target.hash);\n if (observableSection) {\n event.preventDefault();\n const root = this._rootElement || window;\n const height = observableSection.offsetTop - this._element.offsetTop;\n if (root.scrollTo) {\n root.scrollTo({\n top: height,\n behavior: 'smooth'\n });\n return;\n }\n\n // Chrome 60 doesn't support `scrollTo`\n root.scrollTop = height;\n }\n });\n }\n _getNewObserver() {\n const options = {\n root: this._rootElement,\n threshold: this._config.threshold,\n rootMargin: this._config.rootMargin\n };\n return new IntersectionObserver(entries => this._observerCallback(entries), options);\n }\n\n // The logic of selection\n _observerCallback(entries) {\n const targetElement = entry => this._targetLinks.get(`#${entry.target.id}`);\n const activate = entry => {\n this._previousScrollData.visibleEntryTop = entry.target.offsetTop;\n this._process(targetElement(entry));\n };\n const parentScrollTop = (this._rootElement || document.documentElement).scrollTop;\n const userScrollsDown = parentScrollTop >= this._previousScrollData.parentScrollTop;\n this._previousScrollData.parentScrollTop = parentScrollTop;\n for (const entry of entries) {\n if (!entry.isIntersecting) {\n this._activeTarget = null;\n this._clearActiveClass(targetElement(entry));\n continue;\n }\n const entryIsLowerThanPrevious = entry.target.offsetTop >= this._previousScrollData.visibleEntryTop;\n // if we are scrolling down, pick the bigger offsetTop\n if (userScrollsDown && entryIsLowerThanPrevious) {\n activate(entry);\n // if parent isn't scrolled, let's keep the first visible item, breaking the iteration\n if (!parentScrollTop) {\n return;\n }\n continue;\n }\n\n // if we are scrolling up, pick the smallest offsetTop\n if (!userScrollsDown && !entryIsLowerThanPrevious) {\n activate(entry);\n }\n }\n }\n _initializeTargetsAndObservables() {\n this._targetLinks = new Map();\n this._observableSections = new Map();\n const targetLinks = SelectorEngine.find(SELECTOR_TARGET_LINKS, this._config.target);\n for (const anchor of targetLinks) {\n // ensure that the anchor has an id and is not disabled\n if (!anchor.hash || isDisabled(anchor)) {\n continue;\n }\n const observableSection = SelectorEngine.findOne(decodeURI(anchor.hash), this._element);\n\n // ensure that the observableSection exists & is visible\n if (isVisible(observableSection)) {\n this._targetLinks.set(decodeURI(anchor.hash), anchor);\n this._observableSections.set(anchor.hash, observableSection);\n }\n }\n }\n _process(target) {\n if (this._activeTarget === target) {\n return;\n }\n this._clearActiveClass(this._config.target);\n this._activeTarget = target;\n target.classList.add(CLASS_NAME_ACTIVE$1);\n this._activateParents(target);\n EventHandler.trigger(this._element, EVENT_ACTIVATE, {\n relatedTarget: target\n });\n }\n _activateParents(target) {\n // Activate dropdown parents\n if (target.classList.contains(CLASS_NAME_DROPDOWN_ITEM)) {\n SelectorEngine.findOne(SELECTOR_DROPDOWN_TOGGLE$1, target.closest(SELECTOR_DROPDOWN)).classList.add(CLASS_NAME_ACTIVE$1);\n return;\n }\n for (const listGroup of SelectorEngine.parents(target, SELECTOR_NAV_LIST_GROUP)) {\n // Set triggered links parents as active\n // With both
@@ -490,8 +490,8 @@

gans.conditional_gan_proj module

gans.gan module#

-
-

Module contents#

+
+

Module contents#

@@ -546,7 +546,7 @@

gans.gan modulegans.conditional_gan_cat module
  • gans.conditional_gan_proj module
  • gans.gan module
  • -
  • Module contents
  • +
  • Module contents
  • diff --git a/docs/_build/html/genindex.html b/docs/_build/html/genindex.html index 3527b30..ec4b77b 100644 --- a/docs/_build/html/genindex.html +++ b/docs/_build/html/genindex.html @@ -377,10 +377,7 @@

    Index

    C | G - | L | M - | N - | P

    C

    @@ -398,33 +395,13 @@

    C

    G

    - -
    - -

    L

    -
    @@ -436,53 +413,6 @@

    M

    - - - -

    N

    - - -
      -
    • - networks - -
    • -
    - -

    P

    - - - diff --git a/docs/_build/html/layers.html b/docs/_build/html/layers.html index 6c2835c..3cb73d4 100644 --- a/docs/_build/html/layers.html +++ b/docs/_build/html/layers.html @@ -456,7 +456,7 @@

    Contents

  • layers.cbn module
  • layers.lsn module
  • layers.masked_linear module
  • -
  • Module contents
  • +
  • Module contents
  • @@ -482,8 +482,8 @@

    layers.lsn module

    layers.masked_linear module#

    -
    -

    Module contents#

    +
    +

    Module contents#

    @@ -536,7 +536,7 @@

    layers.masked_linear modulelayers.cbn module
  • layers.lsn module
  • layers.masked_linear module
  • -
  • Module contents
  • +
  • Module contents
  • diff --git a/docs/_build/html/modules.html b/docs/_build/html/modules.html index a1d1575..3dc1c7b 100644 --- a/docs/_build/html/modules.html +++ b/docs/_build/html/modules.html @@ -466,7 +466,7 @@

    API Referencesgans.conditional_gan_cat module
  • gans.conditional_gan_proj module
  • gans.gan module
  • -
  • Module contents
  • +
  • Module contents
  • layers package
  • main module
  • @@ -484,7 +484,7 @@

    API Referencesnetworks.generator module
  • networks.labeler module
  • networks.masked_causal_generator module
  • -
  • Module contents
  • +
  • Module contents
  • custom_parser module @@ -486,8 +486,8 @@

    networks.labeler module

    networks.masked_causal_generator module#

    -
    -

    Module contents#

    +
    +

    Module contents#

    @@ -541,7 +541,7 @@

    networks.masked_causal_generator modulenetworks.generator module

  • networks.labeler module
  • networks.masked_causal_generator module
  • -
  • Module contents
  • +
  • Module contents
  • diff --git a/docs/_build/html/objects.inv b/docs/_build/html/objects.inv index 172cfba..1b9cf59 100644 Binary files a/docs/_build/html/objects.inv and b/docs/_build/html/objects.inv differ diff --git a/docs/_build/html/preprocessing.html b/docs/_build/html/preprocessing.html index 591ae1c..913cc77 100644 --- a/docs/_build/html/preprocessing.html +++ b/docs/_build/html/preprocessing.html @@ -454,11 +454,8 @@

    Contents

    @@ -478,22 +475,11 @@

    Submodules

    preprocessing.grn_creation module#

    -
    -

    preprocessing.preprocess module#

    -
    -
    -preprocessing.preprocess.preprocess(cfg: ConfigParser) None[source]#
    -

    Apply preprocessing steps.

    -
    -
    Parameters:
    -

    cfg (ConfigParser) – Parser for config file containing preprocessing params.

    -
    -
    -
    - +
    +

    preprocessing.preprocess module#

    -
    -

    Module contents#

    +
    +

    Module contents#

    @@ -544,11 +530,8 @@

    preprocessing.grn_creation module
  • Submodules
  • preprocessing.grn_creation module
  • -
  • preprocessing.preprocess module -
  • -
  • Module contents
  • +
  • preprocessing.preprocess module
  • +
  • Module contents
  • diff --git a/docs/_build/html/py-modindex.html b/docs/_build/html/py-modindex.html index f072362..3510aff 100644 --- a/docs/_build/html/py-modindex.html +++ b/docs/_build/html/py-modindex.html @@ -382,11 +382,7 @@

    Python Module Index

    - c | - g | - l | - n | - p + c

      -
    • - preprocessing.preprocess - -
    @@ -398,44 +394,6 @@

    Python Module Index

    - - - - - - - - - - - - - - - - - - - - - - -
    custom_parser
     
    - g
    - gans -
     
    - l
    - layers -
     
    - n
    - networks -
     
    - p
    - preprocessing -
        - preprocessing.preprocess -
    diff --git a/docs/_build/html/searchindex.js b/docs/_build/html/searchindex.js index 8740198..38f65e1 100644 --- a/docs/_build/html/searchindex.js +++ b/docs/_build/html/searchindex.js @@ -1 +1 @@ -Search.setIndex({"docnames": ["benchmarking", "causal_gan_cfg", "citation", "custom_parser", "docker", "factory", "gans", "index", "installation", "layers", "license", "local_installation", "main", "modules", "networks", "preprocessing", "sc_dataset", "singularity", "tfrecord_loader", "tree", "tutorial"], "filenames": ["benchmarking.rst", "causal_gan_cfg.rst", "citation.rst", "custom_parser.rst", "docker.rst", "factory.rst", "gans.rst", "index.rst", "installation.rst", "layers.rst", "license.rst", "local_installation.rst", "main.rst", "modules.rst", "networks.rst", "preprocessing.rst", "sc_dataset.rst", "singularity.rst", "tfrecord_loader.rst", "tree.rst", "tutorial.rst"], "titles": ["Benchmarking", "<no title>", "Citation", "custom_parser module", "Docker Setup", "factory module", "gans package", "Welcome to GRouNdGAN\u2019s documentation!", "Installation", "layers package", "License", "Local Installation", "main module", "API References", "networks package", "preprocessing package", "sc_dataset module", "Singularity Setup", "tfrecord_loader module", "<no title>", "Tutorial"], "terms": {"experi": [1, 7, 8, 20], "output": [1, 20], "directori": [1, 4, 8, 11, 17, 20], "result": [1, 19, 20], "groundgan": [1, 2, 4, 8, 10, 11, 17, 20], "devic": [1, 4, 8, 20], "cuda": [1, 4, 8, 17, 20], "we": [0, 1, 7, 8, 11, 20], "let": [1, 7, 20], "program": [1, 3, 20], "choos": [1, 8, 20], "what": [1, 20], "i": [0, 1, 4, 7, 8, 10, 20], "avail": [1, 20], "checkpoint": [1, 20], "set": [1, 8, 11, 20], "valu": [1, 20], "us": [0, 1, 2, 7, 10, 11, 17, 20], "train": [1, 19], "model": [1, 7, 20], "preprocess": [1, 7, 13], "10x": [0, 1, 20], "true": [1, 20], "raw": [1, 19, 20], "data": [0, 1, 2, 7, 19, 20], "pbmc": [1, 19, 20], "valid": [1, 20], "size": [0, 1, 20], "1000": [0, 1, 20], "test": [1, 20], "annot": [1, 20], "barcodes_annot": [1, 20], "tsv": [1, 20], "min": [1, 20], "cell": [0, 1, 2, 7], "3": [0, 1, 8, 10, 11, 20], "gene": [0, 1, 7, 20], "express": [0, 1, 20], "less": [1, 20], "than": [1, 20], "ar": [0, 1, 8, 11, 20], "discard": [1, 20], "10": [0, 1, 2, 7, 20], "librari": [1, 20], "20000": [1, 20], "normal": [1, 20], "louvain": [1, 20], "re": [1, 4, 7, 8, 11, 20], "0": [1, 4, 8, 20], "15": [0, 1, 2, 4, 7, 8, 20], "cluster": [1, 8, 20], "resolut": [1, 20], "higher": [1, 20], "mean": [1, 20], "find": [1, 7, 20], "more": [1, 7, 8, 10, 11, 20], "smaller": [1, 20], "highli": [1, 20], "variabl": [1, 20], "number": [0, 1, 2, 20], "identifi": [0, 1, 20], "grn": [1, 2], "prepar": [1, 20], "tf": [0, 1, 20], "homo_sapiens_tf": [1, 19, 20], "csv": [0, 1, 19, 20], "k": [0, 1, 20], "top": [1, 20], "most": [0, 1, 8, 20], "import": [1, 20], "per": [1, 20], "includ": [0, 1, 4, 8, 20], "infer": [0, 1, 20], "process": [1, 4, 8, 19, 20], "inferred_grnboost2": [1, 20], "pbmc68k_train": [1, 20], "h5ad": [0, 1, 20], "pbmc68k_valid": [1, 20], "pbmc68k_test": [1, 20], "causal": [0, 1, 2, 7, 20], "graph": [0, 1, 20], "causal_graph": [1, 20], "pkl": [1, 20], "gener": [0, 1, 2, 7, 10, 13, 19, 20], "10000": [1, 20], "type": [0, 1, 3, 4, 8, 20], "gan": [1, 7, 13, 19, 20], "nois": [1, 20], "1": [0, 1, 2, 8, 20], "depth": [1, 20], "width": [1, 20], "2": [0, 1, 8, 20], "critic": [1, 13, 20], "layer": [1, 7, 13, 20], "1024": [1, 20], "512": [1, 20], "256": [1, 20], "label": [0, 1, 13, 20], "2000": [1, 20], "latent": [1, 20], "dim": [1, 20], "128": [1, 20], "vector": [1, 20], "dimens": [1, 20], "umi": [1, 20], "count": [1, 20], "lambda": [1, 20], "regular": [1, 20], "hyper": [1, 20], "paramet": [1, 15, 20], "gradient": [1, 20], "penalti": [1, 20], "batch": [1, 20], "iter": [1, 20], "5": [0, 1, 20], "each": [0, 1, 20], "maximum": [1, 20], "step": [1, 7, 15], "1000000": [1, 20], "antilabel": [1, 20], "interv": [1, 20], "optim": [1, 20], "coeffici": [1, 20], "comput": [1, 4, 8, 20], "run": [1, 4, 20], "averag": [1, 20], "its": [1, 4, 8, 20], "squar": [1, 20], "beta1": [1, 20], "beta2": [1, 20], "9": [1, 8, 11, 20], "learn": [1, 20], "rate": [1, 20], "initi": [1, 3, 20], "001": [1, 20], "final": [1, 20], "0001": [1, 20], "log": [1, 20], "summari": [1, 20], "frequenc": [1, 20], "plot": [1, 20], "save": [1, 20], "100000": [1, 20], "cc": [1, 20], "non": [0, 1, 20], "condit": [1, 20], "singl": [0, 1, 2, 7], "rna": [1, 2, 7, 20], "seq": [0, 1, 2, 7, 20], "hardcod": [1, 20], "none": [1, 15, 20], "code": [1, 7, 20], "200000": [1, 20], "00001": [1, 20], "yazdan": [2, 7, 10], "zinati": [2, 7, 10], "abdulrahman": [2, 10], "takiddeen": [2, 7, 10], "amin": [2, 10], "emad": [2, 4, 7, 8, 10, 11], "guid": [2, 7, 8, 17, 20], "simul": [2, 7], "adversari": [2, 7, 20], "network": [0, 2, 7, 13, 20], "biorxiv": [], "2023": 10, "07": [], "http": [0, 2, 4, 7, 8, 10, 11, 20], "doi": [0, 2, 7, 20], "org": [0, 2, 7, 10, 20], "1101": [], "25": [], "550225": [], "articl": 2, "zinati2023groundgan": [], "titl": 2, "author": 2, "journal": [0, 2], "page": [2, 7], "year": 2, "publish": [2, 10], "cold": [], "spring": [], "harbor": [], "laboratori": [], "get_configpars": [3, 13], "configpars": [3, 15, 20], "sourc": [3, 8, 11, 15], "configur": [3, 8, 20], "read": 3, "config": [3, 7, 15, 19], "file": [3, 7, 8, 11, 15], "cfg": [3, 15, 19, 20], "ini": [3, 20], "parser": [3, 15], "return": 3, "get_argpars": [3, 13], "argumentpars": 3, "argument": [3, 20], "add": 3, "arg": 3, "cli": [3, 7], "argpars": 3, "prerequisit": [4, 8, 11], "befor": [4, 8, 11], "you": [0, 4, 7, 8, 10, 11, 17, 20], "begin": [4, 8], "make": [4, 8], "sure": [0, 4, 8], "have": [0, 4, 8, 10, 11, 20], "instal": [4, 7, 17, 20], "your": [0, 4, 8, 10, 11, 17, 20], "machin": [4, 8], "can": [4, 7, 8, 10, 11, 17, 20], "download": [4, 8, 20], "offici": [4, 8], "websit": [4, 8], "get": [4, 8, 11], "start": [4, 8, 17, 20], "pull": [0, 4, 8, 17], "hub": [4, 8, 17], "yazdanz": [4, 8, 17], "4b98686": [4, 8, 17], "contain": [0, 4, 15, 20], "pass": [4, 8], "all": [4, 8, 20], "bin": [4, 8, 11], "bash": [4, 8, 20], "The": [0, 4, 8, 17, 20], "flag": [4, 8, 17, 20], "enabl": [4, 8, 17], "support": [4, 8, 20], "within": [4, 8, 17], "omit": [4, 8], "intend": [0, 4, 8], "cpu": [4, 8], "onli": [4, 8, 20], "allow": [4, 8], "an": [0, 4, 7, 8, 17, 20], "interact": [4, 8, 17], "termin": [4, 8], "session": [4, 8, 17], "now": [4, 8, 11], "insid": [4, 8, 17, 20], "readi": [4, 8, 11], "clone": [4, 8, 11], "repositori": [0, 4, 7, 8, 11], "git": [4, 8, 11, 19, 20], "github": [0, 4, 7, 8, 11, 19, 20], "com": [4, 8, 11], "combin": [4, 8, 10, 11], "lab": [4, 8, 10, 11], "navig": [4, 8, 11], "project": [4, 7, 8, 11], "cd": [4, 8, 11], "provid": [0, 4, 8, 20], "t": [0, 4, 7, 8, 20], "yourusernam": [4, 8], "custom": [4, 8], "f": [0, 4, 8, 20], "thi": [4, 7, 8, 17, 20], "command": [4, 8, 17, 20], "tag": [4, 8], "method": [0, 4, 7, 8, 20], "mai": [4, 8], "take": [4, 8, 20], "approxim": [4, 8], "30": [4, 8], "minut": [4, 8], "depend": [4, 8, 11, 20], "system": [4, 8, 17], "": [0, 4, 8, 10, 17, 20], "perform": [4, 8], "itd": [4, 8], "name": [4, 8, 17], "recogn": [4, 8], "nvidia": [4, 8, 20], "smi": [4, 8], "should": [4, 8, 10, 20], "see": [4, 8, 10, 20], "detail": [4, 7, 8, 10, 11], "inform": [4, 8], "about": [4, 7, 8, 20], "memori": [4, 8, 20], "usag": [4, 8, 20], "etc": [4, 8, 20], "confirm": [4, 8], "470": [4, 8], "63": [4, 8, 20], "01": [4, 8], "driver": [4, 8], "version": [4, 8, 10, 11], "11": [0, 4, 8, 20], "4": [4, 8, 20], "persist": [4, 8], "m": [0, 4, 8, 11, 20], "bu": [4, 8], "id": [4, 8], "disp": [4, 8], "volatil": [4, 8], "uncorr": [4, 8], "ecc": [4, 8], "fan": [4, 8], "temp": [4, 8], "perf": [4, 8], "pwr": [4, 8], "cap": [4, 8], "util": [4, 8], "mig": [4, 8], "tesla": [4, 8], "v100": [4, 8], "sxm2": [4, 8], "off": [4, 8], "00000000": [4, 8], "00": [4, 8], "1e": [4, 8], "n": [0, 4, 8, 20], "33c": [4, 8], "p0": [4, 8], "41w": [4, 8], "300w": [4, 8], "0mib": [4, 8], "32480mib": [4, 8], "default": [4, 8, 20], "gi": [4, 8], "ci": [4, 8], "pid": [4, 8], "No": [4, 8], "found": [4, 8, 11], "parse_list": [], "str_list": [], "str": [], "type_": [], "list": [], "class": 0, "iganfactori": [], "base": [], "abc": [], "repres": 0, "doe": [], "keep": [], "creat": [8, 11, 17, 20], "refer": 7, "__init__": [], "param": 15, "abstract": [], "get_gan": [], "instanc": [], "get_train": [], "callabl": [], "function": [], "_abc_impl": [], "_abc": [], "_abc_data": [], "object": [], "ganfactori": [], "conditionalcatganfactori": [], "conditionalcatgan": [], "conditionalprojganfactori": [], "conditionalprojgan": [], "causalganfactori": [], "get_cc": [], "causalgan": [], "get_factori": [], "kei": 20, "specifi": 20, "rais": [], "valueerror": [], "If": [0, 7, 8, 10, 11, 20], "unknown": [], "implement": 20, "genes_no": [], "int": 20, "batch_siz": [], "latent_dim": [], "noise_per_gen": [], "depth_per_gen": [], "width_per_gen": [], "cc_latent_dim": [], "cc_layer": [], "cc_pretrained_checkpoint": [], "crit_lay": [], "dict": [], "labeler_lay": [], "library_s": [], "todo": [], "uniqu": [], "dataset": 7, "space": [], "from": [0, 11, 17, 20], "which": [8, 20], "control": [8, 20], "sampl": 20, "target": [0, 20], "scale": [], "integ": [], "correspond": 0, "neuron": [], "path": 20, "pretrain": [], "dictionari": 20, "trn": [], "impos": 0, "It": [8, 20], "ha": [], "follow": [8, 11, 20], "format": 20, "index": [7, 20], "tf1": 20, "tf2": 20, "acycl": [], "bipartit": 20, "A": [0, 2, 7, 10, 20], "cannot": [], "regul": [0, 20], "anoth": [], "invalid": [], "6": [2, 7, 8, 11, 20], "also": [8, 11, 20], "cycl": [], "exampl": [], "option": [10, 11, 20], "torch": [], "is_avail": [], "els": [], "total": [], "_build_model": [], "instanti": [], "_save": [], "byte": [], "pathlik": [], "union": [], "o": [], "_load": [], "mode": [], "load": [], "pth": 20, "other": [], "_train_label": [], "real_cel": [], "tensor": [], "real": 20, "fake": [], "anti": [], "_train_gener": [], "one": [8, 11, 20], "item": [], "loss": [], "rtype": [], "train_fil": [], "valid_fil": [], "critic_it": [], "max_step": [], "c_lambda": [], "float": [], "gen_alpha_0": [], "gen_alpha_fin": [], "crit_alpha_0": [], "crit_alpha_fin": [], "labeler_alpha": [], "antilabeler_alpha": [], "labeler_training_interv": [], "output_dir": [], "summary_freq": [], "5000": [], "plt_freq": [], "save_feq": [], "tfrecord": [], "after": [8, 17], "20": [0, 20], "everi": 20, "resum": 20, "tfevent": [], "period": [], "between": [8, 17], "tensorboard": 20, "sne": 20, "conditionalgan": [], "gen_lay": [], "static": [], "_sample_pseudo_label": [], "cluster_ratio": [], "randomli": [], "multinomi": [], "distribut": 10, "equal": [], "ex": [], "occur": [], "probabl": [], "respect": [], "_generate_tsne_plot": [], "valid_load": [], "dataload": [], "dure": [], "num_class": [], "label_ratio": [], "concaten": [], "ratio": [], "_get_gradi": [], "epsilon": [], "kwarg": [], "score": [], "interpol": [], "uniformli": [], "random": [], "proport": [], "length": [], "arbitrari": [], "keyword": [], "_cat_one_hot_label": [], "hot": [], "encod": [], "tail": [], "generate_cel": [], "cells_no": [], "class_": [], "tupl": [], "ndarrai": [], "same": [], "matrix": 20, "np": [], "_train_crit": [], "real_label": [], "_generate_nois": [], "given": [], "fill": [], "standard": [], "_set_exponential_lr": [], "alpha_0": [], "alpha_fin": [], "exponentiallr": [], "up": [8, 11], "exponenti": [], "decai": [], "schedul": [], "when": [], "current_step": [], "call": 0, "loop": [], "_critic_loss": [], "crit_fake_pr": [], "crit_real_pr": [], "gp": [], "unweight": [], "wgan": [], "current": [], "_generator_loss": [], "_gradient_penalti": [], "_get_load": [], "validation_fil": [], "_add_tensorboard_graph": [], "gen_data": [], "crit_data": [], "input": 20, "_update_tensorboard": [], "gen_loss": [], "crit_loss": [], "gen_lr": [], "crit_lr": [], "updat": [], "site": 7, "releas": 7, "under": [7, 10, 20], "regulatori": [0, 7, 20], "implicit": [7, 20], "silico": 7, "perturb": [7, 20], "To": [7, 20], "out": 7, "check": 7, "our": [0, 7, 8, 11, 20], "preprint": [], "y": [0, 2, 7, 20], "docker": [7, 19, 20], "setup": 7, "local": [7, 20], "singular": [7, 20], "tutori": 7, "outlin": 7, "demo": 7, "citat": 7, "bibtex": 7, "licens": [7, 19, 20], "here": [0, 7, 20], "help": [7, 20], "ask": 7, "ani": [7, 10, 20], "whether": 7, "thei": 7, "how": 7, "softwar": [7, 10], "troubleshoot": 7, "understand": 7, "certain": 7, "concept": 7, "pleas": [0, 7, 8, 11], "don": [7, 20], "hesit": 7, "report": 7, "encount": [7, 8, 11], "issu": [0, 7, 8, 11], "glitch": 7, "unexpect": 7, "behavior": 7, "while": 7, "u": 7, "know": [7, 8], "improv": 7, "reach": 7, "open": [0, 7, 20], "api": 7, "factori": [7, 13], "modul": [7, 13, 20], "packag": [7, 8, 11, 13], "main": [7, 13, 20], "custom_pars": [7, 13], "sc_dataset": [7, 13], "tfrecord_load": [7, 13], "search": 7, "There": [8, 17, 20], "multipl": [8, 11, 20], "wai": 8, "prefer": 8, "requir": [8, 11, 19, 20], "best": 8, "suit": 8, "need": [0, 8, 20], "want": [8, 20], "quick": 8, "hassl": 8, "free": [0, 8, 10], "environ": [8, 11], "alreadi": [8, 17], "conveni": 8, "straightforward": 8, "further": 8, "finetun": 8, "specif": [8, 11], "advantag": 8, "exactli": 8, "being": 8, "ideal": 8, "fine": 8, "grain": 8, "modif": 8, "greater": 8, "over": [8, 20], "opt": [8, 20], "particularli": 8, "plan": 8, "foundat": [8, 10], "new": 8, "hpc": 8, "restrict": 8, "gain": 8, "root": 8, "access": [0, 8], "host": [8, 20], "secur": 8, "compat": 8, "altern": 8, "container": 8, "ensur": [8, 11], "python": [8, 11, 20], "do": [8, 11, 20], "pyenv": [8, 11], "manag": [8, 11], "instruct": [8, 11], "variou": [8, 11], "platform": [8, 11], "document": [8, 11, 19, 20], "choic": [8, 11, 20], "scgan": [8, 11, 19, 20], "beelin": [8, 11, 19, 20], "scdesign2": [8, 11, 19, 20], "sparsim": [8, 11, 19, 20], "submodul": [8, 11, 13], "studi": [8, 11], "recurs": [8, 11], "virtual": [8, 11], "venv": [8, 11], "activ": [8, 11], "linux": [8, 11], "maco": [8, 11], "window": [8, 11], "script": [8, 11, 19, 20], "txt": [8, 11, 19, 20], "pip": [8, 11], "r": [0, 8, 11, 20], "fellow": [8, 11], "canadian": [8, 11], "computecanada": [8, 11, 20], "consid": [8, 11], "requirements_computecanada": [8, 11, 19, 20], "instead": [8, 11, 20], "sif": [8, 17], "shell": [8, 17], "nv": [8, 17], "applic": [8, 17, 20], "might": [8, 11, 17], "differ": [0, 8, 17, 20], "structur": [8, 17, 20], "permiss": [8, 17], "due": [8, 17], "bind": [8, 17], "mount": [8, 17], "approach": [8, 17], "conditionalbatchnorm": [], "num_featur": [], "1d": [], "dumoulin": [], "et": 20, "al": 20, "2016": [], "de": [], "vri": [], "2017": 20, "featur": [], "e": [0, 20], "distinct": [], "forward": [], "x": 0, "condition": [], "bool": [], "_paramet": [], "_buffer": [], "_non_persistent_buffers_set": [], "_backward_hook": [], "_is_full_backward_hook": [], "_forward_hook": [], "_forward_pre_hook": [], "_state_dict_hook": [], "_load_state_dict_pre_hook": [], "_load_state_dict_post_hook": [], "_modul": [], "in_": [], "reuse_scal": [], "fals": 20, "complet": 20, "previou": 20, "By": [], "maskedlinearfunct": [], "autograd": [], "mask": [], "weight": 20, "ctx": [], "bia": [], "oper": [], "overridden": [], "subclass": [], "must": 20, "accept": 20, "context": [], "first": [], "store": [], "retriev": [], "backward": [], "directli": [], "though": [], "enforc": [], "either": [10, 20], "save_for_backward": [], "equival": [], "vjp": [], "save_for_forward": [], "jvp": [], "grad_output": [], "defin": 20, "formula": [], "differenti": 0, "automat": [], "alia": [], "mani": [], "were": [], "w": 0, "grad": [], "just": [], "attribut": [], "needs_input_grad": [], "boolean": [], "g": [0, 20], "_backward_cl": [], "maskedlinearfunctionbackward": [], "maskedlinear": [], "extens": [], "pytorch": [], "linear": [], "thread": [], "discuss": [], "connect": [], "neural": [], "3027": [], "13": [], "shape": [], "n_input_featur": [], "n_output_featur": [], "element": 0, "declar": [], "un": [], "reapply_mask": [], "been": [], "nn": [], "init": [], "reappli": [], "reset_paramet": [], "although": 0, "recip": [], "afterward": [], "sinc": [], "former": [], "care": [], "regist": [], "hook": [], "latter": [], "silent": [], "ignor": [], "them": 20, "extra_repr": [], "extra": [], "represent": [], "print": [], "own": 20, "both": [], "line": 20, "multi": 20, "string": [], "copyright": 10, "c": [0, 10, 20], "redistribut": 10, "modifi": [10, 20], "term": 10, "gnu": 10, "affero": 10, "public": 10, "later": 10, "hope": 10, "without": 10, "warranti": 10, "even": 10, "impli": 10, "merchant": 10, "fit": 10, "FOR": 10, "particular": 10, "purpos": 10, "receiv": 10, "copi": [10, 20], "along": 10, "www": 10, "causal_gan": [13, 19, 20], "conditional_gan": [13, 19, 20], "conditional_gan_cat": 13, "conditional_gan_proj": 13, "content": 13, "cbn": 13, "lsn": 13, "masked_linear": 13, "_create_crit": [], "_create_critic_block": [], "conditionalcrit": [], "conditionalcriticproj": [], "_create_gener": [], "_create_generator_block": [], "conditionalgener": [], "_create_label": [], "masked_causal_gener": 13, "causalgener": [], "freeze_causal_control": [], "grn_creation": 13, "create_grn": 20, "scdataset": [], "__getitem__": [], "__len__": [], "get_load": [], "x_input": [], "critic_lay": [], "constructor": [], "hidden": [], "dimension": [], "input_dim": [], "output_dim": [], "final_lay": [], "sequenti": [], "sequenc": [], "block": [], "relu": [], "except": [], "indic": 20, "discrimin": [], "miyato": [], "2018": 20, "marouf": 20, "2020": 20, "z_input": [], "output_cells_dim": [], "batchnorm": [], "num_gen": [], "num_tf": [], "exclud": [], "transcript": [0, 20], "factor": [], "deep": [], "target_gen": [], "regress": [], "predict": [], "width_scale_per_gen": [], "causal_control": [], "22": [], "assum": [], "spars": [], "22000": [], "remov": [], "howev": 20, "independ": [], "In": [8, 11], "case": [8, 11], "would": 0, "individu": 20, "veri": 20, "ineffici": [], "larg": [], "logic": [], "done": 20, "two": [0, 20], "freez": [], "disallow": [], "grnboost2": [0, 20], "construct": 20, "onto": [0, 20], "creation": [], "appli": 15, "py": 20, "file_path": [], "iterableload": [], "scrna": 0, "entir": [], "loader": [], "split": [], "descript": [], "compression_typ": [], "gzip": [], "multi_read": [], "get_clust": [], "post_process": [], "accommod": [], "pattern": [], "pair": 20, "where": 20, "determin": [], "contribut": 0, "extract": [], "record": [], "compress": [], "addit": 20, "gitattribut": [19, 20], "workflow": [0, 19, 20], "build": [11, 19, 20], "yml": [19, 20], "yaml": [19, 20], "gitignor": [19, 20], "gitmodul": [19, 20], "atkinson_hyperleg": [19, 20], "readm": [19, 20], "md": [19, 20], "interim": [19, 20], "bonemarrow": [19, 20], "mus_musculus_tf": [19, 20], "dockerfil": [19, 20], "doc": [19, 20], "notebook": [19, 20], "monitor": [19, 20], "sh": [19, 20], "src": [19, 20], "come": 20, "interfac": 20, "section": 20, "desir": 20, "python3": 20, "through": 20, "h": [0, 20], "benchmark": 20, "cwgan": 20, "unoffici": 20, "cscgan": 20, "appropri": 20, "essenti": [8, 11, 20], "four": 20, "hyperparamet": 20, "Or": 20, "chain": 20, "togeth": 20, "go": 20, "syntax": 20, "similar": 20, "three": 20, "consist": 20, "isn": 20, "sensit": 20, "still": 20, "advis": 20, "below": 20, "pbmc68k": 20, "imag": 20, "prepackag": 20, "unprocess": 20, "mous": [0, 20], "paul": 20, "2015": 20, "human": [0, 20], "zheng": 20, "animaltfdb": 20, "place": 20, "too": 20, "hard": 20, "curl": 20, "tar": 20, "nextcloud": 20, "ca": 20, "php": 20, "wqrcqkh5zjyymw9": 20, "demo_data": 20, "xvf": 20, "mv": 20, "rm": 20, "rf": 20, "skip": 20, "pipelin": 20, "like": [0, 20], "mtx": 20, "barcod": 20, "leav": 20, "empti": 20, "Then": 20, "onc": 20, "success": 20, "messag": 20, "moerman": [0, 20], "convert": 20, "wa": 20, "write": 20, "properti": 20, "dask": 20, "client": 20, "pars": 20, "partit": 20, "shut": 20, "down": 20, "finish": 20, "937": 20, "possibl": 20, "edg": [0, 20], "59031": 20, "14055": 20, "densiti": 20, "238095": 20, "written": 20, "For": 20, "corespond": 20, "pictur": 20, "abov": 20, "form": 20, "g2": 20, "tfn": 20, "g1": 20, "gn": 20, "g3": 20, "becom": 20, "pickl": 20, "wb": 20, "fp": 20, "dump": 20, "protocol": 20, "highest_protocol": 20, "forget": 20, "edit": 20, "direct": [0, 20], "appear": 20, "part": 20, "biolog": 20, "meaning": 20, "significantli": 20, "relationship": 20, "those": 20, "observ": 20, "deterior": 20, "qualiti": 20, "realist": 20, "datapoint": 20, "act": 20, "contradictori": 20, "task": 20, "upon": 20, "folder": 20, "state": 20, "bias": 20, "tsne": 20, "v": 20, "chang": 20, "logdir": 20, "dir": 20, "load_fast": 20, "slurm": 20, "submiss": 20, "time": 20, "primarili": 20, "five": 20, "dai": [0, 20], "dens": 20, "v100sxm2": 20, "16g": 20, "gpu": 20, "suggest": 20, "stick": 20, "avoid": 20, "excess": 20, "overhead": 20, "million": 20, "recommend": 20, "wish": 20, "One": 20, "popul": 20, "field": 20, "usual": 20, "latest": 20, "config_fil": 20, "machart": 20, "p": [0, 20], "bansal": 20, "kilian": 20, "magrud": 20, "d": [0, 20], "kreb": 20, "bonn": 20, "augment": 20, "natur": [0, 2, 20], "commun": [0, 2, 7, 20], "1038": [0, 2, 7, 20], "s41467": [2, 7, 20], "019": 20, "14018": 20, "z": [0, 20], "arkin": [0, 20], "giladi": [0, 20], "jaitin": [0, 20], "kenigsberg": [0, 20], "keren": [0, 20], "shaul": [0, 20], "winter": [0, 20], "lara": [0, 20], "astiaso": [0, 20], "guri": [0, 20], "weiner": [0, 20], "david": [0, 20], "cohen": [0, 20], "lauridsen": [0, 20], "b": [0, 20], "haa": [0, 20], "schlitzer": [0, 20], "mildner": [0, 20], "ginhoux": [0, 20], "jung": [0, 20], "trumpp": [0, 20], "tanai": [0, 20], "heterogen": [0, 20], "lineag": [0, 20], "commit": [0, 20], "myeloid": [0, 20], "progenitor": [0, 20], "163": [0, 20], "7": [0, 20], "1663": [0, 20], "1677": [0, 20], "1016": [0, 20], "j": [0, 20], "013": [0, 20], "terri": [0, 20], "belgrad": [0, 20], "ryvkin": [0, 20], "bent": [0, 20], "wilson": [0, 20], "ziraldo": [0, 20], "wheeler": [0, 20], "mcdermott": [0, 20], "zhu": [0, 20], "gregori": [0, 20], "shuga": [0, 20], "montesclaro": [0, 20], "l": [0, 20], "underwood": [0, 20], "masqueli": [0, 20], "nishimura": [0, 20], "schnall": [0, 20], "levin": [0, 20], "wyatt": [0, 20], "hindson": [0, 20], "biela": [0, 20], "massiv": [0, 20], "parallel": [0, 20], "digit": [0, 20], "profil": [0, 20], "8": [0, 20], "ncomms14049": [0, 20], "aibar": [0, 20], "gonz\u00e1lez": [0, 20], "bla": [0, 20], "simm": [0, 20], "moreau": [0, 20], "aert": [0, 20], "arboreto": [0, 20], "effici": [0, 20], "scalabl": [0, 20], "bioinformat": [0, 20], "35": [0, 20], "12": [0, 20], "2159": [0, 20], "2161": [0, 20], "1093": [0, 20], "bty916": [0, 20], "row": 0, "column": 0, "ground": 0, "truth": 0, "100k": 0, "experiment": 0, "potenti": 0, "manner": 0, "feel": 0, "reduc": 0, "fewer": 0, "hematopoiet": 0, "stem": 0, "bone": 0, "marrow": 0, "geo": 0, "gse72857": 0, "peripher": 0, "blood": 0, "mononuclear": 0, "donor": 0, "genom": 0, "common": 0, "cd8": 0, "cytotox": 0, "hspc": 0, "toward": 0, "gse107727": 0, "well": 0, "microenviron": 0, "fresh": 0, "core": 0, "needl": 0, "biopsi": 0, "follicular": 0, "lymphoma": 0, "patient": 0, "cellxgen": 0, "eager": 0, "grow": 0, "welcom": 0, "submit": 0, "Be": 0, "link": 0, "collect": 0, "encourag": 0, "hamei": 0, "pijuan": 0, "sala": 0, "shepherd": 0, "lau": 0, "nestorowa": 0, "landscap": 0, "resolv": 0, "trajectori": 0, "defect": 0, "kit": 0, "mutant": 0, "mice": 0, "american": 0, "societi": 0, "hematologi": 0, "131": 0, "21": 0, "e1": 0, "e11": 0, "deng": 0, "q": 0, "marqu": 0, "piubelli": 0, "dang": 0, "ma": 0, "green": 0, "characterist": 0, "associ": 0, "mutat": 0, "mhc": 0, "ii": 0, "cancer": 0, "discoveri": 0, "428": 0, "443": 0, "virtualenv": [8, 11], "known": [8, 11], "ubuntu": [8, 11], "becaus": [8, 11], "miss": [8, 11], "sudo": [8, 11], "apt": [8, 11], "libffi": [8, 11], "dev": [8, 11], "zlib1g": [8, 11], "libncurses5": [8, 11], "libgdbm": [8, 11], "libnss3": [8, 11], "libssl": [8, 11], "libreadlin": [8, 11], "libsqlite3": [8, 11], "libpng": [8, 11], "libjpeg": [8, 11], "libbz2": [8, 11], "liblzma": [8, 11], "tk": [8, 11], "nat": [2, 7], "4055": [2, 7], "2024": [2, 7], "024": [2, 7], "48516": [2, 7], "_": [], "zinati2024groundgan": 2, "volum": 2, "18": 2, "group": 2, "paper": 7}, "objects": {"": [[3, 0, 0, "-", "custom_parser"], [6, 0, 0, "-", "gans"], [9, 0, 0, "-", "layers"], [14, 0, 0, "-", "networks"], [15, 0, 0, "-", "preprocessing"]], "custom_parser": [[3, 1, 1, "", "get_argparser"], [3, 1, 1, "", "get_configparser"]], "preprocessing": [[15, 0, 0, "-", "preprocess"]], "preprocessing.preprocess": [[15, 1, 1, "", "preprocess"]]}, "objtypes": {"0": "py:module", "1": "py:function"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "function", "Python function"]}, "titleterms": {"citat": 2, "bibtex": 2, "custom_pars": 3, "modul": [3, 5, 6, 9, 12, 14, 15, 16, 18], "docker": [4, 8, 17], "setup": [4, 8, 17], "option": [4, 8], "A": [4, 8], "us": [4, 8], "pre": [4, 8], "built": [4, 8], "imag": [4, 8, 17], "recommend": [4, 8], "b": [4, 8], "build": [4, 8], "from": [4, 8], "dockerfil": [4, 8], "verifi": [4, 8], "gpu": [4, 8], "acceler": [4, 8], "factori": 5, "gan": 6, "packag": [6, 9, 14, 15], "submodul": [6, 9, 14, 15], "causal_gan": 6, "conditional_gan": 6, "conditional_gan_cat": 6, "conditional_gan_proj": 6, "content": [6, 9, 14, 15], "welcom": 7, "groundgan": [0, 7], "": 7, "document": 7, "grn": [0, 7, 20], "infer": 7, "benchmark": [0, 7], "workflow": 7, "contact": 7, "have": 7, "question": 7, "found": 7, "bug": 7, "indic": 7, "tabl": 7, "instal": [8, 11], "local": [8, 11], "singular": [8, 17], "convert": [8, 17], "run": [8, 17], "contain": [8, 17], "layer": 9, "cbn": 9, "lsn": 9, "masked_linear": 9, "licens": 10, "main": 12, "api": 13, "refer": [0, 13, 20], "network": 14, "critic": 14, "gener": 14, "label": 14, "masked_causal_gener": 14, "preprocess": [15, 20], "grn_creation": 15, "sc_dataset": 16, "tfrecord_load": 18, "tutori": 20, "cli": 20, "config": 20, "file": 20, "project": 20, "outlin": 20, "demo": 20, "dataset": [0, 20], "step": 20, "creation": 20, "impos": 20, "custom": 20, "train": [0, 20], "In": 20, "silico": 20, "singl": 20, "cell": 20, "simul": [0, 20], "bonemarrow": 0, "paul": 0, "et": 0, "al": 0, "2015": 0, "pbmc": 0, "all": 0, "zheng": 0, "2017": 0, "ctl": 0, "dahlin": 0, "2018": 0, "tumor": 0, "han": 0, "2022": 0, "malign": 0, "help": 0, "u": 0, "expand": 0, "thi": 0, "list": 0, "request": 0, "new": 0, "troubleshoot": [8, 11]}, "envversion": {"sphinx.domains.c": 2, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 8, "sphinx.domains.index": 1, "sphinx.domains.javascript": 2, "sphinx.domains.math": 2, "sphinx.domains.python": 3, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1, "sphinx.ext.intersphinx": 1, "sphinx": 57}, "alltitles": {"Benchmarking": [[0, "benchmarking"]], "Simulated datasets": [[0, "simulated-datasets"]], "BoneMarrow (Paul et al., 2015)": [[0, "bonemarrow-paul-et-al-2015"]], "PBMC-ALL (Zheng et al., 2017)": [[0, "pbmc-all-zheng-et-al-2017"]], "PBMC-CTL": [[0, "pbmc-ctl"]], "Dahlin (Dahlin et al., 2018)": [[0, "dahlin-dahlin-et-al-2018"]], "Tumor-ALL (Han et al., 2022)": [[0, "tumor-all-han-et-al-2022"]], "Tumor-malignant": [[0, "tumor-malignant"]], "Help us expand this list: request GRouNdGAN training on new GRNs and reference datasets": [[0, null]], "References": [[0, "references"], [20, "references"]], "custom_parser module": [[3, "module-custom_parser"]], "Docker Setup": [[4, "docker-setup"], [8, "docker-setup"]], "Option A: Using Pre-built Docker Image (Recommended)": [[4, "option-a-using-pre-built-docker-image-recommended"], [8, "option-a-using-pre-built-docker-image-recommended"]], "Option B: Building Docker Image from Dockerfile": [[4, "option-b-building-docker-image-from-dockerfile"], [8, "option-b-building-docker-image-from-dockerfile"]], "Verifying GPU Acceleration": [[4, "verifying-gpu-acceleration"], [8, "verifying-gpu-acceleration"]], "Installation": [[8, "installation"]], "Local Installation": [[8, "id1"], [11, "local-installation"]], "Troubleshooting": [[8, null], [11, null]], "Singularity Setup": [[8, "singularity-setup"], [17, "singularity-setup"]], "Converting Docker Image to Singularity": [[8, "converting-docker-image-to-singularity"], [17, "converting-docker-image-to-singularity"]], "Running a Singularity Container": [[8, "running-a-singularity-container"], [17, "running-a-singularity-container"]], "License": [[10, "license"]], "API References": [[13, "api-references"]], "Tutorial": [[20, "tutorial"]], "CLI": [[20, "cli"]], "Config Files": [[20, "config-files"]], "Project outline": [[20, "project-outline"]], "Demo Datasets": [[20, "demo-datasets"]], "Steps": [[20, "steps"]], "Preprocessing": [[20, "preprocessing"]], "GRN Creation": [[20, "grn-creation"]], "Imposing Custom GRNs": [[20, "imposing-custom-grns"]], "Training": [[20, "training"]], "In-silico Single-Cell Simulation": [[20, "in-silico-single-cell-simulation"]], "Citation": [[2, "citation"]], "Bibtex Citation": [[2, "bibtex-citation"]], "Welcome to GRouNdGAN\u2019s documentation!": [[7, "welcome-to-groundgan-s-documentation"]], "GRN inference benchmarking workflow": [[7, null]], "Contact": [[7, "contact"]], "Have a Question or Found a Bug?": [[7, null]], "Indices and tables": [[7, "indices-and-tables"]], "factory module": [[5, "factory-module"]], "gans package": [[6, "gans-package"]], "Submodules": [[6, "submodules"], [9, "submodules"], [14, "submodules"], [15, "submodules"]], "gans.causal_gan module": [[6, "gans-causal-gan-module"]], "gans.conditional_gan module": [[6, "gans-conditional-gan-module"]], "gans.conditional_gan_cat module": [[6, "gans-conditional-gan-cat-module"]], "gans.conditional_gan_proj module": [[6, "gans-conditional-gan-proj-module"]], "gans.gan module": [[6, "gans-gan-module"]], "Module contents": [[6, "module-gans"], [9, "module-layers"], [14, "module-networks"], [15, "module-preprocessing"]], "layers package": [[9, "layers-package"]], "layers.cbn module": [[9, "layers-cbn-module"]], "layers.lsn module": [[9, "layers-lsn-module"]], "layers.masked_linear module": [[9, "layers-masked-linear-module"]], "main module": [[12, "main-module"]], "networks package": [[14, "networks-package"]], "networks.critic module": [[14, "networks-critic-module"]], "networks.generator module": [[14, "networks-generator-module"]], "networks.labeler module": [[14, "networks-labeler-module"]], "networks.masked_causal_generator module": [[14, "networks-masked-causal-generator-module"]], "preprocessing package": [[15, "preprocessing-package"]], "preprocessing.grn_creation module": [[15, "preprocessing-grn-creation-module"]], "preprocessing.preprocess module": [[15, "module-preprocessing.preprocess"]], "sc_dataset module": [[16, "sc-dataset-module"]], "tfrecord_loader module": [[18, "tfrecord-loader-module"]]}, "indexentries": {"custom_parser": [[3, "module-custom_parser"]], "get_argparser() (in module custom_parser)": [[3, "custom_parser.get_argparser"]], "get_configparser() (in module custom_parser)": [[3, "custom_parser.get_configparser"]], "module": [[3, "module-custom_parser"], [6, "module-gans"], [9, "module-layers"], [14, "module-networks"], [15, "module-preprocessing"], [15, "module-preprocessing.preprocess"]], "gans": [[6, "module-gans"]], "layers": [[9, "module-layers"]], "networks": [[14, "module-networks"]], "preprocess() (in module preprocessing.preprocess)": [[15, "preprocessing.preprocess.preprocess"]], "preprocessing": [[15, "module-preprocessing"]], "preprocessing.preprocess": [[15, "module-preprocessing.preprocess"]]}}) \ No newline at end of file +Search.setIndex({"docnames": ["benchmarking", "causal_gan_cfg", "citation", "custom_parser", "docker", "factory", "gans", "index", "installation", "layers", "license", "local_installation", "main", "modules", "networks", "preprocessing", "sc_dataset", "singularity", "tfrecord_loader", "tree", "tutorial"], "filenames": ["benchmarking.rst", "causal_gan_cfg.rst", "citation.rst", "custom_parser.rst", "docker.rst", "factory.rst", "gans.rst", "index.rst", "installation.rst", "layers.rst", "license.rst", "local_installation.rst", "main.rst", "modules.rst", "networks.rst", "preprocessing.rst", "sc_dataset.rst", "singularity.rst", "tfrecord_loader.rst", "tree.rst", "tutorial.rst"], "titles": ["Benchmarking", "<no title>", "Citation", "custom_parser module", "Docker Setup", "factory module", "gans package", "Welcome to GRouNdGAN\u2019s documentation!", "Installation", "layers package", "License", "Local Installation", "main module", "API References", "networks package", "preprocessing package", "sc_dataset module", "Singularity Setup", "tfrecord_loader module", "<no title>", "Tutorial"], "terms": {"experi": [1, 7, 8, 20], "output": [1, 20], "directori": [1, 4, 8, 11, 17, 20], "result": [1, 19, 20], "groundgan": [1, 2, 4, 8, 10, 11, 17, 20], "devic": [1, 4, 8, 20], "cuda": [1, 4, 8, 17, 20], "we": [0, 1, 7, 8, 11, 20], "let": [1, 7, 20], "program": [1, 3, 20], "choos": [1, 8, 20], "what": [1, 20], "i": [0, 1, 4, 7, 8, 10, 20], "avail": [1, 20], "checkpoint": [1, 20], "set": [1, 8, 11, 20], "valu": [1, 20], "us": [0, 1, 2, 7, 10, 11, 17, 20], "train": [1, 19], "model": [1, 7, 20], "preprocess": [1, 7, 13], "10x": [0, 1, 20], "true": [1, 20], "raw": [1, 19, 20], "data": [0, 1, 2, 7, 19, 20], "pbmc": [1, 19, 20], "valid": [1, 20], "size": [0, 1, 20], "1000": [0, 1, 20], "test": [1, 20], "annot": [1, 20], "barcodes_annot": [1, 20], "tsv": [1, 20], "min": [1, 20], "cell": [0, 1, 2, 7], "3": [0, 1, 8, 10, 11, 20], "gene": [0, 1, 7, 20], "express": [0, 1, 20], "less": [1, 20], "than": [1, 20], "ar": [0, 1, 8, 11, 20], "discard": [1, 20], "10": [0, 1, 2, 7, 20], "librari": [1, 20], "20000": [1, 20], "normal": [1, 20], "louvain": [1, 20], "re": [1, 4, 7, 8, 11, 20], "0": [1, 4, 8, 20], "15": [0, 1, 2, 4, 7, 8, 20], "cluster": [1, 8, 20], "resolut": [1, 20], "higher": [1, 20], "mean": [1, 20], "find": [1, 7, 20], "more": [1, 7, 8, 10, 11, 20], "smaller": [1, 20], "highli": [1, 20], "variabl": [1, 20], "number": [0, 1, 2, 20], "identifi": [0, 1, 20], "grn": [1, 2], "prepar": [1, 20], "tf": [0, 1, 20], "homo_sapiens_tf": [1, 19, 20], "csv": [0, 1, 19, 20], "k": [0, 1, 20], "top": [1, 20], "most": [0, 1, 8, 20], "import": [1, 20], "per": [1, 20], "includ": [0, 1, 4, 8, 20], "infer": [0, 1, 20], "process": [1, 4, 8, 19, 20], "inferred_grnboost2": [1, 20], "pbmc68k_train": [1, 20], "h5ad": [0, 1, 20], "pbmc68k_valid": [1, 20], "pbmc68k_test": [1, 20], "causal": [0, 1, 2, 7, 20], "graph": [0, 1, 20], "causal_graph": [1, 20], "pkl": [1, 20], "gener": [0, 1, 2, 7, 10, 13, 19, 20], "10000": [1, 20], "type": [0, 1, 3, 4, 8, 20], "gan": [1, 7, 13, 19, 20], "nois": [1, 20], "1": [0, 1, 2, 8, 20], "depth": [1, 20], "width": [1, 20], "2": [0, 1, 8, 20], "critic": [1, 13, 20], "layer": [1, 7, 13, 20], "1024": [1, 20], "512": [1, 20], "256": [1, 20], "label": [0, 1, 13, 20], "2000": [1, 20], "latent": [1, 20], "dim": [1, 20], "128": [1, 20], "vector": [1, 20], "dimens": [1, 20], "umi": [1, 20], "count": [1, 20], "lambda": [1, 20], "regular": [1, 20], "hyper": [1, 20], "paramet": [1, 20], "gradient": [1, 20], "penalti": [1, 20], "batch": [1, 20], "iter": [1, 20], "5": [0, 1, 20], "each": [0, 1, 20], "maximum": [1, 20], "step": [1, 7], "1000000": [1, 20], "antilabel": [1, 20], "interv": [1, 20], "optim": [1, 20], "coeffici": [1, 20], "comput": [1, 4, 8, 20], "run": [1, 4, 20], "averag": [1, 20], "its": [1, 4, 8, 20], "squar": [1, 20], "beta1": [1, 20], "beta2": [1, 20], "9": [1, 8, 11, 20], "learn": [1, 20], "rate": [1, 20], "initi": [1, 3, 20], "001": [1, 20], "final": [1, 20], "0001": [1, 20], "log": [1, 20], "summari": [1, 20], "frequenc": [1, 20], "plot": [1, 20], "save": [1, 20], "100000": [1, 20], "cc": [1, 20], "non": [0, 1, 20], "condit": [1, 20], "singl": [0, 1, 2, 7], "rna": [1, 2, 7, 20], "seq": [0, 1, 2, 7, 20], "hardcod": [1, 20], "none": [1, 20], "code": [1, 7, 20], "200000": [1, 20], "00001": [1, 20], "yazdan": [2, 7, 10], "zinati": [2, 7, 10], "abdulrahman": [2, 10], "takiddeen": [2, 7, 10], "amin": [2, 10], "emad": [2, 4, 7, 8, 10, 11], "guid": [2, 7, 8, 17, 20], "simul": [2, 7], "adversari": [2, 7, 20], "network": [0, 2, 7, 13, 20], "biorxiv": [], "2023": 10, "07": [], "http": [0, 2, 4, 7, 8, 10, 11, 20], "doi": [0, 2, 7, 20], "org": [0, 2, 7, 10, 20], "1101": [], "25": [], "550225": [], "articl": 2, "zinati2023groundgan": [], "titl": 2, "author": 2, "journal": [0, 2], "page": [2, 7], "year": 2, "publish": [2, 10], "cold": [], "spring": [], "harbor": [], "laboratori": [], "get_configpars": [3, 13], "configpars": [3, 20], "sourc": [3, 8, 11], "configur": [3, 8, 20], "read": 3, "config": [3, 7, 19], "file": [3, 7, 8, 11], "cfg": [3, 19, 20], "ini": [3, 20], "parser": 3, "return": 3, "get_argpars": [3, 13], "argumentpars": 3, "argument": [3, 20], "add": 3, "arg": 3, "cli": [3, 7], "argpars": 3, "prerequisit": [4, 8, 11], "befor": [4, 8, 11], "you": [0, 4, 7, 8, 10, 11, 17, 20], "begin": [4, 8], "make": [4, 8], "sure": [0, 4, 8], "have": [0, 4, 8, 10, 11, 20], "instal": [4, 7, 17, 20], "your": [0, 4, 8, 10, 11, 17, 20], "machin": [4, 8], "can": [4, 7, 8, 10, 11, 17, 20], "download": [4, 8, 20], "offici": [4, 8], "websit": [4, 8], "get": [4, 8, 11], "start": [4, 8, 17, 20], "pull": [0, 4, 8, 17], "hub": [4, 8, 17], "yazdanz": [4, 8, 17], "4b98686": [4, 8, 17], "contain": [0, 4, 20], "pass": [4, 8], "all": [4, 8, 20], "bin": [4, 8, 11], "bash": [4, 8, 20], "The": [0, 4, 8, 17, 20], "flag": [4, 8, 17, 20], "enabl": [4, 8, 17], "support": [4, 8, 20], "within": [4, 8, 17], "omit": [4, 8], "intend": [0, 4, 8], "cpu": [4, 8], "onli": [4, 8, 20], "allow": [4, 8], "an": [0, 4, 7, 8, 17, 20], "interact": [4, 8, 17], "termin": [4, 8], "session": [4, 8, 17], "now": [4, 8, 11], "insid": [4, 8, 17, 20], "readi": [4, 8, 11], "clone": [4, 8, 11], "repositori": [0, 4, 7, 8, 11], "git": [4, 8, 11, 19, 20], "github": [0, 4, 7, 8, 11, 19, 20], "com": [4, 8, 11], "combin": [4, 8, 10, 11], "lab": [4, 8, 10, 11], "navig": [4, 8, 11], "project": [4, 7, 8, 11], "cd": [4, 8, 11], "provid": [0, 4, 8, 20], "t": [0, 4, 7, 8, 20], "yourusernam": [4, 8], "custom": [4, 8], "f": [0, 4, 8, 20], "thi": [4, 7, 8, 17, 20], "command": [4, 8, 17, 20], "tag": [4, 8], "method": [0, 4, 7, 8, 20], "mai": [4, 8], "take": [4, 8, 20], "approxim": [4, 8], "30": [4, 8], "minut": [4, 8], "depend": [4, 8, 11, 20], "system": [4, 8, 17], "": [0, 4, 8, 10, 17, 20], "perform": [4, 8], "itd": [4, 8], "name": [4, 8, 17], "recogn": [4, 8], "nvidia": [4, 8, 20], "smi": [4, 8], "should": [4, 8, 10, 20], "see": [4, 8, 10, 20], "detail": [4, 7, 8, 10, 11], "inform": [4, 8], "about": [4, 7, 8, 20], "memori": [4, 8, 20], "usag": [4, 8, 20], "etc": [4, 8, 20], "confirm": [4, 8], "470": [4, 8], "63": [4, 8, 20], "01": [4, 8], "driver": [4, 8], "version": [4, 8, 10, 11], "11": [0, 4, 8, 20], "4": [4, 8, 20], "persist": [4, 8], "m": [0, 4, 8, 11, 20], "bu": [4, 8], "id": [4, 8], "disp": [4, 8], "volatil": [4, 8], "uncorr": [4, 8], "ecc": [4, 8], "fan": [4, 8], "temp": [4, 8], "perf": [4, 8], "pwr": [4, 8], "cap": [4, 8], "util": [4, 8], "mig": [4, 8], "tesla": [4, 8], "v100": [4, 8], "sxm2": [4, 8], "off": [4, 8], "00000000": [4, 8], "00": [4, 8], "1e": [4, 8], "n": [0, 4, 8, 20], "33c": [4, 8], "p0": [4, 8], "41w": [4, 8], "300w": [4, 8], "0mib": [4, 8], "32480mib": [4, 8], "default": [4, 8, 20], "gi": [4, 8], "ci": [4, 8], "pid": [4, 8], "No": [4, 8], "found": [4, 8, 11], "parse_list": [], "str_list": [], "str": [], "type_": [], "list": [], "class": 0, "iganfactori": [], "base": [], "abc": [], "repres": 0, "doe": [], "keep": [], "creat": [8, 11, 17, 20], "refer": 7, "__init__": [], "param": [], "abstract": [], "get_gan": [], "instanc": [], "get_train": [], "callabl": [], "function": [], "_abc_impl": [], "_abc": [], "_abc_data": [], "object": [], "ganfactori": [], "conditionalcatganfactori": [], "conditionalcatgan": [], "conditionalprojganfactori": [], "conditionalprojgan": [], "causalganfactori": [], "get_cc": [], "causalgan": [], "get_factori": [], "kei": 20, "specifi": 20, "rais": [], "valueerror": [], "If": [0, 7, 8, 10, 11, 20], "unknown": [], "implement": 20, "genes_no": [], "int": 20, "batch_siz": [], "latent_dim": [], "noise_per_gen": [], "depth_per_gen": [], "width_per_gen": [], "cc_latent_dim": [], "cc_layer": [], "cc_pretrained_checkpoint": [], "crit_lay": [], "dict": [], "labeler_lay": [], "library_s": [], "todo": [], "uniqu": [], "dataset": 7, "space": [], "from": [0, 11, 17, 20], "which": [8, 20], "control": [8, 20], "sampl": 20, "target": [0, 20], "scale": [], "integ": [], "correspond": 0, "neuron": [], "path": 20, "pretrain": [], "dictionari": 20, "trn": [], "impos": 0, "It": [8, 20], "ha": [], "follow": [8, 11, 20], "format": 20, "index": [7, 20], "tf1": 20, "tf2": 20, "acycl": [], "bipartit": 20, "A": [0, 2, 7, 10, 20], "cannot": [], "regul": [0, 20], "anoth": [], "invalid": [], "6": [2, 7, 8, 11, 20], "also": [8, 11, 20], "cycl": [], "exampl": [], "option": [10, 11, 20], "torch": [], "is_avail": [], "els": [], "total": [], "_build_model": [], "instanti": [], "_save": [], "byte": [], "pathlik": [], "union": [], "o": [], "_load": [], "mode": [], "load": [], "pth": 20, "other": [], "_train_label": [], "real_cel": [], "tensor": [], "real": 20, "fake": [], "anti": [], "_train_gener": [], "one": [8, 11, 20], "item": [], "loss": [], "rtype": [], "train_fil": [], "valid_fil": [], "critic_it": [], "max_step": [], "c_lambda": [], "float": [], "gen_alpha_0": [], "gen_alpha_fin": [], "crit_alpha_0": [], "crit_alpha_fin": [], "labeler_alpha": [], "antilabeler_alpha": [], "labeler_training_interv": [], "output_dir": [], "summary_freq": [], "5000": [], "plt_freq": [], "save_feq": [], "tfrecord": [], "after": [8, 17], "20": [0, 20], "everi": 20, "resum": 20, "tfevent": [], "period": [], "between": [8, 17], "tensorboard": 20, "sne": 20, "conditionalgan": [], "gen_lay": [], "static": [], "_sample_pseudo_label": [], "cluster_ratio": [], "randomli": [], "multinomi": [], "distribut": 10, "equal": [], "ex": [], "occur": [], "probabl": [], "respect": [], "_generate_tsne_plot": [], "valid_load": [], "dataload": [], "dure": [], "num_class": [], "label_ratio": [], "concaten": [], "ratio": [], "_get_gradi": [], "epsilon": [], "kwarg": [], "score": [], "interpol": [], "uniformli": [], "random": [], "proport": [], "length": [], "arbitrari": [], "keyword": [], "_cat_one_hot_label": [], "hot": [], "encod": [], "tail": [], "generate_cel": [], "cells_no": [], "class_": [], "tupl": [], "ndarrai": [], "same": [], "matrix": 20, "np": [], "_train_crit": [], "real_label": [], "_generate_nois": [], "given": [], "fill": [], "standard": [], "_set_exponential_lr": [], "alpha_0": [], "alpha_fin": [], "exponentiallr": [], "up": [8, 11], "exponenti": [], "decai": [], "schedul": [], "when": [], "current_step": [], "call": 0, "loop": [], "_critic_loss": [], "crit_fake_pr": [], "crit_real_pr": [], "gp": [], "unweight": [], "wgan": [], "current": [], "_generator_loss": [], "_gradient_penalti": [], "_get_load": [], "validation_fil": [], "_add_tensorboard_graph": [], "gen_data": [], "crit_data": [], "input": 20, "_update_tensorboard": [], "gen_loss": [], "crit_loss": [], "gen_lr": [], "crit_lr": [], "updat": [], "site": 7, "releas": 7, "under": [7, 10, 20], "regulatori": [0, 7, 20], "implicit": [7, 20], "silico": 7, "perturb": [7, 20], "To": [7, 20], "out": 7, "check": 7, "our": [0, 7, 8, 11, 20], "preprint": [], "y": [0, 2, 7, 20], "docker": [7, 19, 20], "setup": 7, "local": [7, 20], "singular": [7, 20], "tutori": 7, "outlin": 7, "demo": 7, "citat": 7, "bibtex": 7, "licens": [7, 19, 20], "here": [0, 7, 20], "help": [7, 20], "ask": 7, "ani": [7, 10, 20], "whether": 7, "thei": 7, "how": 7, "softwar": [7, 10], "troubleshoot": 7, "understand": 7, "certain": 7, "concept": 7, "pleas": [0, 7, 8, 11], "don": [7, 20], "hesit": 7, "report": 7, "encount": [7, 8, 11], "issu": [0, 7, 8, 11], "glitch": 7, "unexpect": 7, "behavior": 7, "while": 7, "u": 7, "know": [7, 8], "improv": 7, "reach": 7, "open": [0, 7, 20], "api": 7, "factori": [7, 13], "modul": [7, 13, 20], "packag": [7, 8, 11, 13], "main": [7, 13, 20], "custom_pars": [7, 13], "sc_dataset": [7, 13], "tfrecord_load": [7, 13], "search": 7, "There": [8, 17, 20], "multipl": [8, 11, 20], "wai": 8, "prefer": 8, "requir": [8, 11, 19, 20], "best": 8, "suit": 8, "need": [0, 8, 20], "want": [8, 20], "quick": 8, "hassl": 8, "free": [0, 8, 10], "environ": [8, 11], "alreadi": [8, 17], "conveni": 8, "straightforward": 8, "further": 8, "finetun": 8, "specif": [8, 11], "advantag": 8, "exactli": 8, "being": 8, "ideal": 8, "fine": 8, "grain": 8, "modif": 8, "greater": 8, "over": [8, 20], "opt": [8, 20], "particularli": 8, "plan": 8, "foundat": [8, 10], "new": 8, "hpc": 8, "restrict": 8, "gain": 8, "root": 8, "access": [0, 8], "host": [8, 20], "secur": 8, "compat": 8, "altern": 8, "container": 8, "ensur": [8, 11], "python": [8, 11, 20], "do": [8, 11, 20], "pyenv": [8, 11], "manag": [8, 11], "instruct": [8, 11], "variou": [8, 11], "platform": [8, 11], "document": [8, 11, 19, 20], "choic": [8, 11, 20], "scgan": [8, 11, 19, 20], "beelin": [8, 11, 19, 20], "scdesign2": [8, 11, 19, 20], "sparsim": [8, 11, 19, 20], "submodul": [8, 11, 13], "studi": [8, 11], "recurs": [8, 11], "virtual": [8, 11], "venv": [8, 11], "activ": [8, 11], "linux": [8, 11], "maco": [8, 11], "window": [8, 11], "script": [8, 11, 19, 20], "txt": [8, 11, 19, 20], "pip": [8, 11], "r": [0, 8, 11, 20], "fellow": [8, 11], "canadian": [8, 11], "computecanada": [8, 11, 20], "consid": [8, 11], "requirements_computecanada": [8, 11, 19, 20], "instead": [8, 11, 20], "sif": [8, 17], "shell": [8, 17], "nv": [8, 17], "applic": [8, 17, 20], "might": [8, 11, 17], "differ": [0, 8, 17, 20], "structur": [8, 17, 20], "permiss": [8, 17], "due": [8, 17], "bind": [8, 17], "mount": [8, 17], "approach": [8, 17], "conditionalbatchnorm": [], "num_featur": [], "1d": [], "dumoulin": [], "et": 20, "al": 20, "2016": [], "de": [], "vri": [], "2017": 20, "featur": [], "e": [0, 20], "distinct": [], "forward": [], "x": 0, "condition": [], "bool": [], "_paramet": [], "_buffer": [], "_non_persistent_buffers_set": [], "_backward_hook": [], "_is_full_backward_hook": [], "_forward_hook": [], "_forward_pre_hook": [], "_state_dict_hook": [], "_load_state_dict_pre_hook": [], "_load_state_dict_post_hook": [], "_modul": [], "in_": [], "reuse_scal": [], "fals": 20, "complet": 20, "previou": 20, "By": [], "maskedlinearfunct": [], "autograd": [], "mask": [], "weight": 20, "ctx": [], "bia": [], "oper": [], "overridden": [], "subclass": [], "must": 20, "accept": 20, "context": [], "first": [], "store": [], "retriev": [], "backward": [], "directli": [], "though": [], "enforc": [], "either": [10, 20], "save_for_backward": [], "equival": [], "vjp": [], "save_for_forward": [], "jvp": [], "grad_output": [], "defin": 20, "formula": [], "differenti": 0, "automat": [], "alia": [], "mani": [], "were": [], "w": 0, "grad": [], "just": [], "attribut": [], "needs_input_grad": [], "boolean": [], "g": [0, 20], "_backward_cl": [], "maskedlinearfunctionbackward": [], "maskedlinear": [], "extens": [], "pytorch": [], "linear": [], "thread": [], "discuss": [], "connect": [], "neural": [], "3027": [], "13": [], "shape": [], "n_input_featur": [], "n_output_featur": [], "element": 0, "declar": [], "un": [], "reapply_mask": [], "been": [], "nn": [], "init": [], "reappli": [], "reset_paramet": [], "although": 0, "recip": [], "afterward": [], "sinc": [], "former": [], "care": [], "regist": [], "hook": [], "latter": [], "silent": [], "ignor": [], "them": 20, "extra_repr": [], "extra": [], "represent": [], "print": [], "own": 20, "both": [], "line": 20, "multi": 20, "string": [], "copyright": 10, "c": [0, 10, 20], "redistribut": 10, "modifi": [10, 20], "term": 10, "gnu": 10, "affero": 10, "public": 10, "later": 10, "hope": 10, "without": 10, "warranti": 10, "even": 10, "impli": 10, "merchant": 10, "fit": 10, "FOR": 10, "particular": 10, "purpos": 10, "receiv": 10, "copi": [10, 20], "along": 10, "www": 10, "causal_gan": [13, 19, 20], "conditional_gan": [13, 19, 20], "conditional_gan_cat": 13, "conditional_gan_proj": 13, "content": 13, "cbn": 13, "lsn": 13, "masked_linear": 13, "_create_crit": [], "_create_critic_block": [], "conditionalcrit": [], "conditionalcriticproj": [], "_create_gener": [], "_create_generator_block": [], "conditionalgener": [], "_create_label": [], "masked_causal_gener": 13, "causalgener": [], "freeze_causal_control": [], "grn_creation": 13, "create_grn": 20, "scdataset": [], "__getitem__": [], "__len__": [], "get_load": [], "x_input": [], "critic_lay": [], "constructor": [], "hidden": [], "dimension": [], "input_dim": [], "output_dim": [], "final_lay": [], "sequenti": [], "sequenc": [], "block": [], "relu": [], "except": [], "indic": 20, "discrimin": [], "miyato": [], "2018": 20, "marouf": 20, "2020": 20, "z_input": [], "output_cells_dim": [], "batchnorm": [], "num_gen": [], "num_tf": [], "exclud": [], "transcript": [0, 20], "factor": [], "deep": [], "target_gen": [], "regress": [], "predict": [], "width_scale_per_gen": [], "causal_control": [], "22": [], "assum": [], "spars": [], "22000": [], "remov": [], "howev": 20, "independ": [], "In": [8, 11], "case": [8, 11], "would": 0, "individu": 20, "veri": 20, "ineffici": [], "larg": [], "logic": [], "done": 20, "two": [0, 20], "freez": [], "disallow": [], "grnboost2": [0, 20], "construct": 20, "onto": [0, 20], "creation": [], "appli": [], "py": 20, "file_path": [], "iterableload": [], "scrna": 0, "entir": [], "loader": [], "split": [], "descript": [], "compression_typ": [], "gzip": [], "multi_read": [], "get_clust": [], "post_process": [], "accommod": [], "pattern": [], "pair": 20, "where": 20, "determin": [], "contribut": 0, "extract": [], "record": [], "compress": [], "addit": 20, "gitattribut": [19, 20], "workflow": [0, 19, 20], "build": [11, 19, 20], "yml": [19, 20], "yaml": [19, 20], "gitignor": [19, 20], "gitmodul": [19, 20], "atkinson_hyperleg": [19, 20], "readm": [19, 20], "md": [19, 20], "interim": [19, 20], "bonemarrow": [19, 20], "mus_musculus_tf": [19, 20], "dockerfil": [19, 20], "doc": [19, 20], "notebook": [19, 20], "monitor": [19, 20], "sh": [19, 20], "src": [19, 20], "come": 20, "interfac": 20, "section": 20, "desir": 20, "python3": 20, "through": 20, "h": [0, 20], "benchmark": 20, "cwgan": 20, "unoffici": 20, "cscgan": 20, "appropri": 20, "essenti": [8, 11, 20], "four": 20, "hyperparamet": 20, "Or": 20, "chain": 20, "togeth": 20, "go": 20, "syntax": 20, "similar": 20, "three": 20, "consist": 20, "isn": 20, "sensit": 20, "still": 20, "advis": 20, "below": 20, "pbmc68k": 20, "imag": 20, "prepackag": 20, "unprocess": 20, "mous": [0, 20], "paul": 20, "2015": 20, "human": [0, 20], "zheng": 20, "animaltfdb": 20, "place": 20, "too": 20, "hard": 20, "curl": 20, "tar": 20, "nextcloud": 20, "ca": 20, "php": 20, "wqrcqkh5zjyymw9": 20, "demo_data": 20, "xvf": 20, "mv": 20, "rm": 20, "rf": 20, "skip": 20, "pipelin": 20, "like": [0, 20], "mtx": 20, "barcod": 20, "leav": 20, "empti": 20, "Then": 20, "onc": 20, "success": 20, "messag": 20, "moerman": [0, 20], "convert": 20, "wa": 20, "write": 20, "properti": 20, "dask": 20, "client": 20, "pars": 20, "partit": 20, "shut": 20, "down": 20, "finish": 20, "937": 20, "possibl": 20, "edg": [0, 20], "59031": 20, "14055": 20, "densiti": 20, "238095": 20, "written": 20, "For": 20, "corespond": 20, "pictur": 20, "abov": 20, "form": 20, "g2": 20, "tfn": 20, "g1": 20, "gn": 20, "g3": 20, "becom": 20, "pickl": 20, "wb": 20, "fp": 20, "dump": 20, "protocol": 20, "highest_protocol": 20, "forget": 20, "edit": 20, "direct": [0, 20], "appear": 20, "part": 20, "biolog": 20, "meaning": 20, "significantli": 20, "relationship": 20, "those": 20, "observ": 20, "deterior": 20, "qualiti": 20, "realist": 20, "datapoint": 20, "act": 20, "contradictori": 20, "task": 20, "upon": 20, "folder": 20, "state": 20, "bias": 20, "tsne": 20, "v": 20, "chang": 20, "logdir": 20, "dir": 20, "load_fast": 20, "slurm": 20, "submiss": 20, "time": 20, "primarili": 20, "five": 20, "dai": [0, 20], "dens": 20, "v100sxm2": 20, "16g": 20, "gpu": 20, "suggest": 20, "stick": 20, "avoid": 20, "excess": 20, "overhead": 20, "million": 20, "recommend": 20, "wish": 20, "One": 20, "popul": 20, "field": 20, "usual": 20, "latest": 20, "config_fil": 20, "machart": 20, "p": [0, 20], "bansal": 20, "kilian": 20, "magrud": 20, "d": [0, 20], "kreb": 20, "bonn": 20, "augment": 20, "natur": [0, 2, 20], "commun": [0, 2, 7, 20], "1038": [0, 2, 7, 20], "s41467": [2, 7, 20], "019": 20, "14018": 20, "z": [0, 20], "arkin": [0, 20], "giladi": [0, 20], "jaitin": [0, 20], "kenigsberg": [0, 20], "keren": [0, 20], "shaul": [0, 20], "winter": [0, 20], "lara": [0, 20], "astiaso": [0, 20], "guri": [0, 20], "weiner": [0, 20], "david": [0, 20], "cohen": [0, 20], "lauridsen": [0, 20], "b": [0, 20], "haa": [0, 20], "schlitzer": [0, 20], "mildner": [0, 20], "ginhoux": [0, 20], "jung": [0, 20], "trumpp": [0, 20], "tanai": [0, 20], "heterogen": [0, 20], "lineag": [0, 20], "commit": [0, 20], "myeloid": [0, 20], "progenitor": [0, 20], "163": [0, 20], "7": [0, 20], "1663": [0, 20], "1677": [0, 20], "1016": [0, 20], "j": [0, 20], "013": [0, 20], "terri": [0, 20], "belgrad": [0, 20], "ryvkin": [0, 20], "bent": [0, 20], "wilson": [0, 20], "ziraldo": [0, 20], "wheeler": [0, 20], "mcdermott": [0, 20], "zhu": [0, 20], "gregori": [0, 20], "shuga": [0, 20], "montesclaro": [0, 20], "l": [0, 20], "underwood": [0, 20], "masqueli": [0, 20], "nishimura": [0, 20], "schnall": [0, 20], "levin": [0, 20], "wyatt": [0, 20], "hindson": [0, 20], "biela": [0, 20], "massiv": [0, 20], "parallel": [0, 20], "digit": [0, 20], "profil": [0, 20], "8": [0, 20], "ncomms14049": [0, 20], "aibar": [0, 20], "gonz\u00e1lez": [0, 20], "bla": [0, 20], "simm": [0, 20], "moreau": [0, 20], "aert": [0, 20], "arboreto": [0, 20], "effici": [0, 20], "scalabl": [0, 20], "bioinformat": [0, 20], "35": [0, 20], "12": [0, 20], "2159": [0, 20], "2161": [0, 20], "1093": [0, 20], "bty916": [0, 20], "row": 0, "column": 0, "ground": 0, "truth": 0, "100k": 0, "experiment": 0, "potenti": 0, "manner": 0, "feel": 0, "reduc": 0, "fewer": 0, "hematopoiet": 0, "stem": 0, "bone": 0, "marrow": 0, "geo": 0, "gse72857": 0, "peripher": 0, "blood": 0, "mononuclear": 0, "donor": 0, "genom": 0, "common": 0, "cd8": 0, "cytotox": 0, "hspc": 0, "toward": 0, "gse107727": 0, "well": 0, "microenviron": 0, "fresh": 0, "core": 0, "needl": 0, "biopsi": 0, "follicular": 0, "lymphoma": 0, "patient": 0, "cellxgen": 0, "eager": 0, "grow": 0, "welcom": 0, "submit": 0, "Be": 0, "link": 0, "collect": 0, "encourag": 0, "hamei": 0, "pijuan": 0, "sala": 0, "shepherd": 0, "lau": 0, "nestorowa": 0, "landscap": 0, "resolv": 0, "trajectori": 0, "defect": 0, "kit": 0, "mutant": 0, "mice": 0, "american": 0, "societi": 0, "hematologi": 0, "131": 0, "21": 0, "e1": 0, "e11": 0, "deng": 0, "q": 0, "marqu": 0, "piubelli": 0, "dang": 0, "ma": 0, "green": 0, "characterist": 0, "associ": 0, "mutat": 0, "mhc": 0, "ii": 0, "cancer": 0, "discoveri": 0, "428": 0, "443": 0, "virtualenv": [8, 11], "known": [8, 11], "ubuntu": [8, 11], "becaus": [8, 11], "miss": [8, 11], "sudo": [8, 11], "apt": [8, 11], "libffi": [8, 11], "dev": [8, 11], "zlib1g": [8, 11], "libncurses5": [8, 11], "libgdbm": [8, 11], "libnss3": [8, 11], "libssl": [8, 11], "libreadlin": [8, 11], "libsqlite3": [8, 11], "libpng": [8, 11], "libjpeg": [8, 11], "libbz2": [8, 11], "liblzma": [8, 11], "tk": [8, 11], "nat": [2, 7], "4055": [2, 7], "2024": [2, 7], "024": [2, 7], "48516": [2, 7], "_": [], "zinati2024groundgan": 2, "volum": 2, "18": 2, "group": 2, "paper": 7}, "objects": {"": [[3, 0, 0, "-", "custom_parser"]], "custom_parser": [[3, 1, 1, "", "get_argparser"], [3, 1, 1, "", "get_configparser"]]}, "objtypes": {"0": "py:module", "1": "py:function"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "function", "Python function"]}, "titleterms": {"citat": 2, "bibtex": 2, "custom_pars": 3, "modul": [3, 5, 6, 9, 12, 14, 15, 16, 18], "docker": [4, 8, 17], "setup": [4, 8, 17], "option": [4, 8], "A": [4, 8], "us": [4, 8], "pre": [4, 8], "built": [4, 8], "imag": [4, 8, 17], "recommend": [4, 8], "b": [4, 8], "build": [4, 8], "from": [4, 8], "dockerfil": [4, 8], "verifi": [4, 8], "gpu": [4, 8], "acceler": [4, 8], "factori": 5, "gan": 6, "packag": [6, 9, 14, 15], "submodul": [6, 9, 14, 15], "causal_gan": 6, "conditional_gan": 6, "conditional_gan_cat": 6, "conditional_gan_proj": 6, "content": [6, 9, 14, 15], "welcom": 7, "groundgan": [0, 7], "": 7, "document": 7, "grn": [0, 7, 20], "infer": 7, "benchmark": [0, 7], "workflow": 7, "contact": 7, "have": 7, "question": 7, "found": 7, "bug": 7, "indic": 7, "tabl": 7, "instal": [8, 11], "local": [8, 11], "singular": [8, 17], "convert": [8, 17], "run": [8, 17], "contain": [8, 17], "layer": 9, "cbn": 9, "lsn": 9, "masked_linear": 9, "licens": 10, "main": 12, "api": 13, "refer": [0, 13, 20], "network": 14, "critic": 14, "gener": 14, "label": 14, "masked_causal_gener": 14, "preprocess": [15, 20], "grn_creation": 15, "sc_dataset": 16, "tfrecord_load": 18, "tutori": 20, "cli": 20, "config": 20, "file": 20, "project": 20, "outlin": 20, "demo": 20, "dataset": [0, 20], "step": 20, "creation": 20, "impos": 20, "custom": 20, "train": [0, 20], "In": 20, "silico": 20, "singl": 20, "cell": 20, "simul": [0, 20], "bonemarrow": 0, "paul": 0, "et": 0, "al": 0, "2015": 0, "pbmc": 0, "all": 0, "zheng": 0, "2017": 0, "ctl": 0, "dahlin": 0, "2018": 0, "tumor": 0, "han": 0, "2022": 0, "malign": 0, "help": 0, "u": 0, "expand": 0, "thi": 0, "list": 0, "request": 0, "new": 0, "troubleshoot": [8, 11]}, "envversion": {"sphinx.domains.c": 2, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 8, "sphinx.domains.index": 1, "sphinx.domains.javascript": 2, "sphinx.domains.math": 2, "sphinx.domains.python": 3, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1, "sphinx.ext.intersphinx": 1, "sphinx": 57}, "alltitles": {"Benchmarking": [[0, "benchmarking"]], "Simulated datasets": [[0, "simulated-datasets"]], "BoneMarrow (Paul et al., 2015)": [[0, "bonemarrow-paul-et-al-2015"]], "PBMC-ALL (Zheng et al., 2017)": [[0, "pbmc-all-zheng-et-al-2017"]], "PBMC-CTL": [[0, "pbmc-ctl"]], "Dahlin (Dahlin et al., 2018)": [[0, "dahlin-dahlin-et-al-2018"]], "Tumor-ALL (Han et al., 2022)": [[0, "tumor-all-han-et-al-2022"]], "Tumor-malignant": [[0, "tumor-malignant"]], "Help us expand this list: request GRouNdGAN training on new GRNs and reference datasets": [[0, null]], "References": [[0, "references"], [20, "references"]], "Citation": [[2, "citation"]], "Bibtex Citation": [[2, "bibtex-citation"]], "custom_parser module": [[3, "module-custom_parser"]], "Docker Setup": [[4, "docker-setup"], [8, "docker-setup"]], "Option A: Using Pre-built Docker Image (Recommended)": [[4, "option-a-using-pre-built-docker-image-recommended"], [8, "option-a-using-pre-built-docker-image-recommended"]], "Option B: Building Docker Image from Dockerfile": [[4, "option-b-building-docker-image-from-dockerfile"], [8, "option-b-building-docker-image-from-dockerfile"]], "Verifying GPU Acceleration": [[4, "verifying-gpu-acceleration"], [8, "verifying-gpu-acceleration"]], "Welcome to GRouNdGAN\u2019s documentation!": [[7, "welcome-to-groundgan-s-documentation"]], "GRN inference benchmarking workflow": [[7, null]], "Contact": [[7, "contact"]], "Have a Question or Found a Bug?": [[7, null]], "Indices and tables": [[7, "indices-and-tables"]], "Installation": [[8, "installation"]], "Local Installation": [[8, "id1"], [11, "local-installation"]], "Troubleshooting": [[8, null], [11, null]], "Singularity Setup": [[8, "singularity-setup"], [17, "singularity-setup"]], "Converting Docker Image to Singularity": [[8, "converting-docker-image-to-singularity"], [17, "converting-docker-image-to-singularity"]], "Running a Singularity Container": [[8, "running-a-singularity-container"], [17, "running-a-singularity-container"]], "License": [[10, "license"]], "API References": [[13, "api-references"]], "Tutorial": [[20, "tutorial"]], "CLI": [[20, "cli"]], "Config Files": [[20, "config-files"]], "Project outline": [[20, "project-outline"]], "Demo Datasets": [[20, "demo-datasets"]], "Steps": [[20, "steps"]], "Preprocessing": [[20, "preprocessing"]], "GRN Creation": [[20, "grn-creation"]], "Imposing Custom GRNs": [[20, "imposing-custom-grns"]], "Training": [[20, "training"]], "In-silico Single-Cell Simulation": [[20, "in-silico-single-cell-simulation"]], "factory module": [[5, "factory-module"]], "gans package": [[6, "gans-package"]], "Submodules": [[6, "submodules"], [9, "submodules"], [14, "submodules"], [15, "submodules"]], "gans.causal_gan module": [[6, "gans-causal-gan-module"]], "gans.conditional_gan module": [[6, "gans-conditional-gan-module"]], "gans.conditional_gan_cat module": [[6, "gans-conditional-gan-cat-module"]], "gans.conditional_gan_proj module": [[6, "gans-conditional-gan-proj-module"]], "gans.gan module": [[6, "gans-gan-module"]], "Module contents": [[6, "module-contents"], [9, "module-contents"], [14, "module-contents"], [15, "module-contents"]], "layers package": [[9, "layers-package"]], "layers.cbn module": [[9, "layers-cbn-module"]], "layers.lsn module": [[9, "layers-lsn-module"]], "layers.masked_linear module": [[9, "layers-masked-linear-module"]], "main module": [[12, "main-module"]], "networks package": [[14, "networks-package"]], "networks.critic module": [[14, "networks-critic-module"]], "networks.generator module": [[14, "networks-generator-module"]], "networks.labeler module": [[14, "networks-labeler-module"]], "networks.masked_causal_generator module": [[14, "networks-masked-causal-generator-module"]], "preprocessing package": [[15, "preprocessing-package"]], "preprocessing.grn_creation module": [[15, "preprocessing-grn-creation-module"]], "preprocessing.preprocess module": [[15, "preprocessing-preprocess-module"]], "sc_dataset module": [[16, "sc-dataset-module"]], "tfrecord_loader module": [[18, "tfrecord-loader-module"]]}, "indexentries": {}}) \ No newline at end of file diff --git a/docs/_build/index.html b/docs/_build/index.html new file mode 100644 index 0000000..2651292 --- /dev/null +++ b/docs/_build/index.html @@ -0,0 +1,640 @@ + + + + + + + + + + + Welcome to GRouNdGAN’s documentation! — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    Welcome to GRouNdGAN’s documentation!

    + +
    +
    + +
    +

    Contents

    +
    + +
    +
    +
    + + + + +
    + +
    +

    Welcome to GRouNdGAN’s documentation!#

    +

    This site documents the code released under GRouNdGAN (GRN-guided simulation of single-cell RNA-seq data using causal generative adversarial networks). GRouNdGAN is a gene regulatory network (GRN)-guided causal implicit generative model for simulating single-cell RNA-seq data, in-silico perturbation experiments, and benchmarking GRN inference methods.

    +
    +

    To find out more details about GRouNdGAN, check out our paper:

    +
    +

    Zinati, Y., Takiddeen, A. & Emad, A. GRouNdGAN: GRN-guided simulation of single-cell RNA-seq data using causal generative adversarial networks. Nat Commun 15, 4055 (2024). https://doi.org/10.1038/s41467-024-48516-6.

    +
    +
    + + +
    +

    Contact#

    +
    +

    Have a Question or Found a Bug?

    +

    We’re here to help!

    +

    Asking Questions:

    +

    If you have any questions, whether they’re about how to use our software, troubleshooting, or understanding certain concepts, please don’t hesitate to ask by contacting Yazdan Zinati.

    +

    Reporting Bugs:

    +

    If you encounter any issues, glitches, or unexpected behavior while using our software, please let us know. Reporting bugs helps us improve GRouNdGAN.

    +

    You can reach out to us by opening an issue on our GitHub repository.

    +
    + +
    +
    +

    Indices and tables#

    + +
    +
    + + +
    + + + + + + + + +
    + + + +
    + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/installation.html b/docs/_build/installation.html new file mode 100644 index 0000000..51e2c3a --- /dev/null +++ b/docs/_build/installation.html @@ -0,0 +1,782 @@ + + + + + + + + + + + Installation — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + + + + + + +
    + +
    +

    Installation#

    +

    There are multiple ways to install GRouNdGAN, depending on your preferences and requirements. Choose the installation method that best suits your needs:

    +
    +
    1. Docker Setup:

    If you want a quick and hassle-free installation with GPU support, you can use Docker. This method is recommended if you prefer a pre-configured environment.

    +
      +
    • Option A: Using Pre-built Docker Image (Recommended): +We provide a pre-built Docker image for GRouNdGAN that is already configured with CUDA support for GPU acceleration. This option is the most convenient and straightforward way to get started.

    • +
    • Option B: Building Docker Image from Dockerfile: +Building the Docker image from the Dockerfile allows you to further finetune our provided environment to your specific requirements. It also provides the advantage of knowing exactly which dependencies and configurations are being used in your experiments. This option is ideal if you want fine-grained control or if you need to make modifications to GRouNdGAN’s default setup.

    • +
    +
    +
    2. Local Installation:

    If you prefer greater control over your environment, you can opt for a local installation of GRouNdGAN. This option is particularly recommended if you plan to use GRouNdGAN as a foundation for new projects.

    +
    +
    3. Singularity:

    Most HPC clusters restrict the use of docker, as it can be used to gain root access to the host system. Singularity is a secure and compatible alternative for containerization.

    +
    +
    +
    +

    Docker Setup#

    +

    Prerequisite: Before you begin, make sure you have Docker installed on your machine. You can download and install Docker from the official website: Get Started | Docker

    + +
    +

    Option B: Building Docker Image from Dockerfile#

    +
      +
    1. Clone the GRouNdGAN repository:

      +
      $ git clone https://github.com/Emad-COMBINE-lab/GRouNdGAN.git
      +
      +
      +
    2. +
    3. Navigate to the project directory:

      +
      $ cd GRouNdGAN
      +
      +
      +
    4. +
    5. Build the Docker image using the provided Dockerfile:

      +
      $ docker build -t yourusername/groundgan:custom -f docker/Dockerfile .
      +
      +
      +

      This command will build a Docker image with the tag yourusername/groundgan:custom.

      +
      +

      Note

      +

      Building the image using this method may take approximately 15-30 minutes, depending on your system’s performance.

      +
      +
    6. +
    7. Run the Docker container and pass GPU devices:

      +
      $ docker run -itd --name yourusername/groundgan:custom --gpus all groundgan /bin/bash
      +
      +
      +
    8. +
    +
    +
    +

    Verifying GPU Acceleration#

    +

    Inside the Docker container, you can verify if the GPU is recognized using:

    +
    $ nvidia-smi
    +
    +
    +

    You should see detailed information about your GPU, including its name, memory usage, etc. This confirms that GPU acceleration is enabled inside the container.

    +
    +-----------------------------------------------------------------------------+
    +| NVIDIA-SMI 470.63.01    Driver Version: 470.63.01    CUDA Version: 11.4     |
    +|-------------------------------+----------------------+----------------------+
    +| GPU  Name        Persistence-M| Bus-Id        Disp.A | Volatile Uncorr. ECC |
    +| Fan  Temp  Perf  Pwr:Usage/Cap|         Memory-Usage | GPU-Util  Compute M. |
    +|                               |                      |               MIG M. |
    +|===============================+======================+======================|
    +|   0  Tesla V100-SXM2...  Off  | 00000000:00:1E.0 Off |                    0 |
    +| N/A   33C    P0    41W / 300W |      0MiB / 32480MiB |      0%      Default |
    +|                               |                      |                  N/A |
    ++-------------------------------+----------------------+----------------------+
    +
    ++-----------------------------------------------------------------------------+
    +| Processes:                                                                  |
    +|  GPU   GI   CI        PID   Type   Process name                  GPU Memory |
    +|        ID   ID                                                   Usage      |
    +|=============================================================================|
    +|  No running processes found                                                 |
    ++-----------------------------------------------------------------------------+
    +
    +
    +
    +
    +
    +

    Local Installation#

    +

    Prerequisites: Before setting up GRouNdGAN locally, ensure you have Python 3.9.6 installed. If you do not have Python 3.9.6, you can use pyenv to manage multiple Python versions. Detailed installation instructions for various platforms can be found in the pyenv documentation: pyenv/pyenv. In the case you are using pyenv, please use pyenv-virtualenv to manage and activate your virtual environment.

    +
      +
    1. Clone the GRouNdGAN repository to a directory of your choice:

      +
      $ git clone https://github.com/Emad-COMBINE-lab/GRouNdGAN.git
      +
      +
      +
      +

      Tip

      +

      You can optionally clone the scGAN, BEELINE, scDESIGN2, and SPARSim submodules to also get the specific version of repositories that we used in our study.

      +
      git clone --recurse-submodules https://github.com/Emad-COMBINE-lab/GRouNdGAN.git
      +
      +
      +
      +
    2. +
    3. Navigate to the project directory:

      +
      $ cd GRouNdGAN
      +
      +
      +
    4. +
    5. Create a virtual environment for your project:

      +
      $ python -m venv venv
      +
      +
      +
    6. +
    +

    In the case you are using pyenv, please use pyenv-virtualenv to manage and activate your virtual environment.

    +
      +
    1. Activate the virtual environment

      +
        +
      • Linux/macOS:

        +
        $ source venv/bin/activate
        +
        +
        +
      • +
      • Windows:

        +
        $ venv\Scripts\activate
        +
        +
        +
      • +
      +
    2. +
    3. Install the required dependencies from the requirements.txt file:

      +
      (venv)$ pip install -r requirements.txt
      +
      +
      +

      If you’re a fellow Canadian using ComputeCanada, consider using requirements_computecanada.txt instead.

      +
    4. +
    +

    You’re now ready to use GRouNdGAN locally!

    +
    +

    Troubleshooting

    +

    Known Installation Issues

    +

    If you’re encountering issues with installation to ubuntu, it might be because you are missing one or more of the following packages:

    +
    sudo apt install build-essential libffi-dev     zlib1g-dev     libncurses5-dev     libgdbm-dev     libnss3-dev     libssl-dev     libreadline-dev     libsqlite3-dev     libpng-dev     libjpeg-dev     libbz2-dev  liblzma-dev tk-dev
    +
    +
    +
    +
    +
    +

    Singularity Setup#

    +
    +

    Converting Docker Image to Singularity#

    +
      +
    1. Install Singularity on your system if it’s not already installed (Installation Guide).

    2. +
    3. Use the singularity pull command to convert the Docker image to a Singularity image:

    4. +
    +
    $ singularity pull groundgan.sif docker://yazdanz/groundgan:4b98686
    +
    +
    +

    This command will create a Singularity image named groundgan.sif by pulling yazdanz/groundgan:4b98686 from Docker Hub.

    +
    +
    +

    Running a Singularity Container#

    +

    After converting the Docker image to a Singularity image, you can run a Singularity container interactively:

    +
      +
    1. Start an interactive shell session within the Singularity container:

    2. +
    +
    $ singularity shell --nv groundgan.sif
    +
    +
    +
      +
    • The --nv flag enables running CUDA application inside the container.

    • +
    +
    +

    Warning

    +

    There might be differences in directory structures and permissions between Singularity and Docker containers due to Singularity’s bind-mounted approach.

    +
    +
    +
    +
    + + +
    + + + + + + + + +
    + + + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/layers.html b/docs/_build/layers.html new file mode 100644 index 0000000..ffad947 --- /dev/null +++ b/docs/_build/layers.html @@ -0,0 +1,860 @@ + + + + + + + + + + + layers package — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + + + + + + +
    + +
    +

    layers package#

    +
    +

    Submodules#

    +
    +
    +

    layers.cbn module#

    +
    +
    +class layers.cbn.ConditionalBatchNorm(num_features: int, num_classes: int)[source]#
    +

    Bases: Module

    +
    +
    +__init__(num_features: int, num_classes: int) None[source]#
    +

    1D Conditional batch normalization (CBN) layer (Dumoulin et al., +2016; De Vries et al.,2017).

    +
    +
    Parameters:
    +
      +
    • num_features (int) – Number of input features.

    • +
    • num_classes (int) – Number of classes (i.e., distinct labels).

    • +
    +
    +
    +
    + +
    +
    +forward(x: Tensor, y: Tensor) Tensor[source]#
    +

    Perform CBN given a batch of labels.

    +
    +
    Parameters:
    +
      +
    • x (torch.Tensor) – Tensor on which to perform CBN.

    • +
    • y (torch.Tensor) – A batch of labels.

    • +
    +
    +
    Returns:
    +

    Conditionally batch normalized input.

    +
    +
    Return type:
    +

    torch.Tensor

    +
    +
    +
    + +
    + +
    +
    +

    layers.lsn module#

    +
    +
    +class layers.lsn.LSN(library_size: int, device: str | None = 'cpu')[source]#
    +

    Bases: Module

    +
    +
    +__init__(library_size: int, device: str | None = 'cpu') None[source]#
    +

    Library size normalization (LSN) layer.

    +
    +
    Parameters:
    +
      +
    • library_size (int) – Total number of counts per generated cell.

    • +
    • device (Optional[str], optional) – Specifies to train on ‘cpu’ or ‘cuda’. Only ‘cuda’ is supported for training the +GAN but ‘cpu’ can be used for inference, by default “cuda” if torch.cuda.is_available() else”cpu”.

    • +
    +
    +
    +
    + +
    +
    +forward(in_: Tensor, reuse_scale: bool | None = False) Tensor[source]#
    +

    Function for completing a forward pass of the LSN layer.

    +
    +
    Parameters:
    +
      +
    • in (torch.Tensor) – Tensor containing gene expression of cells.

    • +
    • reuse_scale (Optional[bool], optional) – If set to true, the LSN layer will scale the cells by +the same scale as the previous batch. Useful for performing +perturbation studies. By default False

    • +
    +
    +
    Returns:
    +

    Gene expression of cells after library size normalization.

    +
    +
    Return type:
    +

    torch.Tensor

    +
    +
    +
    + +
    + +
    +
    +

    layers.masked_linear module#

    +
    +
    +class layers.masked_linear.MaskedLinearFunction(*args, **kwargs)[source]#
    +

    Bases: Function

    +

    autograd function which masks its weights by ‘mask’.

    +
    +
    +static forward(ctx: Tensor, input: Tensor, weight: Tensor, bias: Tensor | None = None, mask: Tensor | None = None) Tensor[source]#
    +

    Performs the operation.

    +

    This function is to be overridden by all subclasses.

    +

    It must accept a context ctx as the first argument, followed by any +number of arguments (tensors or other types).

    +

    The context can be used to store arbitrary data that can be then +retrieved during the backward pass. Tensors should not be stored +directly on ctx (though this is not currently enforced for +backward compatibility). Instead, tensors should be saved either with +ctx.save_for_backward() if they are intended to be used in +backward (equivalently, vjp) or ctx.save_for_forward() +if they are intended to be used for in jvp.

    +
    + +
    +
    +static backward(ctx: Tensor, grad_output: Tensor)[source]#
    +

    Defines a formula for differentiating the operation with backward mode +automatic differentiation (alias to the vjp function).

    +

    This function is to be overridden by all subclasses.

    +

    It must accept a context ctx as the first argument, followed by +as many outputs as the forward() returned (None will be passed in +for non tensor outputs of the forward function), +and it should return as many tensors, as there were inputs to +forward(). Each argument is the gradient w.r.t the given output, +and each returned value should be the gradient w.r.t. the +corresponding input. If an input is not a Tensor or is a Tensor not +requiring grads, you can just pass None as a gradient for that input.

    +

    The context can be used to retrieve tensors saved during the forward +pass. It also has an attribute ctx.needs_input_grad as a tuple +of booleans representing whether each input needs gradient. E.g., +backward() will have ctx.needs_input_grad[0] = True if the +first input to forward() needs gradient computated w.r.t. the +output.

    +
    + +
    +
    +_backward_cls#
    +

    alias of MaskedLinearFunctionBackward

    +
    + +
    + +
    +
    +class layers.masked_linear.MaskedLinear(mask: Tensor, bias: bool = True, device: str | None = 'cpu')[source]#
    +

    Bases: Module

    +
    +
    +__init__(mask: Tensor, bias: bool = True, device: str | None = 'cpu')[source]#
    +

    An extension of Pytorch’s linear module based on the following thread: +https://discuss.pytorch.org/t/custom-connections-in-neural-network-layers/3027/13

    +
    +
    Parameters:
    +
      +
    • mask (torch.Tensor) –

      Mask Tensor with shape (n_input_feature, n_output_feature). +the elements are 0 or 1 which declare un-connected or +connected.

      +

      Example: the following mask declares a 4-dim from-layer and 3-dim to-layer. +Neurons 0, 2, and 3 of the from-layer are connected to neurons 0 and 2 of +the to-layer. Neuron 1 of the from-layer is connected to neuron 1 of the +to-layer.

      +

      mask = torch.tensor( +[[1, 0, 1], +[0, 1, 0], +[1, 0, 1], +[1, 0, 1],] +)

      +

    • +
    • bias (bool, optional) – By default True

    • +
    • device (Optional[str], optional) – Specifies to train on ‘cpu’ or ‘cuda’. Only ‘cuda’ is supported for training the +GAN but ‘cpu’ can be used for inference, by default “cuda” if torch.cuda.is_available() else”cpu”.

    • +
    +
    +
    +
    + +
    +
    +reapply_mask()[source]#
    +

    Function to be called after weights have been initialized +(e.g., using torch.nn.init) to reapply mask to weight.

    +
    + +
    +
    +reset_parameters()[source]#
    +
    + +
    +
    +forward(input: Tensor)[source]#
    +

    Defines the computation performed at every call.

    +

    Should be overridden by all subclasses.

    +
    +

    Note

    +

    Although the recipe for forward pass needs to be defined within +this function, one should call the Module instance afterwards +instead of this since the former takes care of running the +registered hooks while the latter silently ignores them.

    +
    +
    + +
    +
    +extra_repr()[source]#
    +

    Set the extra representation of the module

    +

    To print customized extra information, you should re-implement +this method in your own modules. Both single-line and multi-line +strings are acceptable.

    +
    + +
    + +
    +
    +

    Module contents#

    +
    +
    + + +
    + + + + + + + + +
    + + + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/license.html b/docs/_build/license.html new file mode 100644 index 0000000..85c0233 --- /dev/null +++ b/docs/_build/license.html @@ -0,0 +1,552 @@ + + + + + + + + + + + License — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    License

    + +
    +
    + +
    +
    +
    + + + + +
    + +
    +

    License#

    +
    +

    Copyright (C) 2023 Emad’s COMBINE Lab: Yazdan Zinati, Abdulrahman Takiddeen, and Amin Emad.

    +

    GRouNdGAN is free software: you can redistribute it and/or modify it under the terms of the GNU Affero General Public License as published by the Free Software Foundation, either version 3 of the License, or (at your option) any later version.

    +

    GRouNdGAN is distributed in the hope that it will be useful, but WITHOUT ANY WARRANTY; without even the implied warranty of MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU Affero General Public License for more details.

    +

    You should have received a copy of the GNU Affero General Public License along with GRouNdGAN. If not, see <https://www.gnu.org/licenses/>.

    +
    +
    + + +
    + + + + + + + + +
    + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/local_installation.html b/docs/_build/local_installation.html new file mode 100644 index 0000000..6bf4771 --- /dev/null +++ b/docs/_build/local_installation.html @@ -0,0 +1,585 @@ + + + + + + + + + + + Local Installation — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    Local Installation

    + +
    +
    + +
    +
    +
    + + + + +
    + +
    +

    Local Installation#

    +

    Prerequisites: Before setting up GRouNdGAN locally, ensure you have Python 3.9.6 installed. If you do not have Python 3.9.6, you can use pyenv to manage multiple Python versions. Detailed installation instructions for various platforms can be found in the pyenv documentation: pyenv/pyenv. In the case you are using pyenv, please use pyenv-virtualenv to manage and activate your virtual environment.

    +
      +
    1. Clone the GRouNdGAN repository to a directory of your choice:

      +
      $ git clone https://github.com/Emad-COMBINE-lab/GRouNdGAN.git
      +
      +
      +
      +

      Tip

      +

      You can optionally clone the scGAN, BEELINE, scDESIGN2, and SPARSim submodules to also get the specific version of repositories that we used in our study.

      +
      git clone --recurse-submodules https://github.com/Emad-COMBINE-lab/GRouNdGAN.git
      +
      +
      +
      +
    2. +
    3. Navigate to the project directory:

      +
      $ cd GRouNdGAN
      +
      +
      +
    4. +
    5. Create a virtual environment for your project:

      +
      $ python -m venv venv
      +
      +
      +
    6. +
    +

    In the case you are using pyenv, please use pyenv-virtualenv to manage and activate your virtual environment.

    +
      +
    1. Activate the virtual environment

      +
        +
      • Linux/macOS:

        +
        $ source venv/bin/activate
        +
        +
        +
      • +
      • Windows:

        +
        $ venv\Scripts\activate
        +
        +
        +
      • +
      +
    2. +
    3. Install the required dependencies from the requirements.txt file:

      +
      (venv)$ pip install -r requirements.txt
      +
      +
      +

      If you’re a fellow Canadian using ComputeCanada, consider using requirements_computecanada.txt instead.

      +
    4. +
    +

    You’re now ready to use GRouNdGAN locally!

    +
    +

    Troubleshooting

    +

    Known Installation Issues

    +

    If you’re encountering issues with installation to ubuntu, it might be because you are missing one or more of the following packages:

    +
    sudo apt install build-essential libffi-dev     zlib1g-dev     libncurses5-dev     libgdbm-dev     libnss3-dev     libssl-dev     libreadline-dev     libsqlite3-dev     libpng-dev     libjpeg-dev     libbz2-dev  liblzma-dev tk-dev
    +
    +
    +
    +
    + + +
    + + + + + + +
    + +
    +
    +
    + +
    + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/main.html b/docs/_build/main.html new file mode 100644 index 0000000..a94e3d4 --- /dev/null +++ b/docs/_build/main.html @@ -0,0 +1,546 @@ + + + + + + + + + + + main module — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    main module

    + +
    +
    + +
    +
    +
    + + + + +
    + +
    +

    main module#

    +
    + + +
    + + + + + + + + +
    + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/modules.html b/docs/_build/modules.html new file mode 100644 index 0000000..ce67f78 --- /dev/null +++ b/docs/_build/modules.html @@ -0,0 +1,801 @@ + + + + + + + + + + + API References — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    API References

    + +
    +
    + +
    +
    +
    + + + + +
    + +
    +

    API References#

    +
    + +
    +
    + + +
    + + + + + + + + +
    + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/networks.html b/docs/_build/networks.html new file mode 100644 index 0000000..21fe217 --- /dev/null +++ b/docs/_build/networks.html @@ -0,0 +1,1196 @@ + + + + + + + + + + + networks package — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + + + + + + +
    + +
    +

    networks package#

    +
    +

    Submodules#

    +
    +
    +

    networks.critic module#

    +
    +
    +class networks.critic.Critic(x_input: int, critic_layers: List[int])[source]#
    +

    Bases: Module

    +
    +
    +__init__(x_input: int, critic_layers: List[int]) None[source]#
    +

    Non-conditional Critic’s constructor.

    +
    +
    Parameters:
    +
      +
    • x_input (int) – The dimension of the input tensor.

    • +
    • critic_layers (List[int]) – List of integers corresponding to the number of neurons +at each hidden layer of the critic.

    • +
    +
    +
    +
    + +
    +
    +forward(data: Tensor, *args, **kwargs) Tensor[source]#
    +

    Function for completing a forward pass of the critic.

    +
    +
    Parameters:
    +
      +
    • data (torch.Tensor) – Tensor containing gene expression of (fake/real) cells.

    • +
    • *args – Variable length argument list.

    • +
    • **kwargs – Arbitrary keyword arguments.

    • +
    +
    +
    Returns:
    +

    1-dimensional tensor representing fake/real cells.

    +
    +
    Return type:
    +

    torch.Tensor

    +
    +
    +
    + +
    +
    +_create_critic() None[source]#
    +

    Method for creating the Critic’s network.

    +
    + +
    +
    +static _create_critic_block(input_dim: int, output_dim: int, final_layer: bool | None = False) Sequential[source]#
    +

    Function for creating a sequence of operations corresponding to +a Critic block; a linear layer, and ReLU (except in the final block).

    +
    +
    Parameters:
    +
      +
    • input_dim (int) – The block’s input dimensions.

    • +
    • output_dim (int) – The block’s output dimensions.

    • +
    • final_layer (Optional[bool], optional) – Indicates if the block contains the final layer, by default False.

    • +
    +
    +
    Returns:
    +

    Sequential container containing the modules.

    +
    +
    Return type:
    +

    nn.Sequential

    +
    +
    +
    + +
    + +
    +
    +class networks.critic.ConditionalCritic(x_input: int, critic_layers: List[int], num_classes: int)[source]#
    +

    Bases: Critic

    +
    +
    +__init__(x_input: int, critic_layers: List[int], num_classes: int) None[source]#
    +

    Conditional Critic’s constructor - Projection Discriminator (Miyato et al.,2018).

    +
    +
    Parameters:
    +
      +
    • x_input (int) – The dimension of the input tensor.

    • +
    • critic_layers (List[int]) – List of integers corresponding to the number of neurons +at each hidden layer of the critic.

    • +
    • num_classes (int) – Number of clusters.

    • +
    +
    +
    +
    + +
    +
    +forward(data: Tensor, labels: Tensor | None = None, *args, **kwargs) Tensor[source]#
    +

    Function for completing a forward pass of the conditional critic.

    +
    +
    Parameters:
    +
      +
    • data (torch.Tensor) – Tensor containing gene expression of (fake/real) cells.

    • +
    • labels (torch.Tensor) – Tensor containing labels corresponding to cells (data parameter).

    • +
    • *args – Variable length argument list.

    • +
    • **kwargs – Arbitrary keyword arguments.

    • +
    +
    +
    Returns:
    +

    1-dimensional tensor representing fake/real cells.

    +
    +
    Return type:
    +

    torch.Tensor

    +
    +
    +
    + +
    +
    +_create_critic() None[source]#
    +

    Method for creating the Conditional Critic’s network.

    +
    + +
    + +
    +
    +class networks.critic.ConditionalCriticProj(x_input: int, critic_layers: List[int], num_classes: int)[source]#
    +

    Bases: Critic

    +
    +
    +__init__(x_input: int, critic_layers: List[int], num_classes: int) None[source]#
    +

    Conditional Critic’s constructor using a modified implementation of +Projection Discriminator (Marouf et al, 2020).

    +
    +
    Parameters:
    +
      +
    • x_input (int) – The dimension of the input tensor.

    • +
    • critic_layers (List[int]) – List of integers corresponding to the number of neurons +at each hidden layer of the critic.

    • +
    • num_classes (int) – Number of clusters.

    • +
    +
    +
    +
    + +
    +
    +forward(data: Tensor, labels: Tensor | None = None, *args, **kwargs) Tensor[source]#
    +

    Function for completing a forward pass of the conditional critic.

    +
    +
    Parameters:
    +
      +
    • data (torch.Tensor) – Tensor containing gene expression of (fake/real) cells.

    • +
    • labels (torch.Tensor) – Tensor containing labels corresponding to cells (data parameter).

    • +
    • *args – Variable length argument list.

    • +
    • **kwargs – Arbitrary keyword arguments.

    • +
    +
    +
    Returns:
    +

    1-dimensional tensor representing fake/real cells.

    +
    +
    Return type:
    +

    torch.Tensor

    +
    +
    +
    + +
    +
    +_create_critic() None[source]#
    +

    Method for creating the Conditional Critic’s network.

    +
    + +
    + +
    +
    +

    networks.generator module#

    +
    +
    +class networks.generator.Generator(z_input: int, output_cells_dim: int, gen_layers: List[int], library_size: int | None = None)[source]#
    +

    Bases: Module

    +
    +
    +__init__(z_input: int, output_cells_dim: int, gen_layers: List[int], library_size: int | None = None) None[source]#
    +

    Non-conditional Generator’s constructor.

    +
    +
    Parameters:
    +
      +
    • z_input (int) – The dimension of the noise tensor.

    • +
    • output_cells_dim (int) – The dimension of the output cells (number of genes).

    • +
    • gen_layers (List[int]) – List of integers corresponding to the number of neurons +at each hidden layer of the generator.

    • +
    • library_size (Optional[Union[int, None]]) – Total number of counts per generated cell.

    • +
    +
    +
    +
    + +
    +
    +forward(noise: Tensor, *args, **kwargs) Tensor[source]#
    +

    Function for completing a forward pass of the generator.

    +
    +
    Parameters:
    +
      +
    • noise (torch.Tensor) – The noise used as input by the generator.

    • +
    • *args – Variable length argument list.

    • +
    • **kwargs – Arbitrary keyword arguments.

    • +
    +
    +
    Returns:
    +

    The output of the generator (genes of the generated cell).

    +
    +
    Return type:
    +

    torch.Tensor

    +
    +
    +
    + +
    +
    +_create_generator() None[source]#
    +

    Method for creating the Generator’s network.

    +
    + +
    +
    +static _create_generator_block(input_dim: int, output_dim: int, library_size: int | None = None, final_layer: bool | None = False, *args, **kwargs) Sequential[source]#
    +

    Function for creating a sequence of operations corresponding to +a Generator block; a linear layer, a batchnorm (except in the final block), +a ReLU, and LSN in the final layer.

    +
    +
    Parameters:
    +
      +
    • input_dim (int) – The block’s input dimensions.

    • +
    • output_dim (int) – The block’s output dimensions.

    • +
    • library_size (Optional[Union[int, None]], optional) – Total number of counts per generated cell, by default None.

    • +
    • final_layer (Optional[bool], optional) – Indicates if the block contains the final layer, by default False.

    • +
    • *args – Variable length argument list.

    • +
    • **kwargs – Arbitrary keyword arguments.

    • +
    +
    +
    Returns:
    +

    Sequential container containing the modules.

    +
    +
    Return type:
    +

    nn.Sequential

    +
    +
    +
    + +
    + +
    +
    +class networks.generator.ConditionalGenerator(z_input: int, output_cells_dim: int, num_classes: int, gen_layers: List[int], library_size: int | None = None)[source]#
    +

    Bases: Generator

    +
    +
    +__init__(z_input: int, output_cells_dim: int, num_classes: int, gen_layers: List[int], library_size: int | None = None) None[source]#
    +

    Conditional Generator’s constructor.

    +
    +
    Parameters:
    +
      +
    • z_input (int) – The dimension of the noise tensor.

    • +
    • output_cells_dim (int) – The dimension of the output cells (number of genes).

    • +
    • num_classes (int) – Number of clusters.

    • +
    • gen_layers (List[int]) – List of integers corresponding to the number of neurons +at each hidden layer of the generator.

    • +
    • library_size (Optional[Union[int, None]], optional) – Total number of counts per generated cell, by default None.

    • +
    +
    +
    +
    + +
    +
    +forward(noise: Tensor, labels: Tensor | None = None, *args, **kwargs) Tensor[source]#
    +

    Function for completing a forward pass of the generator.

    +
    +
    Parameters:
    +
      +
    • noise (torch.Tensor) – The noise used as input by the generator.

    • +
    • labels (torch.Tensor) – Tensor containing labels corresponding to cells to generate.

    • +
    • *args – Variable length argument list.

    • +
    • **kwargs – Arbitrary keyword arguments.

    • +
    +
    +
    Returns:
    +

    The output of the generator (genes of the generated cell).

    +
    +
    Return type:
    +

    torch.Tensor

    +
    +
    +
    + +
    +
    +_create_generator() None[source]#
    +

    Method for creating the Generator’s network.

    +
    + +
    +
    +static _create_generator_block(input_dim: int, output_dim: int, library_size: int | None = None, final_layer: bool | None = False, num_classes: int | None = None, *args, **kwargs) Sequential | tuple[source]#
    +

    Function for creating a sequence of operations corresponding to +a Conditional Generator block; a linear layer, a conditional +batchnorm (except in the final block), a ReLU, and LSN in the final layer.

    +
    +
    Parameters:
    +
      +
    • input_dim (int) – The block’s input dimensions.

    • +
    • output_dim (int) – The block’s output dimensions.

    • +
    • library_size (Optional[Union[int, None]], optional) – Total number of counts per generated cell, by default None.

    • +
    • final_layer (Optional[bool], optional) – Indicates if the block contains the final layer, by default False.

    • +
    • num_classes (int) – Number of clusters.

    • +
    • *args – Variable length argument list.

    • +
    • **kwargs – Arbitrary keyword arguments.

    • +
    +
    +
    Returns:
    +

    Sequential container or tuple containing modules.

    +
    +
    Return type:
    +

    Union[nn.Sequential, tuple]

    +
    +
    +
    + +
    + +
    +
    +

    networks.labeler module#

    +
    +
    +class networks.labeler.Labeler(num_genes: int, num_tfs: int, labeler_layers: List[int])[source]#
    +

    Bases: Module

    +
    +
    +__init__(num_genes: int, num_tfs: int, labeler_layers: List[int]) None[source]#
    +

    Labeler network’s constructor.

    +
    +
    Parameters:
    +
      +
    • num_genes (int) – Number of target genes (all genes excluding TFs) in the dataset.

    • +
    • num_tfs (int) – Number of transcription factors in the dataset.

    • +
    • labeler_layers (List[int]) – List of integers corresponding to the number of neurons +at each deep layer of the labeler.

    • +
    +
    +
    +
    + +
    +
    +forward(target_genes: Tensor) Tensor[source]#
    +

    Function for completing a forward pass of the labeler. +This network performs a regression by predicting TF expression +from target gene expression.

    +
    +
    Parameters:
    +

    target_genes (torch.Tensor) – Tensor containing target gene expression of (fake/real) cells.

    +
    +
    Returns:
    +

    Tensor containing regulatory TFs.

    +
    +
    Return type:
    +

    torch.Tensor

    +
    +
    +
    + +
    +
    +_create_labeler() None[source]#
    +

    Method for creating a labeler network.

    +
    + +
    + +
    +
    +

    networks.masked_causal_generator module#

    +
    +
    +class networks.masked_causal_generator.CausalGenerator(z_input: int, noise_per_gene: int, depth_per_gene: int, width_scale_per_gene: int, causal_controller: Module, causal_graph: Dict[int, Set[int]], library_size: int | None = None, device: str | None = 'cpu')[source]#
    +

    Bases: Module

    +
    +
    +__init__(z_input: int, noise_per_gene: int, depth_per_gene: int, width_scale_per_gene: int, causal_controller: Module, causal_graph: Dict[int, Set[int]], library_size: int | None = None, device: str | None = 'cpu') None[source]#
    +

    Causal Generator’s constructor.

    +
    +
    Parameters:
    +
      +
    • z_input (int) – The dimension of the noise tensor.

    • +
    • noise_per_gene (int) – Dimension of the latent space from which the noise vectors used by target generators is sampled.

    • +
    • depth_per_gene (int) – Depth of the target generator networks.

    • +
    • width_scale_per_gene (int) – The width scale used for the target generator networks. +if width_scale_per_gene = 2 and a gene is regulated by 10 TFs and 1 noise vector, +the width of the target gene generator will be 2 * (10 + 1) = 22. +Assuming 1000 target genes, each regulated by 10 TFs and 1 noise, the total width of the +sparse target generator will be 22000.

    • +
    • causal_controller (nn.Module) – Causal controller module (retrieved from checkpoint if pretrained). It is a GAN trained on +genes and TFs with the LSN layer removed after training. It cannot be trained on TFs only since the +library size has to be enforced. However, during causal generator training, only TFs are used.

    • +
    • causal_graph (Dict[int, Set[int]]) –

      The causal graph is a dictionary representing the TRN to impose. It has the following format: +{target gene index: {TF1 index, TF2 index, …}}. This causal graph has to be acyclic and bipartite. +A TF cannot be regulated by another TF. +Invalid: {1: {2, 3, {4, 6}}, …} - a regulator (TF) is regulated by another regulator (TF) +Invalid: {1: {2, 3, 4}, 2: {4, 3, 5}, …} - a regulator (TF) is also regulated +Invalid: {4: {2, 3}, 2: {4, 3}} - contains a cycle

      +

      Valid causal graph example: {1: {2, 3, 4}, 6: {5, 4, 2}, …}

      +

    • +
    • library_size (Optional[Union[int, None]], optional) – Total number of counts per generated cell, by default None

    • +
    • device (Optional[str], optional) – Specifies to train on ‘cpu’ or ‘cuda’. Only ‘cuda’ is supported for training the +GAN but ‘cpu’ can be used for inference, by default “cuda” if torch.cuda.is_available() else”cpu”.

    • +
    +
    +
    +
    + +
    +
    +forward(noise: Tensor, *args, **kwargs) Tensor[source]#
    +

    Function for completing a forward pass of the generator. This includes a +forward pass of the causal controller to generate TFs. TFs and generated +noise are then used to complete a forward pass of the causal generator.

    +
    +
    Parameters:
    +
      +
    • noise (torch.Tensor) – The noise used as input by the causal controller.

    • +
    • *args – Variable length argument list.

    • +
    • **kwargs – Arbitrary keyword arguments.

    • +
    +
    +
    Returns:
    +

    The output of the causal generator (gene expression matrix).

    +
    +
    Return type:
    +

    torch.Tensor

    +
    +
    +
    + +
    +
    +_create_generator() None[source]#
    +

    Method for creating the Causal Generator’s network. An independent generator can be +created for each gene. In that case, a pass of the causal generator would require +a pass of generator networks individually in a loop (since all gene expressions +are needed before being passed to the LSN layer), which is very inefficient.

    +

    Instead, we create a single large Causal Generator containing sparse connections +to logically create independent generators for each gene. This is done by creating 3 masks:

    +

    input mask: contains connections between genes and their regulating TFs/noise +hidden mask: contains connections between hidden layers such that there is no connection between hidden layers of two genes’ generators +output mask: contains connections between hidden layers of each gene’s generator and its expression (before LSN)

    +

    The MaskedLinear module is used to mask weights and gradients in linear layers.

    +
    + +
    +
    +_create_labeler()[source]#
    +
    + +
    +
    +_create_generator_block(mask: Tensor, library_size: int | None = None, final_layer: bool | None = False) Sequential[source]#
    +

    Method for creating a sequence of operations corresponding to +a masked causal generator block; a masked linear layer, +a batchnorm (except in the final block), and ReLU.

    +
    +
    Parameters:
    +
      +
    • mask (torch.Tensor) – Mask Tensor with shape (n_input_feature, n_output_feature).

    • +
    • library_size (Optional[Union[int, None]], optional) – Total number of counts per generated cell, by default None.

    • +
    • final_layer (Optional[bool], optional) – Indicates if the block contains the final layer, by default False.

    • +
    +
    +
    Returns:
    +

    Sequential container containing the modules.

    +
    +
    Return type:
    +

    nn.Sequential

    +
    +
    +
    + +
    +
    +freeze_causal_controller()[source]#
    +

    Freezes the pretrained causal controller and disallows any further updates.

    +
    + +
    + +
    +
    +

    Module contents#

    +
    +
    + + +
    + + + + + + + + +
    + + + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/objects.inv b/docs/_build/objects.inv new file mode 100644 index 0000000..e2bf5aa Binary files /dev/null and b/docs/_build/objects.inv differ diff --git a/docs/_build/preprocessing.html b/docs/_build/preprocessing.html new file mode 100644 index 0000000..5c8b330 --- /dev/null +++ b/docs/_build/preprocessing.html @@ -0,0 +1,623 @@ + + + + + + + + + + + preprocessing package — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    preprocessing package

    + +
    + +
    +
    + + + + +
    + +
    +

    preprocessing package#

    +
    +

    Submodules#

    +
    +
    +

    preprocessing.grn_creation module#

    +
    +
    +preprocessing.grn_creation.create_GRN(cfg: ConfigParser) None[source]#
    +

    Infers a GRN using GRNBoost2 and uses it to construct a causal graph to impose onto GRouNdGAN.

    +
    +
    Parameters:
    +

    cfg (ConfigParser) – Parser for config file containing GRN creation params.

    +
    +
    +
    + +
    +
    +

    preprocessing.preprocess module#

    +
    +
    +preprocessing.preprocess.preprocess(cfg: ConfigParser) None[source]#
    +

    Apply preprocessing steps.

    +
    +
    Parameters:
    +

    cfg (ConfigParser) – Parser for config file containing preprocessing params.

    +
    +
    +
    + +
    +
    +

    Module contents#

    +
    +
    + + +
    + + + + + + + + +
    + + + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/py-modindex.html b/docs/_build/py-modindex.html new file mode 100644 index 0000000..94c6a47 --- /dev/null +++ b/docs/_build/py-modindex.html @@ -0,0 +1,608 @@ + + + + + + + + + + Python Module Index — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    + +
    +
    + +
    +
    +
    + + + + +
    + + +

    Python Module Index

    + +
    + c | + f | + g | + l | + m | + n | + p | + s | + t +
    + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
     
    + c
    + custom_parser +
     
    + f
    + factory +
     
    + g
    + gans +
        + gans.causal_gan +
        + gans.conditional_gan +
        + gans.conditional_gan_cat +
        + gans.conditional_gan_proj +
        + gans.gan +
     
    + l
    + layers +
        + layers.cbn +
        + layers.lsn +
        + layers.masked_linear +
     
    + m
    + main +
     
    + n
    + networks +
        + networks.critic +
        + networks.generator +
        + networks.labeler +
        + networks.masked_causal_generator +
     
    + p
    + preprocessing +
        + preprocessing.grn_creation +
        + preprocessing.preprocess +
     
    + s
    + sc_dataset +
     
    + t
    + tfrecord_loader +
    + + +
    + + + + + + +
    + +
    +
    +
    + +
    + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/sc_dataset.html b/docs/_build/sc_dataset.html new file mode 100644 index 0000000..3170b2c --- /dev/null +++ b/docs/_build/sc_dataset.html @@ -0,0 +1,652 @@ + + + + + + + + + + + sc_dataset module — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    sc_dataset module

    + +
    + +
    +
    + + + + +
    + +
    +

    sc_dataset module#

    +
    +
    +class sc_dataset.SCDataset(path: str | bytes | PathLike)[source]#
    +

    Bases: Dataset

    +
    +
    +__init__(path: str | bytes | PathLike) None[source]#
    +

    Create a dataset from the h5ad processed data. Use the +preprocessing/preprocess.py script to create the h5ad train, +test, and validation files.

    +
    +
    Parameters:
    +

    path (Union[str, bytes, os.PathLike]) – Path to the h5ad file.

    +
    +
    +
    + +
    +
    +__getitem__(index: int) Tuple[Tensor, Tensor][source]#
    +
    +
    Parameters:
    +

    index (int)

    +
    +
    Returns:
    +

    Gene expression, Cluster label Tensor tuple.

    +
    +
    Return type:
    +

    Tuple[torch.Tensor, torch.Tensor]

    +
    +
    +
    + +
    +
    +__len__() int[source]#
    +
    +
    Returns:
    +

    Number of samples (cells).

    +
    +
    Return type:
    +

    int

    +
    +
    +
    + +
    + +
    +
    +sc_dataset.get_loader(file_path: str | bytes | PathLike, batch_size: int | None = None) DataLoader[source]#
    +

    Provides an IterableLoader over a scRNA-seq Dataset read from given h5ad file.

    +
    +
    Parameters:
    +
      +
    • file_path (Union[str, bytes, os.PathLike]) – Path to the h5ad file.

    • +
    • batch_size (Optional[int]) – Training batch size. If not specified, the entire dataset +is returned at each load.

    • +
    +
    +
    Returns:
    +

    Iterable data loader over the dataset.

    +
    +
    Return type:
    +

    DataLoader

    +
    +
    +
    + +
    + + +
    + + + + + + + + +
    + + + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/search.html b/docs/_build/search.html new file mode 100644 index 0000000..2dfcd7e --- /dev/null +++ b/docs/_build/search.html @@ -0,0 +1,460 @@ + + + + + + + + + Search - GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + +
    +

    Search

    + + + +
    +
    + + + + + + +
    + +
    +
    +
    + +
    + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/searchindex.js b/docs/_build/searchindex.js new file mode 100644 index 0000000..e04bdb0 --- /dev/null +++ b/docs/_build/searchindex.js @@ -0,0 +1 @@ +Search.setIndex({"alltitles": {"API References": [[13, "api-references"]], "Benchmarking": [[0, "benchmarking"]], "Bibtex Citation": [[2, "bibtex-citation"]], "BoneMarrow (Paul et al., 2015)": [[0, "bonemarrow-paul-et-al-2015"]], "CLI": [[20, "cli"]], "Citation": [[2, "citation"]], "Config Files": [[20, "config-files"]], "Contact": [[7, "contact"]], "Converting Docker Image to Singularity": [[8, "converting-docker-image-to-singularity"], [17, "converting-docker-image-to-singularity"]], "Dahlin (Dahlin et al., 2018)": [[0, "dahlin-dahlin-et-al-2018"]], "Demo Datasets": [[20, "demo-datasets"]], "Docker Setup": [[4, "docker-setup"], [8, "docker-setup"]], "GRN Creation": [[20, "grn-creation"]], "GRN inference benchmarking workflow": [[7, null]], "Have a Question or Found a Bug?": [[7, null]], "Help us expand this list: request GRouNdGAN training on new GRNs and reference datasets": [[0, null]], "Imposing Custom GRNs": [[20, "imposing-custom-grns"]], "In-silico Single-Cell Simulation": [[20, "in-silico-single-cell-simulation"]], "Indices and tables": [[7, "indices-and-tables"]], "Installation": [[8, "installation"]], "License": [[10, "license"]], "Local Installation": [[8, "id1"], [11, "local-installation"]], "Module contents": [[6, "module-gans"], [9, "module-layers"], [14, "module-networks"], [15, "module-preprocessing"]], "Option A: Using Pre-built Docker Image (Recommended)": [[4, "option-a-using-pre-built-docker-image-recommended"], [8, "option-a-using-pre-built-docker-image-recommended"]], "Option B: Building Docker Image from Dockerfile": [[4, "option-b-building-docker-image-from-dockerfile"], [8, "option-b-building-docker-image-from-dockerfile"]], "PBMC-ALL (Zheng et al., 2017)": [[0, "pbmc-all-zheng-et-al-2017"]], "PBMC-CTL": [[0, "pbmc-ctl"]], "Preprocessing": [[20, "preprocessing"]], "Project outline": [[20, "project-outline"]], "References": [[0, "references"], [20, "references"]], "Running a Singularity Container": [[8, "running-a-singularity-container"], [17, "running-a-singularity-container"]], "Simulated datasets": [[0, "simulated-datasets"]], "Singularity Setup": [[8, "singularity-setup"], [17, "singularity-setup"]], "Steps": [[20, "steps"]], "Submodules": [[6, "submodules"], [9, "submodules"], [14, "submodules"], [15, "submodules"]], "Training": [[20, "training"]], "Troubleshooting": [[8, null], [11, null]], "Tumor-ALL (Han et al., 2022)": [[0, "tumor-all-han-et-al-2022"]], "Tumor-malignant": [[0, "tumor-malignant"]], "Tutorial": [[20, "tutorial"]], "Verifying GPU Acceleration": [[4, "verifying-gpu-acceleration"], [8, "verifying-gpu-acceleration"]], "Welcome to GRouNdGAN\u2019s documentation!": [[7, "welcome-to-groundgan-s-documentation"]], "custom_parser module": [[3, "module-custom_parser"]], "factory module": [[5, "module-factory"]], "gans package": [[6, "gans-package"]], "gans.causal_gan module": [[6, "module-gans.causal_gan"]], "gans.conditional_gan module": [[6, "module-gans.conditional_gan"]], "gans.conditional_gan_cat module": [[6, "module-gans.conditional_gan_cat"]], "gans.conditional_gan_proj module": [[6, "module-gans.conditional_gan_proj"]], "gans.gan module": [[6, "module-gans.gan"]], "layers package": [[9, "layers-package"]], "layers.cbn module": [[9, "module-layers.cbn"]], "layers.lsn module": [[9, "module-layers.lsn"]], "layers.masked_linear module": [[9, "module-layers.masked_linear"]], "main module": [[12, "module-main"]], "networks package": [[14, "networks-package"]], "networks.critic module": [[14, "module-networks.critic"]], "networks.generator module": [[14, "module-networks.generator"]], "networks.labeler module": [[14, "module-networks.labeler"]], "networks.masked_causal_generator module": [[14, "module-networks.masked_causal_generator"]], "preprocessing package": [[15, "preprocessing-package"]], "preprocessing.grn_creation module": [[15, "module-preprocessing.grn_creation"]], "preprocessing.preprocess module": [[15, "module-preprocessing.preprocess"]], "sc_dataset module": [[16, "module-sc_dataset"]], "tfrecord_loader module": [[18, "module-tfrecord_loader"]]}, "docnames": ["benchmarking", "causal_gan_cfg", "citation", "custom_parser", "docker", "factory", "gans", "index", "installation", "layers", "license", "local_installation", "main", "modules", "networks", "preprocessing", "sc_dataset", "singularity", "tfrecord_loader", "tree", "tutorial"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1}, "filenames": ["benchmarking.rst", "causal_gan_cfg.rst", "citation.rst", "custom_parser.rst", "docker.rst", "factory.rst", "gans.rst", "index.rst", "installation.rst", "layers.rst", "license.rst", "local_installation.rst", "main.rst", "modules.rst", "networks.rst", "preprocessing.rst", "sc_dataset.rst", "singularity.rst", "tfrecord_loader.rst", "tree.rst", "tutorial.rst"], "indexentries": {"__getitem__() (sc_dataset.scdataset method)": [[16, "sc_dataset.SCDataset.__getitem__", false]], "__init__() (factory.iganfactory method)": [[5, "factory.IGANFactory.__init__", false]], "__init__() (gans.causal_gan.causalgan method)": [[6, "gans.causal_gan.CausalGAN.__init__", false]], "__init__() (gans.conditional_gan_cat.conditionalcatgan method)": [[6, "gans.conditional_gan_cat.ConditionalCatGAN.__init__", false]], "__init__() (gans.conditional_gan_proj.conditionalprojgan method)": [[6, "gans.conditional_gan_proj.ConditionalProjGAN.__init__", false]], "__init__() (gans.gan.gan method)": [[6, "gans.gan.GAN.__init__", false]], "__init__() (layers.cbn.conditionalbatchnorm method)": [[9, "layers.cbn.ConditionalBatchNorm.__init__", false]], "__init__() (layers.lsn.lsn method)": [[9, "layers.lsn.LSN.__init__", false]], "__init__() (layers.masked_linear.maskedlinear method)": [[9, "layers.masked_linear.MaskedLinear.__init__", false]], "__init__() (networks.critic.conditionalcritic method)": [[14, "networks.critic.ConditionalCritic.__init__", false]], "__init__() (networks.critic.conditionalcriticproj method)": [[14, "networks.critic.ConditionalCriticProj.__init__", false]], "__init__() (networks.critic.critic method)": [[14, "networks.critic.Critic.__init__", false]], "__init__() (networks.generator.conditionalgenerator method)": [[14, "networks.generator.ConditionalGenerator.__init__", false]], "__init__() (networks.generator.generator method)": [[14, "networks.generator.Generator.__init__", false]], "__init__() (networks.labeler.labeler method)": [[14, "networks.labeler.Labeler.__init__", false]], "__init__() (networks.masked_causal_generator.causalgenerator method)": [[14, "networks.masked_causal_generator.CausalGenerator.__init__", false]], "__init__() (sc_dataset.scdataset method)": [[16, "sc_dataset.SCDataset.__init__", false]], "__len__() (sc_dataset.scdataset method)": [[16, "sc_dataset.SCDataset.__len__", false]], "_abc_impl (factory.causalganfactory attribute)": [[5, "factory.CausalGANFactory._abc_impl", false]], "_abc_impl (factory.conditionalcatganfactory attribute)": [[5, "factory.ConditionalCatGANFactory._abc_impl", false]], "_abc_impl (factory.conditionalprojganfactory attribute)": [[5, "factory.ConditionalProjGANFactory._abc_impl", false]], "_abc_impl (factory.ganfactory attribute)": [[5, "factory.GANFactory._abc_impl", false]], "_abc_impl (factory.iganfactory attribute)": [[5, "factory.IGANFactory._abc_impl", false]], "_abc_impl (gans.conditional_gan.conditionalgan attribute)": [[6, "gans.conditional_gan.ConditionalGAN._abc_impl", false]], "_abc_impl (gans.conditional_gan_cat.conditionalcatgan attribute)": [[6, "gans.conditional_gan_cat.ConditionalCatGAN._abc_impl", false]], "_abc_impl (gans.conditional_gan_proj.conditionalprojgan attribute)": [[6, "gans.conditional_gan_proj.ConditionalProjGAN._abc_impl", false]], "_add_tensorboard_graph() (gans.gan.gan method)": [[6, "gans.gan.GAN._add_tensorboard_graph", false]], "_backward_cls (layers.masked_linear.maskedlinearfunction attribute)": [[9, "layers.masked_linear.MaskedLinearFunction._backward_cls", false]], "_build_model() (gans.causal_gan.causalgan method)": [[6, "gans.causal_gan.CausalGAN._build_model", false]], "_build_model() (gans.conditional_gan_cat.conditionalcatgan method)": [[6, "gans.conditional_gan_cat.ConditionalCatGAN._build_model", false]], "_build_model() (gans.conditional_gan_proj.conditionalprojgan method)": [[6, "gans.conditional_gan_proj.ConditionalProjGAN._build_model", false]], "_build_model() (gans.gan.gan method)": [[6, "gans.gan.GAN._build_model", false]], "_cat_one_hot_labels() (gans.conditional_gan_cat.conditionalcatgan method)": [[6, "gans.conditional_gan_cat.ConditionalCatGAN._cat_one_hot_labels", false]], "_create_critic() (networks.critic.conditionalcritic method)": [[14, "networks.critic.ConditionalCritic._create_critic", false]], "_create_critic() (networks.critic.conditionalcriticproj method)": [[14, "networks.critic.ConditionalCriticProj._create_critic", false]], "_create_critic() (networks.critic.critic method)": [[14, "networks.critic.Critic._create_critic", false]], "_create_critic_block() (networks.critic.critic static method)": [[14, "networks.critic.Critic._create_critic_block", false]], "_create_generator() (networks.generator.conditionalgenerator method)": [[14, "networks.generator.ConditionalGenerator._create_generator", false]], "_create_generator() (networks.generator.generator method)": [[14, "networks.generator.Generator._create_generator", false]], "_create_generator() (networks.masked_causal_generator.causalgenerator method)": [[14, "networks.masked_causal_generator.CausalGenerator._create_generator", false]], "_create_generator_block() (networks.generator.conditionalgenerator static method)": [[14, "networks.generator.ConditionalGenerator._create_generator_block", false]], "_create_generator_block() (networks.generator.generator static method)": [[14, "networks.generator.Generator._create_generator_block", false]], "_create_generator_block() (networks.masked_causal_generator.causalgenerator method)": [[14, "networks.masked_causal_generator.CausalGenerator._create_generator_block", false]], "_create_labeler() (networks.labeler.labeler method)": [[14, "networks.labeler.Labeler._create_labeler", false]], "_create_labeler() (networks.masked_causal_generator.causalgenerator method)": [[14, "networks.masked_causal_generator.CausalGenerator._create_labeler", false]], "_critic_loss() (gans.gan.gan static method)": [[6, "gans.gan.GAN._critic_loss", false]], "_generate_noise() (gans.gan.gan static method)": [[6, "gans.gan.GAN._generate_noise", false]], "_generate_tsne_plot() (gans.conditional_gan.conditionalgan method)": [[6, "gans.conditional_gan.ConditionalGAN._generate_tsne_plot", false]], "_generate_tsne_plot() (gans.gan.gan method)": [[6, "gans.gan.GAN._generate_tsne_plot", false]], "_generator_loss() (gans.gan.gan static method)": [[6, "gans.gan.GAN._generator_loss", false]], "_get_gradient() (gans.conditional_gan_cat.conditionalcatgan method)": [[6, "gans.conditional_gan_cat.ConditionalCatGAN._get_gradient", false]], "_get_gradient() (gans.conditional_gan_proj.conditionalprojgan method)": [[6, "gans.conditional_gan_proj.ConditionalProjGAN._get_gradient", false]], "_get_gradient() (gans.gan.gan method)": [[6, "gans.gan.GAN._get_gradient", false]], "_get_loaders() (gans.gan.gan method)": [[6, "gans.gan.GAN._get_loaders", false]], "_gradient_penalty() (gans.gan.gan static method)": [[6, "gans.gan.GAN._gradient_penalty", false]], "_load() (gans.causal_gan.causalgan method)": [[6, "gans.causal_gan.CausalGAN._load", false]], "_load() (gans.gan.gan method)": [[6, "gans.gan.GAN._load", false]], "_sample_pseudo_labels() (gans.conditional_gan.conditionalgan static method)": [[6, "gans.conditional_gan.ConditionalGAN._sample_pseudo_labels", false]], "_save() (gans.causal_gan.causalgan method)": [[6, "gans.causal_gan.CausalGAN._save", false]], "_save() (gans.gan.gan method)": [[6, "gans.gan.GAN._save", false]], "_set_exponential_lr() (gans.gan.gan static method)": [[6, "gans.gan.GAN._set_exponential_lr", false]], "_train_critic() (gans.conditional_gan_cat.conditionalcatgan method)": [[6, "gans.conditional_gan_cat.ConditionalCatGAN._train_critic", false]], "_train_critic() (gans.conditional_gan_proj.conditionalprojgan method)": [[6, "gans.conditional_gan_proj.ConditionalProjGAN._train_critic", false]], "_train_critic() (gans.gan.gan method)": [[6, "gans.gan.GAN._train_critic", false]], "_train_generator() (gans.causal_gan.causalgan method)": [[6, "gans.causal_gan.CausalGAN._train_generator", false]], "_train_generator() (gans.conditional_gan_cat.conditionalcatgan method)": [[6, "gans.conditional_gan_cat.ConditionalCatGAN._train_generator", false]], "_train_generator() (gans.conditional_gan_proj.conditionalprojgan method)": [[6, "gans.conditional_gan_proj.ConditionalProjGAN._train_generator", false]], "_train_generator() (gans.gan.gan method)": [[6, "gans.gan.GAN._train_generator", false]], "_train_labelers() (gans.causal_gan.causalgan method)": [[6, "gans.causal_gan.CausalGAN._train_labelers", false]], "_update_tensorboard() (gans.gan.gan method)": [[6, "gans.gan.GAN._update_tensorboard", false]], "backward() (layers.masked_linear.maskedlinearfunction static method)": [[9, "layers.masked_linear.MaskedLinearFunction.backward", false]], "causalgan (class in gans.causal_gan)": [[6, "gans.causal_gan.CausalGAN", false]], "causalganfactory (class in factory)": [[5, "factory.CausalGANFactory", false]], "causalgenerator (class in networks.masked_causal_generator)": [[14, "networks.masked_causal_generator.CausalGenerator", false]], "conditionalbatchnorm (class in layers.cbn)": [[9, "layers.cbn.ConditionalBatchNorm", false]], "conditionalcatgan (class in gans.conditional_gan_cat)": [[6, "gans.conditional_gan_cat.ConditionalCatGAN", false]], "conditionalcatganfactory (class in factory)": [[5, "factory.ConditionalCatGANFactory", false]], "conditionalcritic (class in networks.critic)": [[14, "networks.critic.ConditionalCritic", false]], "conditionalcriticproj (class in networks.critic)": [[14, "networks.critic.ConditionalCriticProj", false]], "conditionalgan (class in gans.conditional_gan)": [[6, "gans.conditional_gan.ConditionalGAN", false]], "conditionalgenerator (class in networks.generator)": [[14, "networks.generator.ConditionalGenerator", false]], "conditionalprojgan (class in gans.conditional_gan_proj)": [[6, "gans.conditional_gan_proj.ConditionalProjGAN", false]], "conditionalprojganfactory (class in factory)": [[5, "factory.ConditionalProjGANFactory", false]], "create_grn() (in module preprocessing.grn_creation)": [[15, "preprocessing.grn_creation.create_GRN", false]], "critic (class in networks.critic)": [[14, "networks.critic.Critic", false]], "custom_parser": [[3, "module-custom_parser", false]], "extra_repr() (layers.masked_linear.maskedlinear method)": [[9, "layers.masked_linear.MaskedLinear.extra_repr", false]], "factory": [[5, "module-factory", false]], "forward() (layers.cbn.conditionalbatchnorm method)": [[9, "layers.cbn.ConditionalBatchNorm.forward", false]], "forward() (layers.lsn.lsn method)": [[9, "layers.lsn.LSN.forward", false]], "forward() (layers.masked_linear.maskedlinear method)": [[9, "layers.masked_linear.MaskedLinear.forward", false]], "forward() (layers.masked_linear.maskedlinearfunction static method)": [[9, "layers.masked_linear.MaskedLinearFunction.forward", false]], "forward() (networks.critic.conditionalcritic method)": [[14, "networks.critic.ConditionalCritic.forward", false]], "forward() (networks.critic.conditionalcriticproj method)": [[14, "networks.critic.ConditionalCriticProj.forward", false]], "forward() (networks.critic.critic method)": [[14, "networks.critic.Critic.forward", false]], "forward() (networks.generator.conditionalgenerator method)": [[14, "networks.generator.ConditionalGenerator.forward", false]], "forward() (networks.generator.generator method)": [[14, "networks.generator.Generator.forward", false]], "forward() (networks.labeler.labeler method)": [[14, "networks.labeler.Labeler.forward", false]], "forward() (networks.masked_causal_generator.causalgenerator method)": [[14, "networks.masked_causal_generator.CausalGenerator.forward", false]], "freeze_causal_controller() (networks.masked_causal_generator.causalgenerator method)": [[14, "networks.masked_causal_generator.CausalGenerator.freeze_causal_controller", false]], "gan (class in gans.gan)": [[6, "gans.gan.GAN", false]], "ganfactory (class in factory)": [[5, "factory.GANFactory", false]], "gans": [[6, "module-gans", false]], "gans.causal_gan": [[6, "module-gans.causal_gan", false]], "gans.conditional_gan": [[6, "module-gans.conditional_gan", false]], "gans.conditional_gan_cat": [[6, "module-gans.conditional_gan_cat", false]], "gans.conditional_gan_proj": [[6, "module-gans.conditional_gan_proj", false]], "gans.gan": [[6, "module-gans.gan", false]], "generate_cells() (gans.conditional_gan_cat.conditionalcatgan method)": [[6, "gans.conditional_gan_cat.ConditionalCatGAN.generate_cells", false]], "generate_cells() (gans.conditional_gan_proj.conditionalprojgan method)": [[6, "gans.conditional_gan_proj.ConditionalProjGAN.generate_cells", false]], "generate_cells() (gans.gan.gan method)": [[6, "gans.gan.GAN.generate_cells", false]], "generator (class in networks.generator)": [[14, "networks.generator.Generator", false]], "get_argparser() (in module custom_parser)": [[3, "custom_parser.get_argparser", false]], "get_cc() (factory.causalganfactory method)": [[5, "factory.CausalGANFactory.get_cc", false]], "get_configparser() (in module custom_parser)": [[3, "custom_parser.get_configparser", false]], "get_factory() (in module factory)": [[5, "factory.get_factory", false]], "get_gan() (factory.causalganfactory method)": [[5, "factory.CausalGANFactory.get_gan", false]], "get_gan() (factory.conditionalcatganfactory method)": [[5, "factory.ConditionalCatGANFactory.get_gan", false]], "get_gan() (factory.conditionalprojganfactory method)": [[5, "factory.ConditionalProjGANFactory.get_gan", false]], "get_gan() (factory.ganfactory method)": [[5, "factory.GANFactory.get_gan", false]], "get_gan() (factory.iganfactory method)": [[5, "factory.IGANFactory.get_gan", false]], "get_loader() (in module sc_dataset)": [[16, "sc_dataset.get_loader", false]], "get_loader() (in module tfrecord_loader)": [[18, "tfrecord_loader.get_loader", false]], "get_trainer() (factory.causalganfactory method)": [[5, "factory.CausalGANFactory.get_trainer", false]], "get_trainer() (factory.conditionalcatganfactory method)": [[5, "factory.ConditionalCatGANFactory.get_trainer", false]], "get_trainer() (factory.conditionalprojganfactory method)": [[5, "factory.ConditionalProjGANFactory.get_trainer", false]], "get_trainer() (factory.ganfactory method)": [[5, "factory.GANFactory.get_trainer", false]], "get_trainer() (factory.iganfactory method)": [[5, "factory.IGANFactory.get_trainer", false]], "iganfactory (class in factory)": [[5, "factory.IGANFactory", false]], "labeler (class in networks.labeler)": [[14, "networks.labeler.Labeler", false]], "layers": [[9, "module-layers", false]], "layers.cbn": [[9, "module-layers.cbn", false]], "layers.lsn": [[9, "module-layers.lsn", false]], "layers.masked_linear": [[9, "module-layers.masked_linear", false]], "lsn (class in layers.lsn)": [[9, "layers.lsn.LSN", false]], "main": [[12, "module-main", false]], "maskedlinear (class in layers.masked_linear)": [[9, "layers.masked_linear.MaskedLinear", false]], "maskedlinearfunction (class in layers.masked_linear)": [[9, "layers.masked_linear.MaskedLinearFunction", false]], "module": [[3, "module-custom_parser", false], [5, "module-factory", false], [6, "module-gans", false], [6, "module-gans.causal_gan", false], [6, "module-gans.conditional_gan", false], [6, "module-gans.conditional_gan_cat", false], [6, "module-gans.conditional_gan_proj", false], [6, "module-gans.gan", false], [9, "module-layers", false], [9, "module-layers.cbn", false], [9, "module-layers.lsn", false], [9, "module-layers.masked_linear", false], [12, "module-main", false], [14, "module-networks", false], [14, "module-networks.critic", false], [14, "module-networks.generator", false], [14, "module-networks.labeler", false], [14, "module-networks.masked_causal_generator", false], [15, "module-preprocessing", false], [15, "module-preprocessing.grn_creation", false], [15, "module-preprocessing.preprocess", false], [16, "module-sc_dataset", false], [18, "module-tfrecord_loader", false]], "networks": [[14, "module-networks", false]], "networks.critic": [[14, "module-networks.critic", false]], "networks.generator": [[14, "module-networks.generator", false]], "networks.labeler": [[14, "module-networks.labeler", false]], "networks.masked_causal_generator": [[14, "module-networks.masked_causal_generator", false]], "parse_list() (in module factory)": [[5, "factory.parse_list", false]], "preprocess() (in module preprocessing.preprocess)": [[15, "preprocessing.preprocess.preprocess", false]], "preprocessing": [[15, "module-preprocessing", false]], "preprocessing.grn_creation": [[15, "module-preprocessing.grn_creation", false]], "preprocessing.preprocess": [[15, "module-preprocessing.preprocess", false]], "reapply_mask() (layers.masked_linear.maskedlinear method)": [[9, "layers.masked_linear.MaskedLinear.reapply_mask", false]], "reset_parameters() (layers.masked_linear.maskedlinear method)": [[9, "layers.masked_linear.MaskedLinear.reset_parameters", false]], "sc_dataset": [[16, "module-sc_dataset", false]], "scdataset (class in sc_dataset)": [[16, "sc_dataset.SCDataset", false]], "tfrecord_loader": [[18, "module-tfrecord_loader", false]], "train() (gans.causal_gan.causalgan method)": [[6, "gans.causal_gan.CausalGAN.train", false]], "train() (gans.gan.gan method)": [[6, "gans.gan.GAN.train", false]]}, "objects": {"": [[3, 0, 0, "-", "custom_parser"], [5, 0, 0, "-", "factory"], [6, 0, 0, "-", "gans"], [9, 0, 0, "-", "layers"], [12, 0, 0, "-", "main"], [14, 0, 0, "-", "networks"], [15, 0, 0, "-", "preprocessing"], [16, 0, 0, "-", "sc_dataset"], [18, 0, 0, "-", "tfrecord_loader"]], "custom_parser": [[3, 1, 1, "", "get_argparser"], [3, 1, 1, "", "get_configparser"]], "factory": [[5, 2, 1, "", "CausalGANFactory"], [5, 2, 1, "", "ConditionalCatGANFactory"], [5, 2, 1, "", "ConditionalProjGANFactory"], [5, 2, 1, "", "GANFactory"], [5, 2, 1, "", "IGANFactory"], [5, 1, 1, "", "get_factory"], [5, 1, 1, "", "parse_list"]], "factory.CausalGANFactory": [[5, 3, 1, "", "_abc_impl"], [5, 4, 1, "", "get_cc"], [5, 4, 1, "", "get_gan"], [5, 4, 1, "", "get_trainer"]], "factory.ConditionalCatGANFactory": [[5, 3, 1, "", "_abc_impl"], [5, 4, 1, "", "get_gan"], [5, 4, 1, "", "get_trainer"]], "factory.ConditionalProjGANFactory": [[5, 3, 1, "", "_abc_impl"], [5, 4, 1, "", "get_gan"], [5, 4, 1, "", "get_trainer"]], "factory.GANFactory": [[5, 3, 1, "", "_abc_impl"], [5, 4, 1, "", "get_gan"], [5, 4, 1, "", "get_trainer"]], "factory.IGANFactory": [[5, 4, 1, "", "__init__"], [5, 3, 1, "", "_abc_impl"], [5, 4, 1, "", "get_gan"], [5, 4, 1, "", "get_trainer"]], "gans": [[6, 0, 0, "-", "causal_gan"], [6, 0, 0, "-", "conditional_gan"], [6, 0, 0, "-", "conditional_gan_cat"], [6, 0, 0, "-", "conditional_gan_proj"], [6, 0, 0, "-", "gan"]], "gans.causal_gan": [[6, 2, 1, "", "CausalGAN"]], "gans.causal_gan.CausalGAN": [[6, 4, 1, "", "__init__"], [6, 4, 1, "", "_build_model"], [6, 4, 1, "", "_load"], [6, 4, 1, "", "_save"], [6, 4, 1, "", "_train_generator"], [6, 4, 1, "", "_train_labelers"], [6, 4, 1, "", "train"]], "gans.conditional_gan": [[6, 2, 1, "", "ConditionalGAN"]], "gans.conditional_gan.ConditionalGAN": [[6, 3, 1, "", "_abc_impl"], [6, 4, 1, "", "_generate_tsne_plot"], [6, 4, 1, "", "_sample_pseudo_labels"]], "gans.conditional_gan_cat": [[6, 2, 1, "", "ConditionalCatGAN"]], "gans.conditional_gan_cat.ConditionalCatGAN": [[6, 4, 1, "", "__init__"], [6, 3, 1, "", "_abc_impl"], [6, 4, 1, "", "_build_model"], [6, 4, 1, "", "_cat_one_hot_labels"], [6, 4, 1, "", "_get_gradient"], [6, 4, 1, "", "_train_critic"], [6, 4, 1, "", "_train_generator"], [6, 4, 1, "", "generate_cells"]], "gans.conditional_gan_proj": [[6, 2, 1, "", "ConditionalProjGAN"]], "gans.conditional_gan_proj.ConditionalProjGAN": [[6, 4, 1, "", "__init__"], [6, 3, 1, "", "_abc_impl"], [6, 4, 1, "", "_build_model"], [6, 4, 1, "", "_get_gradient"], [6, 4, 1, "", "_train_critic"], [6, 4, 1, "", "_train_generator"], [6, 4, 1, "", "generate_cells"]], "gans.gan": [[6, 2, 1, "", "GAN"]], "gans.gan.GAN": [[6, 4, 1, "", "__init__"], [6, 4, 1, "", "_add_tensorboard_graph"], [6, 4, 1, "", "_build_model"], [6, 4, 1, "", "_critic_loss"], [6, 4, 1, "", "_generate_noise"], [6, 4, 1, "", "_generate_tsne_plot"], [6, 4, 1, "", "_generator_loss"], [6, 4, 1, "", "_get_gradient"], [6, 4, 1, "", "_get_loaders"], [6, 4, 1, "", "_gradient_penalty"], [6, 4, 1, "", "_load"], [6, 4, 1, "", "_save"], [6, 4, 1, "", "_set_exponential_lr"], [6, 4, 1, "", "_train_critic"], [6, 4, 1, "", "_train_generator"], [6, 4, 1, "", "_update_tensorboard"], [6, 4, 1, "", "generate_cells"], [6, 4, 1, "", "train"]], "layers": [[9, 0, 0, "-", "cbn"], [9, 0, 0, "-", "lsn"], [9, 0, 0, "-", "masked_linear"]], "layers.cbn": [[9, 2, 1, "", "ConditionalBatchNorm"]], "layers.cbn.ConditionalBatchNorm": [[9, 4, 1, "", "__init__"], [9, 4, 1, "", "forward"]], "layers.lsn": [[9, 2, 1, "", "LSN"]], "layers.lsn.LSN": [[9, 4, 1, "", "__init__"], [9, 4, 1, "", "forward"]], "layers.masked_linear": [[9, 2, 1, "", "MaskedLinear"], [9, 2, 1, "", "MaskedLinearFunction"]], "layers.masked_linear.MaskedLinear": [[9, 4, 1, "", "__init__"], [9, 4, 1, "", "extra_repr"], [9, 4, 1, "", "forward"], [9, 4, 1, "", "reapply_mask"], [9, 4, 1, "", "reset_parameters"]], "layers.masked_linear.MaskedLinearFunction": [[9, 3, 1, "", "_backward_cls"], [9, 4, 1, "", "backward"], [9, 4, 1, "", "forward"]], "networks": [[14, 0, 0, "-", "critic"], [14, 0, 0, "-", "generator"], [14, 0, 0, "-", "labeler"], [14, 0, 0, "-", "masked_causal_generator"]], "networks.critic": [[14, 2, 1, "", "ConditionalCritic"], [14, 2, 1, "", "ConditionalCriticProj"], [14, 2, 1, "", "Critic"]], "networks.critic.ConditionalCritic": [[14, 4, 1, "", "__init__"], [14, 4, 1, "", "_create_critic"], [14, 4, 1, "", "forward"]], "networks.critic.ConditionalCriticProj": [[14, 4, 1, "", "__init__"], [14, 4, 1, "", "_create_critic"], [14, 4, 1, "", "forward"]], "networks.critic.Critic": [[14, 4, 1, "", "__init__"], [14, 4, 1, "", "_create_critic"], [14, 4, 1, "", "_create_critic_block"], [14, 4, 1, "", "forward"]], "networks.generator": [[14, 2, 1, "", "ConditionalGenerator"], [14, 2, 1, "", "Generator"]], "networks.generator.ConditionalGenerator": [[14, 4, 1, "", "__init__"], [14, 4, 1, "", "_create_generator"], [14, 4, 1, "", "_create_generator_block"], [14, 4, 1, "", "forward"]], "networks.generator.Generator": [[14, 4, 1, "", "__init__"], [14, 4, 1, "", "_create_generator"], [14, 4, 1, "", "_create_generator_block"], [14, 4, 1, "", "forward"]], "networks.labeler": [[14, 2, 1, "", "Labeler"]], "networks.labeler.Labeler": [[14, 4, 1, "", "__init__"], [14, 4, 1, "", "_create_labeler"], [14, 4, 1, "", "forward"]], "networks.masked_causal_generator": [[14, 2, 1, "", "CausalGenerator"]], "networks.masked_causal_generator.CausalGenerator": [[14, 4, 1, "", "__init__"], [14, 4, 1, "", "_create_generator"], [14, 4, 1, "", "_create_generator_block"], [14, 4, 1, "", "_create_labeler"], [14, 4, 1, "", "forward"], [14, 4, 1, "", "freeze_causal_controller"]], "preprocessing": [[15, 0, 0, "-", "grn_creation"], [15, 0, 0, "-", "preprocess"]], "preprocessing.grn_creation": [[15, 1, 1, "", "create_GRN"]], "preprocessing.preprocess": [[15, 1, 1, "", "preprocess"]], "sc_dataset": [[16, 2, 1, "", "SCDataset"], [16, 1, 1, "", "get_loader"]], "sc_dataset.SCDataset": [[16, 4, 1, "", "__getitem__"], [16, 4, 1, "", "__init__"], [16, 4, 1, "", "__len__"]], "tfrecord_loader": [[18, 1, 1, "", "get_loader"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "function", "Python function"], "2": ["py", "class", "Python class"], "3": ["py", "attribute", "Python attribute"], "4": ["py", "method", "Python method"]}, "objtypes": {"0": "py:module", "1": "py:function", "2": "py:class", "3": "py:attribute", "4": "py:method"}, "terms": {"": [0, 4, 6, 8, 9, 10, 14, 17, 18, 20], "0": [1, 4, 6, 8, 9, 20], "00": [4, 8], "00000000": [4, 8], "00001": [1, 20], "0001": [1, 20], "001": [1, 20], "01": [4, 8], "013": [0, 20], "019": 20, "024": [2, 7], "0mib": [4, 8], "1": [0, 1, 2, 6, 8, 9, 14, 20], "10": [0, 1, 2, 7, 14, 20], "1000": [0, 1, 14, 20], "10000": [1, 6, 20], "100000": [1, 20], "1000000": [1, 20], "100k": 0, "1016": [0, 20], "1024": [1, 20], "1038": [0, 2, 7, 20], "1093": [0, 20], "10x": [0, 1, 20], "11": [0, 4, 8, 20], "12": [0, 20], "128": [1, 20], "13": 9, "131": 0, "14018": 20, "14055": 20, "15": [0, 1, 2, 4, 7, 8, 20], "163": [0, 20], "1663": [0, 20], "1677": [0, 20], "16g": 20, "18": 2, "1d": 9, "1e": [4, 8], "2": [0, 1, 6, 8, 9, 14, 20], "20": [0, 6, 20], "2000": [1, 20], "20000": [1, 6, 20], "200000": [1, 20], "2015": 20, "2016": 9, "2017": [9, 20], "2018": [14, 20], "2020": [14, 18, 20], "2023": 10, "2024": [2, 7], "21": 0, "2159": [0, 20], "2161": [0, 20], "22": 14, "22000": 14, "238095": 20, "256": [1, 20], "3": [0, 1, 6, 8, 9, 10, 11, 14, 20], "30": [4, 8], "300w": [4, 8], "3027": 9, "32480mib": [4, 8], "33c": [4, 8], "35": [0, 20], "4": [4, 6, 8, 9, 14, 20], "4055": [2, 7], "41w": [4, 8], "428": 0, "443": 0, "470": [4, 8], "48516": [2, 7], "4b98686": [4, 8, 17], "5": [0, 1, 6, 14, 20], "5000": 6, "512": [1, 20], "59031": 20, "6": [2, 6, 7, 8, 11, 14, 20], "63": [4, 8, 20], "7": [0, 20], "8": [0, 20], "9": [1, 8, 11, 20], "937": 20, "A": [0, 2, 6, 7, 9, 10, 14, 20], "Be": 0, "By": 9, "FOR": 10, "For": 20, "If": [0, 5, 6, 7, 8, 9, 10, 11, 16, 18, 20], "In": [8, 11, 14], "It": [6, 8, 9, 14, 20], "No": [4, 8], "One": 20, "Or": 20, "The": [0, 4, 6, 8, 9, 14, 17, 18, 20], "Then": 20, "There": [8, 17, 20], "To": [7, 9, 20], "__getitem__": [13, 16], "__init__": [5, 6, 9, 13, 14, 16], "__len__": [13, 16], "_abc": [5, 6], "_abc_data": [5, 6], "_abc_impl": [5, 6, 13], "_add_tensorboard_graph": [6, 13], "_backward_cl": [9, 13], "_build_model": [6, 13], "_cat_one_hot_label": [6, 13], "_create_crit": [13, 14], "_create_critic_block": [13, 14], "_create_gener": [13, 14], "_create_generator_block": [13, 14], "_create_label": [13, 14], "_critic_loss": [6, 13], "_generate_nois": [6, 13], "_generate_tsne_plot": [6, 13], "_generator_loss": [6, 13], "_get_gradi": [6, 13], "_get_load": [6, 13], "_gradient_penalti": [6, 13], "_load": [6, 13], "_sample_pseudo_label": [6, 13], "_save": [6, 13], "_set_exponential_lr": [6, 13], "_train_crit": [6, 13], "_train_gener": [6, 13], "_train_label": [6, 13], "_update_tensorboard": [6, 13], "abc": [5, 6], "abdulrahman": [2, 10], "about": [4, 7, 8, 20], "abov": 20, "abstract": 5, "accept": [9, 20], "access": [0, 8], "accommod": 18, "act": 20, "activ": [8, 11], "acycl": [6, 14], "add": [3, 6], "addit": [18, 20], "advantag": 8, "adversari": [2, 7, 20], "advis": 20, "aert": [0, 20], "affero": 10, "after": [6, 8, 9, 14, 17], "afterward": 9, "aibar": [0, 20], "al": [9, 14, 18, 20], "alia": 9, "all": [4, 8, 9, 14, 20], "allow": [4, 8], "along": 10, "alpha_0": 6, "alpha_fin": 6, "alreadi": [8, 17], "also": [6, 8, 9, 11, 14, 20], "altern": 8, "although": [0, 9], "american": 0, "amin": [2, 10], "an": [0, 4, 6, 7, 8, 9, 14, 16, 17, 18, 20], "ani": [7, 9, 10, 14, 20], "animaltfdb": 20, "annot": [1, 20], "anoth": [6, 14], "anti": 6, "antilabel": [1, 20], "antilabeler_alpha": 6, "api": 7, "appear": 20, "appli": 15, "applic": [8, 17, 20], "approach": [8, 17], "appropri": 20, "approxim": [4, 8], "apt": [8, 11], "ar": [0, 1, 6, 8, 9, 11, 14, 20], "arbitrari": [6, 9, 14], "arboreto": [0, 20], "arg": [3, 6, 9, 14], "argpars": 3, "argument": [3, 6, 9, 14, 20], "argumentpars": 3, "arkin": [0, 20], "articl": 2, "ask": 7, "associ": 0, "assum": 14, "astiaso": [0, 20], "atkinson_hyperleg": [19, 20], "attribut": 9, "augment": 20, "author": 2, "autograd": 9, "automat": 9, "avail": [1, 20], "averag": [1, 6, 20], "avoid": 20, "b": [0, 20], "backward": [9, 13], "bansal": 20, "barcod": 20, "barcodes_annot": [1, 20], "base": [5, 6, 9, 14, 16], "bash": [4, 8, 20], "batch": [1, 6, 9, 16, 18, 20], "batch_siz": [6, 16, 18], "batchnorm": 14, "becaus": [8, 11], "becom": 20, "beelin": [8, 11, 19, 20], "been": 9, "befor": [4, 8, 11, 14], "begin": [4, 8], "behavior": 7, "being": [8, 14], "belgrad": [0, 20], "below": 20, "benchmark": 20, "bent": [0, 20], "best": 8, "beta1": [1, 6, 20], "beta2": [1, 6, 20], "between": [6, 8, 14, 17], "bia": 9, "bias": 20, "bibtex": 7, "biela": [0, 20], "bin": [4, 8, 11], "bind": [8, 17], "bioinformat": [0, 20], "biolog": 20, "biopsi": 0, "bipartit": [6, 14, 20], "bla": [0, 20], "block": 14, "blood": 0, "bone": 0, "bonemarrow": [19, 20], "bonn": 20, "bool": [9, 14, 18], "boolean": 9, "both": 9, "bty916": [0, 20], "bu": [4, 8], "build": [11, 19, 20], "byte": [6, 16, 18], "c": [0, 10, 20], "c_lambda": 6, "ca": 20, "call": [0, 6, 9], "callabl": 5, "can": [4, 6, 7, 8, 9, 10, 11, 14, 17, 18, 20], "canadian": [8, 11], "cancer": 0, "cannot": [6, 14], "cap": [4, 8], "care": 9, "case": [8, 11, 14], "causal": [0, 1, 2, 6, 7, 14, 15, 20], "causal_control": 14, "causal_gan": [13, 19, 20], "causal_graph": [1, 6, 14, 20], "causalgan": [5, 6, 13], "causalganfactori": [5, 13], "causalgener": [13, 14], "cbn": 13, "cc": [1, 20], "cc_latent_dim": 6, "cc_layer": 6, "cc_pretrained_checkpoint": 6, "cd": [4, 8, 11], "cd8": 0, "cell": [0, 1, 2, 6, 7, 9, 14, 16, 18], "cells_no": 6, "cellxgen": 0, "certain": 7, "cfg": [3, 5, 15, 19, 20], "chain": 20, "chang": 20, "characterist": 0, "check": 7, "checkpoint": [1, 6, 14, 20], "choic": [8, 11, 20], "choos": [1, 8, 20], "ci": [4, 8], "citat": 7, "class": [0, 5, 6, 9, 14, 16], "class_": 6, "cli": [3, 7], "client": 20, "clone": [4, 8, 11], "cluster": [1, 6, 8, 14, 16, 18, 20], "cluster_ratio": 6, "code": [1, 7, 20], "coeffici": [1, 6, 20], "cohen": [0, 20], "collect": 0, "column": 0, "com": [4, 8, 11], "combin": [4, 8, 10, 11], "come": 20, "command": [4, 8, 17, 20], "commit": [0, 20], "common": 0, "commun": [0, 2, 7, 20], "compat": [8, 9], "complet": [9, 14, 20], "compress": 18, "compression_typ": 18, "comput": [1, 4, 6, 8, 9, 20], "computecanada": [8, 11, 20], "concaten": 6, "concept": 7, "condit": [1, 6, 9, 14, 20], "condition": 9, "conditional_gan": [13, 19, 20], "conditional_gan_cat": 13, "conditional_gan_proj": 13, "conditionalbatchnorm": [9, 13], "conditionalcatgan": [5, 6, 13], "conditionalcatganfactori": [5, 13], "conditionalcrit": [13, 14], "conditionalcriticproj": [13, 14], "conditionalgan": [6, 13], "conditionalgener": [13, 14], "conditionalprojgan": [5, 6, 13], "conditionalprojganfactori": [5, 13], "config": [3, 5, 7, 15, 19], "config_fil": 20, "configpars": [3, 5, 15, 20], "configur": [3, 8, 20], "confirm": [4, 8], "connect": [9, 14], "consid": [8, 11], "consist": 20, "construct": [15, 18, 20], "constructor": 14, "contain": [0, 4, 5, 6, 9, 14, 15, 18, 20], "container": 8, "content": 13, "context": 9, "contradictori": 20, "contribut": [0, 18], "control": [6, 8, 14, 20], "conveni": 8, "convert": 20, "copi": [10, 20], "copyright": 10, "core": 0, "corespond": 20, "correspond": [0, 6, 9, 14], "count": [1, 6, 9, 14, 20], "cpu": [4, 6, 8, 9, 14], "creat": [5, 6, 8, 11, 14, 16, 17, 18, 20], "create_grn": [13, 15, 20], "creation": 15, "crit_alpha_0": 6, "crit_alpha_fin": 6, "crit_data": 6, "crit_fake_pr": 6, "crit_lay": 6, "crit_loss": 6, "crit_lr": 6, "crit_real_pr": 6, "critic": [1, 6, 13, 20], "critic_it": 6, "critic_lay": 14, "cscgan": 20, "csv": [0, 1, 19, 20], "ctx": 9, "cuda": [1, 4, 6, 8, 9, 14, 17, 20], "curl": 20, "current": [6, 9, 18], "current_step": 6, "custom": [4, 8, 9], "custom_pars": [7, 13], "cwgan": 20, "cycl": [6, 14], "cytotox": 0, "d": [0, 20], "dai": [0, 20], "dang": 0, "dask": 20, "data": [0, 1, 2, 6, 7, 9, 14, 16, 18, 19, 20], "dataload": [6, 16, 18], "datapoint": 20, "dataset": [6, 7, 14, 16, 18], "david": [0, 20], "de": 9, "decai": 6, "declar": 9, "deep": 14, "default": [4, 6, 8, 9, 14, 18, 20], "defect": 0, "defin": [9, 20], "demo": 7, "demo_data": 20, "deng": 0, "dens": 20, "densiti": 20, "depend": [4, 8, 11, 20], "depth": [1, 6, 14, 20], "depth_per_gen": [6, 14], "descript": 18, "desir": 20, "detail": [4, 7, 8, 10, 11], "deterior": 20, "determin": 18, "dev": [8, 11], "devic": [1, 4, 6, 8, 9, 14, 20], "dict": [6, 14, 18], "dictionari": [6, 14, 18, 20], "differ": [0, 8, 17, 20], "differenti": [0, 9], "digit": [0, 20], "dim": [1, 9, 20], "dimens": [1, 6, 14, 20], "dimension": 14, "dir": 20, "direct": [0, 20], "directli": 9, "directori": [1, 4, 6, 8, 11, 17, 20], "disallow": 14, "discard": [1, 20], "discoveri": 0, "discrimin": 14, "discuss": 9, "disp": [4, 8], "distinct": 9, "distribut": [6, 10], "do": [8, 11, 20], "doc": [19, 20], "docker": [7, 19, 20], "dockerfil": [19, 20], "document": [8, 11, 19, 20], "doe": 5, "doi": [0, 2, 7, 20], "don": [7, 20], "done": [14, 20], "donor": 0, "down": 20, "download": [4, 8, 20], "driver": [4, 8], "due": [8, 17], "dumoulin": 9, "dump": 20, "dure": [6, 9, 14], "e": [0, 9, 20], "e1": 0, "e11": 0, "each": [0, 1, 6, 9, 14, 16, 18, 20], "eager": 0, "ecc": [4, 8], "edg": [0, 20], "edit": 20, "effici": [0, 20], "either": [9, 10, 18, 20], "element": [0, 9], "els": [6, 9, 14], "emad": [2, 4, 7, 8, 10, 11], "empti": 20, "enabl": [4, 8, 17], "encod": 6, "encount": [7, 8, 11], "encourag": 0, "enforc": [9, 14], "ensur": [8, 11], "entir": 16, "environ": [8, 11], "epsilon": 6, "equal": 6, "equival": 9, "essenti": [8, 11, 20], "et": [9, 14, 18, 20], "etc": [4, 8, 20], "even": 10, "everi": [6, 9, 20], "ex": [6, 18], "exactli": 8, "exampl": [6, 9, 14], "except": 14, "excess": 20, "exclud": 14, "experi": [1, 7, 8, 20], "experiment": 0, "exponenti": 6, "exponentiallr": 6, "express": [0, 1, 6, 9, 14, 16, 18, 20], "extens": 9, "extra": 9, "extra_repr": [9, 13], "extract": 18, "f": [0, 4, 8, 20], "factor": 14, "factori": [7, 13], "fake": [6, 14], "fals": [9, 14, 18, 20], "fan": [4, 8], "featur": [9, 18], "feel": 0, "fellow": [8, 11], "fewer": 0, "field": 20, "file": [3, 5, 6, 7, 8, 11, 15, 16, 18], "file_path": [16, 18], "fill": 6, "final": [1, 6, 14, 20], "final_lay": 14, "find": [1, 6, 7, 20], "fine": 8, "finetun": 8, "finish": 20, "first": 9, "fit": 10, "five": 20, "flag": [4, 8, 17, 20], "float": [6, 18], "folder": 20, "follicular": 0, "follow": [6, 8, 9, 11, 14, 20], "forget": 20, "form": 20, "format": [6, 14, 20], "former": 9, "formula": 9, "forward": [9, 13, 14], "found": [4, 8, 11], "foundat": [8, 10], "four": 20, "fp": 20, "free": [0, 8, 10], "freez": 14, "freeze_causal_control": [13, 14], "frequenc": [1, 20], "fresh": 0, "from": [0, 6, 9, 11, 14, 16, 17, 18, 20], "function": [5, 6, 9, 14, 18], "further": [8, 14], "g": [0, 9, 20], "g1": 20, "g2": 20, "g3": 20, "gain": 8, "gan": [1, 5, 7, 9, 13, 14, 19, 20], "ganfactori": [5, 13], "gen_alpha_0": 6, "gen_alpha_fin": 6, "gen_data": 6, "gen_lay": [6, 14], "gen_loss": 6, "gen_lr": 6, "gene": [0, 1, 6, 7, 9, 14, 16, 18, 20], "gener": [0, 1, 2, 6, 7, 9, 10, 13, 19, 20], "generate_cel": [6, 13], "genes_no": [6, 18], "genom": 0, "geo": 0, "get": [4, 6, 8, 11], "get_argpars": [3, 13], "get_cc": [5, 13], "get_clust": 18, "get_configpars": [3, 13], "get_factori": [5, 13], "get_gan": [5, 13], "get_load": [13, 16, 18], "get_train": [5, 13], "gi": [4, 8], "giladi": [0, 20], "ginhoux": [0, 20], "git": [4, 8, 11, 19, 20], "gitattribut": [19, 20], "github": [0, 4, 7, 8, 11, 19, 20], "gitignor": [19, 20], "gitmodul": [19, 20], "given": [6, 9, 16, 18], "glitch": 7, "gn": 20, "gnu": 10, "go": 20, "gonz\u00e1lez": [0, 20], "gp": 6, "gpu": 20, "grad": 9, "grad_output": 9, "gradient": [1, 6, 9, 14, 20], "grain": 8, "graph": [0, 1, 6, 14, 15, 20], "greater": 8, "green": 0, "gregori": [0, 20], "grn": [1, 2, 15], "grn_creation": 13, "grnboost2": [0, 15, 20], "ground": 0, "groundgan": [1, 2, 4, 8, 10, 11, 15, 17, 20], "group": 2, "grow": 0, "gse107727": 0, "gse72857": 0, "guid": [2, 7, 8, 17, 20], "guri": [0, 20], "gzip": 18, "h": [0, 20], "h5ad": [0, 1, 16, 20], "ha": [6, 9, 14], "haa": [0, 20], "hamei": 0, "hard": 20, "hardcod": [1, 20], "hassl": 8, "have": [0, 4, 8, 9, 10, 11, 20], "help": [7, 20], "hematologi": 0, "hematopoiet": 0, "here": [0, 7, 20], "hesit": 7, "heterogen": [0, 20], "hidden": 14, "higher": [1, 20], "highest_protocol": 20, "highli": [1, 20], "hindson": [0, 20], "homo_sapiens_tf": [1, 19, 20], "hook": 9, "hope": 10, "host": [8, 20], "hot": 6, "how": 7, "howev": [14, 20], "hpc": 8, "hspc": 0, "http": [0, 2, 4, 7, 8, 9, 10, 11, 20], "hub": [4, 8, 17], "human": [0, 20], "hyper": [1, 6, 20], "hyperparamet": 20, "i": [0, 1, 4, 5, 6, 7, 8, 9, 10, 14, 16, 18, 20], "id": [4, 8], "ideal": 8, "identifi": [0, 1, 20], "iganfactori": [5, 13], "ignor": 9, "ii": 0, "imag": 20, "implement": [5, 9, 14, 20], "impli": 10, "implicit": [7, 20], "import": [1, 20], "impos": [0, 6, 14, 15], "improv": 7, "in_": 9, "includ": [0, 1, 4, 8, 14, 20], "independ": 14, "index": [6, 7, 14, 16, 18, 20], "indic": [14, 18, 20], "individu": [14, 20], "ineffici": 14, "infer": [0, 1, 6, 9, 14, 15, 20], "inferred_grnboost2": [1, 20], "inform": [4, 8, 9], "ini": [3, 20], "init": 9, "initi": [1, 3, 5, 6, 9, 20], "input": [6, 9, 14, 20], "input_dim": 14, "insid": [4, 8, 17, 20], "instal": [4, 7, 17, 20], "instanc": [5, 9], "instanti": 6, "instead": [8, 9, 11, 14, 20], "instruct": [8, 11], "int": [6, 9, 14, 16, 18, 20], "integ": [6, 14], "intend": [0, 4, 8, 9], "interact": [4, 8, 17], "interfac": 20, "interim": [19, 20], "interpol": 6, "interv": [1, 20], "invalid": [6, 14], "is_avail": [6, 9, 14], "isn": 20, "issu": [0, 7, 8, 11], "itd": [4, 8], "item": 6, "iter": [1, 6, 16, 18, 20], "iterableload": [16, 18], "its": [1, 4, 6, 8, 9, 14, 20], "j": [0, 20], "jaitin": [0, 20], "journal": [0, 2], "jung": [0, 20], "just": 9, "jvp": 9, "k": [0, 1, 20], "keep": 5, "kei": [5, 18, 20], "kenigsberg": [0, 20], "keren": [0, 20], "keyword": [6, 14], "kilian": 20, "kit": 0, "know": [7, 8], "known": [8, 11], "kreb": 20, "kwarg": [6, 9, 14], "l": [0, 20], "lab": [4, 8, 10, 11], "label": [0, 1, 6, 9, 13, 16, 18, 20], "label_ratio": 6, "labeler_alpha": 6, "labeler_lay": [6, 14], "labeler_training_interv": 6, "lambda": [1, 20], "landscap": 0, "lara": [0, 20], "larg": 14, "latent": [1, 6, 14, 20], "latent_dim": 6, "later": 10, "latest": 20, "latter": 9, "lau": 0, "lauridsen": [0, 20], "layer": [1, 6, 7, 13, 14, 20], "learn": [1, 6, 20], "leav": 20, "length": [6, 14], "less": [1, 20], "let": [1, 7, 20], "levin": [0, 20], "libbz2": [8, 11], "libffi": [8, 11], "libgdbm": [8, 11], "libjpeg": [8, 11], "liblzma": [8, 11], "libncurses5": [8, 11], "libnss3": [8, 11], "libpng": [8, 11], "librari": [1, 9, 14, 20], "library_s": [6, 9, 14], "libreadlin": [8, 11], "libsqlite3": [8, 11], "libssl": [8, 11], "licens": [7, 19, 20], "like": [0, 20], "line": [9, 20], "lineag": [0, 20], "linear": [9, 14], "link": 0, "linux": [8, 11], "list": [5, 6, 14, 18], "load": [6, 16], "load_fast": 20, "loader": [16, 18], "local": [7, 20], "log": [1, 6, 20], "logdir": 20, "logic": 14, "loop": [6, 14], "loss": 6, "louvain": [1, 20], "lsn": [13, 14], "lymphoma": 0, "m": [0, 4, 8, 11, 20], "ma": 0, "machart": 20, "machin": [4, 8], "maco": [8, 11], "magrud": 20, "mai": [4, 8], "main": [7, 13, 20], "make": [4, 8], "manag": [8, 11], "mani": 9, "manner": 0, "marouf": [14, 18, 20], "marqu": 0, "marrow": 0, "mask": [9, 14], "masked_causal_gener": 13, "masked_linear": 13, "maskedlinear": [9, 13, 14], "maskedlinearfunct": [9, 13], "maskedlinearfunctionbackward": 9, "masqueli": [0, 20], "massiv": [0, 20], "matrix": [6, 14, 18, 20], "max_step": 6, "maximum": [1, 6, 20], "mcdermott": [0, 20], "md": [19, 20], "mean": [1, 20], "meaning": 20, "memori": [4, 8, 20], "merchant": 10, "messag": 20, "method": [0, 4, 6, 7, 8, 9, 14, 20], "mhc": 0, "mice": 0, "microenviron": 0, "mig": [4, 8], "might": [8, 11, 17], "mildner": [0, 20], "million": 20, "min": [1, 20], "minut": [4, 8], "miss": [8, 11], "miyato": 14, "mode": [6, 9], "model": [1, 5, 6, 7, 20], "modif": 8, "modifi": [10, 14, 18, 20], "modul": [7, 13, 20], "moerman": [0, 20], "monitor": [19, 20], "mononuclear": 0, "montesclaro": [0, 20], "more": [1, 7, 8, 10, 11, 18, 20], "moreau": [0, 20], "most": [0, 1, 8, 20], "mount": [8, 17], "mous": [0, 20], "mtx": 20, "multi": [9, 20], "multi_read": 18, "multinomi": 6, "multipl": [8, 11, 18, 20], "mus_musculus_tf": [19, 20], "must": [9, 20], "mutant": 0, "mutat": 0, "mv": 20, "myeloid": [0, 20], "n": [0, 4, 8, 20], "n_input_featur": [9, 14], "n_output_featur": [9, 14], "name": [4, 6, 8, 17, 18], "nat": [2, 7], "natur": [0, 2, 20], "navig": [4, 8, 11], "ncomms14049": [0, 20], "ndarrai": 6, "need": [0, 8, 9, 14, 20], "needl": 0, "needs_input_grad": 9, "nestorowa": 0, "network": [0, 2, 6, 7, 9, 13, 20], "neural": 9, "neuron": [6, 9, 14], "new": 8, "nextcloud": 20, "nishimura": [0, 20], "nn": [9, 14], "nois": [1, 6, 14, 20], "noise_per_gen": [6, 14], "non": [0, 1, 6, 9, 14, 20], "none": [1, 5, 6, 9, 14, 15, 16, 18, 20], "normal": [1, 6, 9, 20], "notebook": [19, 20], "now": [4, 6, 8, 11], "np": 6, "num_class": [6, 9, 14], "num_featur": 9, "num_gen": 14, "num_tf": 14, "number": [0, 1, 2, 6, 9, 14, 16, 18, 20], "nv": [8, 17], "nvidia": [4, 8, 20], "o": [6, 16], "object": [5, 6], "observ": 20, "occur": 6, "off": [4, 8], "offici": [4, 8], "omit": [4, 8], "onc": 20, "one": [6, 8, 9, 11, 20], "onli": [4, 6, 8, 9, 14, 20], "onto": [0, 15, 20], "open": [0, 7, 20], "oper": [9, 14], "opt": [8, 20], "optim": [1, 6, 20], "option": [6, 9, 10, 11, 14, 16, 18, 20], "org": [0, 2, 7, 9, 10, 20], "other": [6, 9], "our": [0, 7, 8, 11, 20], "out": 7, "outlin": 7, "output": [1, 6, 9, 14, 20], "output_cells_dim": 14, "output_dim": 14, "output_dir": 6, "over": [8, 16, 18, 20], "overhead": 20, "overridden": 9, "own": [9, 20], "p": [0, 20], "p0": [4, 8], "packag": [7, 8, 11, 13], "page": [2, 7], "pair": [18, 20], "paper": 7, "parallel": [0, 20], "param": [5, 15], "paramet": [1, 5, 6, 9, 14, 15, 16, 18, 20], "pars": 20, "parse_list": [5, 13], "parser": [3, 5, 15], "part": 20, "particular": 10, "particularli": 8, "partit": 20, "pass": [4, 8, 9, 14, 18], "path": [6, 16, 18, 20], "pathlik": [6, 16], "patient": 0, "pattern": 18, "paul": 20, "pbmc": [1, 18, 19, 20], "pbmc68k": 20, "pbmc68k_test": [1, 20], "pbmc68k_train": [1, 20], "pbmc68k_valid": [1, 20], "penalti": [1, 6, 20], "per": [1, 6, 9, 14, 20], "perf": [4, 8], "perform": [4, 8, 9, 14], "period": 6, "peripher": 0, "permiss": [8, 17], "persist": [4, 8], "perturb": [7, 9, 20], "php": 20, "pickl": 20, "pictur": 20, "pid": [4, 8], "pijuan": 0, "pip": [8, 11], "pipelin": 20, "piubelli": 0, "pkl": [1, 20], "place": 20, "plan": 8, "platform": [8, 11], "pleas": [0, 7, 8, 11], "plot": [1, 6, 20], "plt_freq": 6, "popul": 20, "possibl": 20, "post_process": 18, "potenti": 0, "predict": 14, "prefer": 8, "prepackag": 20, "prepar": [1, 20], "preprocess": [1, 7, 13, 16, 18], "prerequisit": [4, 8, 11], "pretrain": [6, 14], "previou": [9, 20], "primarili": 20, "print": 9, "probabl": 6, "process": [1, 4, 8, 16, 19, 20], "profil": [0, 20], "progenitor": [0, 20], "program": [1, 3, 20], "project": [4, 6, 7, 8, 11, 14], "properti": 20, "proport": 6, "protocol": 20, "provid": [0, 4, 8, 16, 18, 20], "pth": [6, 20], "public": 10, "publish": [2, 10], "pull": [0, 4, 8, 17], "purpos": 10, "pwr": [4, 8], "py": [16, 20], "pyenv": [8, 11], "python": [8, 11, 20], "python3": 20, "pytorch": [9, 18], "q": 0, "qualiti": 20, "quick": 8, "r": [0, 8, 9, 11, 20], "rais": [5, 6], "random": 6, "randomli": 6, "rate": [1, 6, 20], "ratio": 6, "raw": [1, 19, 20], "re": [1, 4, 7, 8, 9, 11, 20], "reach": 7, "read": [3, 16, 18], "readi": [4, 8, 11], "readm": [19, 20], "real": [6, 14, 20], "real_cel": 6, "real_label": 6, "realist": 20, "reappli": 9, "reapply_mask": [9, 13], "receiv": 10, "recip": 9, "recogn": [4, 8], "recommend": 20, "record": 18, "recurs": [8, 11], "redistribut": 10, "reduc": 0, "refer": [5, 7], "regist": 9, "regress": 14, "regul": [0, 6, 14, 20], "regular": [1, 6, 20], "regulatori": [0, 7, 14, 20], "relationship": 20, "releas": 7, "relu": 14, "remov": 14, "report": 7, "repositori": [0, 4, 7, 8, 11], "repres": [0, 5, 6, 9, 14, 18], "represent": 9, "requir": [8, 9, 11, 14, 19, 20], "requirements_computecanada": [8, 11, 19, 20], "reset_paramet": [9, 13], "resolut": [1, 20], "resolv": 0, "respect": 6, "restrict": 8, "result": [1, 19, 20], "resum": [6, 20], "retriev": [9, 14], "return": [3, 5, 6, 9, 14, 16, 18], "reuse_scal": 9, "rf": 20, "rm": 20, "rna": [1, 2, 6, 7, 20], "root": 8, "row": 0, "rtype": 6, "run": [1, 4, 6, 9, 20], "ryvkin": [0, 20], "s41467": [2, 7, 20], "sala": 0, "same": [6, 9], "sampl": [6, 14, 16, 20], "save": [1, 6, 9, 20], "save_feq": 6, "save_for_backward": 9, "save_for_forward": 9, "sc_dataset": [7, 13], "scalabl": [0, 20], "scale": [6, 9, 14], "scdataset": [13, 16], "scdesign2": [8, 11, 19, 20], "scgan": [8, 11, 18, 19, 20], "schedul": 6, "schlitzer": [0, 20], "schnall": [0, 20], "score": 6, "script": [8, 11, 16, 19, 20], "scrna": [0, 16], "search": 7, "section": 20, "secur": 8, "see": [4, 8, 10, 20], "sensit": 20, "seq": [0, 1, 2, 6, 7, 16, 20], "sequenc": 14, "sequenti": 14, "session": [4, 8, 17], "set": [1, 6, 8, 9, 11, 14, 20], "setup": 7, "sh": [19, 20], "shape": [9, 14], "shaul": [0, 20], "shell": [8, 17], "shepherd": 0, "should": [4, 8, 9, 10, 18, 20], "shuga": [0, 20], "shut": 20, "sif": [8, 17], "significantli": 20, "silent": 9, "silico": 7, "similar": 20, "simm": [0, 20], "simul": [2, 7], "sinc": [9, 14], "singl": [0, 1, 2, 6, 7, 9, 14, 18], "singular": [7, 20], "site": 7, "size": [0, 1, 6, 9, 14, 16, 18, 20], "skip": 20, "slurm": 20, "smaller": [1, 20], "smi": [4, 8], "sne": [6, 20], "societi": 0, "softwar": [7, 10], "sourc": [3, 5, 6, 8, 9, 11, 14, 15, 16, 18], "space": [6, 14], "spars": 14, "sparsim": [8, 11, 19, 20], "specif": [8, 11], "specifi": [5, 6, 9, 14, 16, 18, 20], "split": 18, "squar": [1, 6, 20], "src": [19, 20], "standard": 6, "start": [4, 8, 17, 20], "state": 20, "static": [6, 9, 14], "stem": 0, "step": [1, 6, 7, 15], "stick": 20, "still": 20, "store": 9, "str": [5, 6, 9, 14, 16, 18], "str_list": 5, "straightforward": 8, "string": 9, "structur": [8, 17, 20], "studi": [8, 9, 11], "subclass": 9, "submiss": 20, "submit": 0, "submodul": [8, 11, 13], "success": 20, "sudo": [8, 11], "suggest": 20, "suit": 8, "summari": [1, 6, 20], "summary_freq": 6, "support": [4, 6, 8, 9, 14, 20], "sure": [0, 4, 8], "sxm2": [4, 8], "syntax": 20, "system": [4, 8, 17], "t": [0, 4, 6, 7, 8, 9, 20], "tag": [4, 8], "tail": 6, "take": [4, 8, 9, 20], "takiddeen": [2, 7, 10], "tanai": [0, 20], "tar": 20, "target": [0, 6, 14, 20], "target_gen": 14, "task": 20, "temp": [4, 8], "tensor": [6, 9, 14, 16], "tensorboard": [6, 20], "term": 10, "termin": [4, 8], "terri": [0, 20], "tesla": [4, 8], "test": [1, 16, 20], "tf": [0, 1, 6, 14, 20], "tf1": [6, 14, 20], "tf2": [6, 14, 20], "tfevent": 6, "tfn": 20, "tfrecord": [6, 18], "tfrecord_load": [7, 13], "than": [1, 6, 20], "thei": [7, 9], "them": [9, 20], "thi": [4, 5, 6, 7, 8, 9, 14, 17, 20], "those": 20, "though": 9, "thread": 9, "three": 20, "through": 20, "time": 20, "titl": 2, "tk": [8, 11], "todo": 6, "togeth": 20, "too": 20, "top": [1, 20], "torch": [6, 9, 14, 16], "total": [6, 9, 14], "toward": 0, "train": [1, 5, 6, 9, 13, 14, 16, 18, 19], "train_fil": 6, "trajectori": 0, "transcript": [0, 14, 20], "trn": [6, 14], "troubleshoot": 7, "true": [1, 9, 18, 20], "trumpp": [0, 20], "truth": 0, "tsne": 20, "tsv": [1, 20], "tupl": [6, 9, 14, 16], "tutori": 7, "two": [0, 14, 20], "txt": [8, 11, 19, 20], "type": [0, 1, 3, 4, 5, 6, 8, 9, 14, 16, 18, 20], "type_": 5, "u": 7, "ubuntu": [8, 11], "umi": [1, 20], "un": 9, "uncorr": [4, 8], "under": [7, 10, 20], "understand": 7, "underwood": [0, 20], "unexpect": 7, "uniformli": 6, "union": [6, 14, 16, 18], "uniqu": 6, "unknown": 5, "unoffici": 20, "unprocess": 20, "unweight": 6, "up": [6, 8, 11], "updat": [6, 14], "upon": 20, "us": [0, 1, 2, 6, 7, 9, 10, 11, 14, 15, 16, 17, 18, 20], "usag": [4, 8, 20], "usual": 20, "util": [4, 8], "v": 20, "v100": [4, 8], "v100sxm2": 20, "valid": [1, 6, 14, 16, 20], "valid_fil": 6, "valid_load": 6, "validation_fil": 6, "valu": [1, 6, 9, 18, 20], "valueerror": [5, 6], "variabl": [1, 6, 14, 20], "variou": [8, 11], "vector": [1, 6, 14, 20], "venv": [8, 11], "veri": [14, 20], "version": [4, 8, 10, 11], "virtual": [8, 11], "virtualenv": [8, 11], "vjp": 9, "volatil": [4, 8], "volum": 2, "vri": 9, "w": [0, 9], "wa": 20, "wai": 8, "want": [8, 20], "warranti": 10, "wb": 20, "we": [0, 1, 7, 8, 11, 14, 20], "websit": [4, 8], "weight": [9, 14, 20], "weiner": [0, 20], "welcom": 0, "well": 0, "were": 9, "wgan": 6, "what": [1, 20], "wheeler": [0, 20], "when": [6, 18], "where": [18, 20], "whether": [7, 9, 18], "which": [6, 8, 9, 14, 20], "while": [7, 9], "width": [1, 6, 14, 20], "width_per_gen": 6, "width_scale_per_gen": 14, "wilson": [0, 20], "window": [8, 11], "winter": [0, 20], "wish": 20, "within": [4, 8, 9, 17], "without": 10, "workflow": [0, 19, 20], "would": [0, 14], "wqrcqkh5zjyymw9": 20, "write": 20, "written": 20, "www": 10, "wyatt": [0, 20], "x": [0, 9], "x_input": 14, "xvf": 20, "y": [0, 2, 7, 9, 20], "yaml": [19, 20], "yazdan": [2, 7, 10], "yazdanz": [4, 8, 17], "year": 2, "yml": [19, 20], "you": [0, 4, 7, 8, 9, 10, 11, 17, 20], "your": [0, 4, 8, 9, 10, 11, 17, 20], "yourusernam": [4, 8], "z": [0, 20], "z_input": 14, "zheng": 20, "zhu": [0, 20], "zinati": [2, 7, 10], "zinati2024groundgan": 2, "ziraldo": [0, 20], "zlib1g": [8, 11]}, "titles": ["Benchmarking", "<no title>", "Citation", "custom_parser module", "Docker Setup", "factory module", "gans package", "Welcome to GRouNdGAN\u2019s documentation!", "Installation", "layers package", "License", "Local Installation", "main module", "API References", "networks package", "preprocessing package", "sc_dataset module", "Singularity Setup", "tfrecord_loader module", "<no title>", "Tutorial"], "titleterms": {"": 7, "2015": 0, "2017": 0, "2018": 0, "2022": 0, "A": [4, 8], "In": 20, "acceler": [4, 8], "al": 0, "all": 0, "api": 13, "b": [4, 8], "benchmark": [0, 7], "bibtex": 2, "bonemarrow": 0, "bug": 7, "build": [4, 8], "built": [4, 8], "causal_gan": 6, "cbn": 9, "cell": 20, "citat": 2, "cli": 20, "conditional_gan": 6, "conditional_gan_cat": 6, "conditional_gan_proj": 6, "config": 20, "contact": 7, "contain": [8, 17], "content": [6, 9, 14, 15], "convert": [8, 17], "creation": 20, "critic": 14, "ctl": 0, "custom": 20, "custom_pars": 3, "dahlin": 0, "dataset": [0, 20], "demo": 20, "docker": [4, 8, 17], "dockerfil": [4, 8], "document": 7, "et": 0, "expand": 0, "factori": 5, "file": 20, "found": 7, "from": [4, 8], "gan": 6, "gener": 14, "gpu": [4, 8], "grn": [0, 7, 20], "grn_creation": 15, "groundgan": [0, 7], "han": 0, "have": 7, "help": 0, "imag": [4, 8, 17], "impos": 20, "indic": 7, "infer": 7, "instal": [8, 11], "label": 14, "layer": 9, "licens": 10, "list": 0, "local": [8, 11], "lsn": 9, "main": 12, "malign": 0, "masked_causal_gener": 14, "masked_linear": 9, "modul": [3, 5, 6, 9, 12, 14, 15, 16, 18], "network": 14, "new": 0, "option": [4, 8], "outlin": 20, "packag": [6, 9, 14, 15], "paul": 0, "pbmc": 0, "pre": [4, 8], "preprocess": [15, 20], "project": 20, "question": 7, "recommend": [4, 8], "refer": [0, 13, 20], "request": 0, "run": [8, 17], "sc_dataset": 16, "setup": [4, 8, 17], "silico": 20, "simul": [0, 20], "singl": 20, "singular": [8, 17], "step": 20, "submodul": [6, 9, 14, 15], "tabl": 7, "tfrecord_load": 18, "thi": 0, "train": [0, 20], "troubleshoot": [8, 11], "tumor": 0, "tutori": 20, "u": 0, "us": [4, 8], "verifi": [4, 8], "welcom": 7, "workflow": 7, "zheng": 0}}) \ No newline at end of file diff --git a/docs/_build/singularity.html b/docs/_build/singularity.html new file mode 100644 index 0000000..6fa472e --- /dev/null +++ b/docs/_build/singularity.html @@ -0,0 +1,583 @@ + + + + + + + + + + + Singularity Setup — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    Singularity Setup

    + +
    + +
    +
    + + + + +
    + +
    +

    Singularity Setup#

    +
    +

    Converting Docker Image to Singularity#

    +
      +
    1. Install Singularity on your system if it’s not already installed (Installation Guide).

    2. +
    3. Use the singularity pull command to convert the Docker image to a Singularity image:

    4. +
    +
    $ singularity pull groundgan.sif docker://yazdanz/groundgan:4b98686
    +
    +
    +

    This command will create a Singularity image named groundgan.sif by pulling yazdanz/groundgan:4b98686 from Docker Hub.

    +
    +
    +

    Running a Singularity Container#

    +

    After converting the Docker image to a Singularity image, you can run a Singularity container interactively:

    +
      +
    1. Start an interactive shell session within the Singularity container:

    2. +
    +
    $ singularity shell --nv groundgan.sif
    +
    +
    +
      +
    • The --nv flag enables running CUDA application inside the container.

    • +
    +
    +

    Warning

    +

    There might be differences in directory structures and permissions between Singularity and Docker containers due to Singularity’s bind-mounted approach.

    +
    +
    +
    + + +
    + + + + + + +
    + +
    +
    +
    + +
    + + + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/tfrecord_loader.html b/docs/_build/tfrecord_loader.html new file mode 100644 index 0000000..a28ef23 --- /dev/null +++ b/docs/_build/tfrecord_loader.html @@ -0,0 +1,598 @@ + + + + + + + + + + + tfrecord_loader module — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    tfrecord_loader module

    + +
    +
    + +
    +

    Contents

    +
    + +
    +
    +
    + + + + +
    + +
    +

    tfrecord_loader module#

    +
    +
    +tfrecord_loader.get_loader(genes_no: int, file_path: str | List[str], batch_size: int, splits: Dict[str, float] | None = None, description: List[str] | Dict[str, str] | None = None, compression_type: str | None = 'gzip', multi_read: bool | None = False, get_clusters: bool | None = False) DataLoader[source]#
    +

    Provides an IterableLoader over a Dataset read from given tfrecord files for PyTorch.

    +

    Currently used to create data loaders from the PBMC preprocessed dataset in tfrecord +from scGAN (Marouf et al.,2020). description parameter and post_process function +can be modified to accommodate more tfrecord datasets.

    +
    +
    Parameters:
    +
      +
    • genes_no (int) – Number of genes in the expression matrix.

    • +
    • file_path (Union[str, List[str]]) – Tfrecord file path for reading a single tfrecord (multi_read=False) +or file pattern for reading multiple tfrecords (ex: /path/{}.tfrecord).

    • +
    • batch_size (int) – Training batch size.

    • +
    • splits (Optional[Dict[str, float]], optional) – Dictionary of (key, value) pairs, where the key is used to construct +the data and index path(s) and the value determines the contribution +of each split to the batch. Provide when reading from multiple tfrecords +(multi_read=True), by default None.

    • +
    • description (Union[List[str], Dict[str, str], None], optional) – List of keys or dict of (key, value) pairs to extract from each record. +The keys represent the name of the features and the values (“byte”, “float”, or “int”), +by default { “indices”: None, “values”: None, }.

    • +
    • compression_type (Optional[str], optional) – The type of compression used for the tfrecord. Either ‘gzip’ or None, by default “gzip”.

    • +
    • multi_read (Optional[bool], optional) – Specifies whether to construct the dataset from multiple tfrecords. +If True, a file pattern should be passed to file_path, by default False.

    • +
    • get_clusters (Optional[bool], optional) – If True, the returned data loader will contain the cluster label of cells in +addition to their gene expression values, by default False.

    • +
    +
    +
    Returns:
    +

    Iterable data loader over the dataset.

    +
    +
    Return type:
    +

    DataLoader

    +
    +
    +
    + +
    + + +
    + + + + + + + + +
    + + + +
    + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/tree.html b/docs/_build/tree.html new file mode 100644 index 0000000..50a8f7b --- /dev/null +++ b/docs/_build/tree.html @@ -0,0 +1,594 @@ + + + + + + + + + + + <no title> — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + +
    +

    + +
    +
    + +
    +

    Contents

    +
    + +
    +
    +
    + + + + +
    + +
    .
    +|-- .git
    +|-- .gitattributes
    +|-- .github
    +|   `-- workflows
    +|       |-- docker-build.yml
    +|       `-- documentation.yaml
    +|-- .gitignore
    +|-- .gitmodules
    +|-- Atkinson_Hyperlegible
    +|-- Beeline
    +|-- LICENSE
    +|-- README.md
    +|-- configs
    +|   |-- causal_gan.cfg
    +|   |-- conditional_gan.cfg
    +|   `-- gan.cfg
    +|-- data
    +|   |-- generated
    +|   |-- interim
    +|   |-- processed
    +|   |   |-- BoneMarrow
    +|   |   `-- PBMC
    +|   `-- raw
    +|       |-- BoneMarrow
    +|       |-- Homo_sapiens_TF.csv
    +|       |-- Mus_musculus_TF.csv
    +|       `-- PBMC
    +|-- docker
    +|   `-- Dockerfile
    +|-- docs
    +|-- notebooks
    +|-- requirements.txt
    +|-- requirements_computecanada.txt
    +|-- results
    +|-- scDesign2
    +|-- scGAN
    +|-- scripts
    +|   |-- monitor.sh
    +|   `-- train.sh
    +|-- sparsim
    +`-- src
    +
    +
    + + +
    + + + + + + +
    + +
    +
    +
    + +
    + + + +
    + + +
    +
    + + +
    + + +
    +
    +
    + + + + + +
    +
    + + \ No newline at end of file diff --git a/docs/_build/tutorial.html b/docs/_build/tutorial.html new file mode 100644 index 0000000..faf1d23 --- /dev/null +++ b/docs/_build/tutorial.html @@ -0,0 +1,993 @@ + + + + + + + + + + + Tutorial — GRouNdGAN 1.0 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + +
    + +
    + + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + + +
    + +
    +
    + +
    +
    + +
    + +
    + +
    + + +
    + +
    + +
    + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + +
    + +
    +
    + + + + + + + + +
    + +
    +

    Tutorial#

    +
    +

    CLI#

    +

    GRouNdGAN comes with a command-line interface. This section outlines available commands and arguments.

    +

    To use the CLI, run the src/main.py script with the desired command and any applicable options.

    +
    +

    Important

    +

    Use python3.9 instead of python if you’re running through docker or singularity.

    +
    +
    $ python src/main.py --help
    +usage: GRouNdGAN [-h] --config CONFIG [--preprocess] [--create_grn] [--train] [--generate]
    +
    +GRouNdGAN is a gene regulatory network (GRN)-guided causal implicit generative model for
    +simulating single-cell RNA-seq data, in-silico perturbation experiments, and benchmarking GRN
    +inference methods. This programs also contains cWGAN and unofficial implementations of scGAN and
    +cscGAN (with projection conditioning)
    +
    +required arguments:
    +--config CONFIG  Path to the configuration file
    +
    +optional arguments:
    +--preprocess     Preprocess raw data for GAN training
    +--create_grn     Infer a GRN from preprocessed data using GRNBoost2
    +                 and appropriately format as causal graph
    +--train          Start or resume model training
    +--generate       Simulate single-cells RNA-seq data in-silico
    +
    +
    +

    There are essentially four commands available: --preprocess, --create_grn, --train, and --generate. You must provide a config file containing inputs and hyperparameters with each command through the --config flag.

    +
    +

    Note

    +

    You can run commands individually:

    +
    python src/main.py --config configs/causal_gan.cfg --preprocess
    +
    +
    +

    Or chain them together to run all or multiple steps in one go:

    +
    python src/main.py --config configs/causal_gan.cfg --preprocess --create_grn --train --generate
    +
    +
    +
    +
    +
    +

    Config Files#

    +

    GRouNdGAN uses a configuration syntax similar to INI implemented by python’s configparser module.

    +

    We provide three sample config files in the configs/ directory:

    +
      +
    • causal_gan.cfg: for GRouNdGAN

    • +
    • conditional_gan.cfg: for cscGAN with projection conditioning (Marouf et al., 2020) and cWGAN.

    • +
    • gan.cfg: for scGAN (Marouf et al., 2020) (we use this to train GRouNdGAN’s causal controller)

    • +
    +

    Most of the configuration file consists of hyperparameters. You only need to modify input and output parameters which we will go through in each section. GRouNdGAN isn’t very sensitive to hyperparameters. However, it is still advisable to test different choices of hyperparameters using a validation set.

    +

    Below is the demo causal_gan.cfg config file for training GRouNdGAN using the PBMC68k dataset:

    +
    [EXPERIMENT]
    +output directory = results/GRouNdGAN
    +device = cuda ; we will let the program choose what is available
    +checkpoint  ; set value to use a trained model
    +
    +[Preprocessing]
    +10x = True
    +raw = data/raw/PBMC/
    +validation set size = 1000
    +test set size = 1000
    +annotations = data/raw/PBMC/barcodes_annotations.tsv
    +min cells = 3 ; genes expressed in less than 3 cells are discarded
    +min genes = 10 ; cells with less than 10 genes expressed are discarded
    +library size = 20000 ; library size used for library-size normalization
    +louvain res = 0.15 ; Louvain clustering resolution (higher resolution means finding more and smaller clusters)
    +highly variable number = 1000 ; number of highly variable genes to identify
    +
    +[GRN Preparation]
    +TFs = data/raw/Homo_sapiens_TF.csv
    +k = 15 ; k is the number of top most important TFs per gene to include in the GRN
    +Inferred GRN = data/processed/PBMC/inferred_grnboost2.csv
    +
    +[Data]
    +train = data/processed/PBMC/PBMC68k_train.h5ad
    +validation = data/processed/PBMC/PBMC68k_validation.h5ad
    +test = data/processed/PBMC/PBMC68k_test.h5ad
    +number of genes = 1000
    +causal graph = data/processed/PBMC/causal_graph.pkl
    +
    +[Generation]
    +number of cells to generate = 10000
    +
    +[Model]
    +type = causal GAN
    +noise per gene = 1
    +depth per gene = 3
    +width per gene = 2
    +critic layers = 1024 512 256
    +labeler layers = 2000 2000 2000
    +latent dim = 128 ; noise vector dimensions
    +library size = 20000 ; UMI count
    +lambda = 10 ; regularization hyper-parameter for gradient penalty
    +
    +
    +[Training]
    +batch size = 1024
    +critic iterations = 5 ; iterations to train the critic for each iteration of the generator
    +maximum steps = 1000000
    +labeler and antilabeler training intervals = 1
    +
    +    [Optimizer]
    +    ; coefficients used for computing running averages of gradient and its square
    +    beta1 = 0.5
    +    beta2 = 0.9
    +
    +    [Learning Rate]
    +    generator initial = 0.001
    +    generator final = 0.0001
    +    critic initial = 0.001
    +    critic final = 0.001
    +    labeler = 0.0001
    +    antilabeler = 0.0001
    +
    +
    +    [Logging]
    +    summary frequency = 10000
    +    plot frequency = 10000
    +    save frequency = 100000
    +
    +[CC Model]
    +type = GAN ; Non-conditional single-cell RNA-seq GAN
    +generator layers = 256 512 1024
    +critic layers = 1024 512 256
    +latent dim = 128 ; noise vector dimensions
    +library size = 20000 ; UMI count (hardcoded to None in the code)
    +lambda = 10 ; regularization hyper-parameter for gradient penalty
    +
    +
    +[CC Training]
    +batch size = 128
    +critic iterations = 5 ; iterations to train the critic for each iteration of the generator
    +maximum steps = 200000
    +
    +    [CC Optimizer]
    +    ; coefficients used for computing running averages of gradient and its square
    +    beta1 = 0.5
    +    beta2 = 0.9
    +
    +    [CC Learning Rate]
    +    generator initial = 0.0001
    +    generator final = 0.00001
    +    critic initial = 0.0001
    +    critic final = 0.00001
    +
    +    [CC Logging]
    +    summary frequency = 10000
    +    plot frequency = 10000
    +    save frequency = 100000
    +
    +
    +
    +
    +

    Project outline#

    +

    GRouNdGAN is structured as follows:

    +
    .
    +|-- .git
    +|-- .gitattributes
    +|-- .github
    +|   `-- workflows
    +|       |-- docker-build.yml
    +|       `-- documentation.yaml
    +|-- .gitignore
    +|-- .gitmodules
    +|-- Atkinson_Hyperlegible
    +|-- Beeline
    +|-- LICENSE
    +|-- README.md
    +|-- configs
    +|   |-- causal_gan.cfg
    +|   |-- conditional_gan.cfg
    +|   `-- gan.cfg
    +|-- data
    +|   |-- generated
    +|   |-- interim
    +|   |-- processed
    +|   |   |-- BoneMarrow
    +|   |   `-- PBMC
    +|   `-- raw
    +|       |-- BoneMarrow
    +|       |-- Homo_sapiens_TF.csv
    +|       |-- Mus_musculus_TF.csv
    +|       `-- PBMC
    +|-- docker
    +|   `-- Dockerfile
    +|-- docs
    +|-- notebooks
    +|-- requirements.txt
    +|-- requirements_computecanada.txt
    +|-- results
    +|-- scDesign2
    +|-- scGAN
    +|-- scripts
    +|   |-- monitor.sh
    +|   `-- train.sh
    +|-- sparsim
    +`-- src
    +
    +
    +
    +
    +

    Demo Datasets#

    +

    The provided docker image comes prepackaged with the unprocessed Mouse BoneMarrow (Paul et al., 2015) and Human PBMC68k (Zheng et al., 2017) datasets (data/raw/PBMC and data/raw/BoneMarrow) and human and mouse TFs, downloaded from AnimalTFDB (data/raw/Homo_sapiens_TF.csv and data/raw/Mus_musculus_TF.csv).

    +
    +

    Note

    +

    If you have opted for a local installation, you can download these files from here and place them in data/raw/.

    +

    If that’s too hard, this will do it in bash (you need curl and tar installed):

    +
    curl https://nextcloud.computecanada.ca/index.php/s/WqrCqkH5zjYYMw9/download --output demo_data.tar &&
    +tar -xvf demo_data.tar -C data/raw/ &&
    +mv data/raw/demo/* data/raw &&
    +rm demo_data.tar &&
    +rm -rf data/raw/demo/
    +
    +
    +
    +
    +
    +

    Steps#

    +
    +

    Preprocessing#

    +
    +

    Attention

    +

    Don’t skip the preprocessing step, GRouNdGAN requires library-size normalized data as input.

    +
    +

    To run our preprocessing pipeline, your config file should contain the following arguments:

    +
    [EXPERIMENT]
    +
    +    [Preprocessing]
    +    ; set True if data is 10x (like PBMC)
    +    ; set False if you're providing an .h5ad file (like BoneMarrow.h5ad)
    +    10x = True
    +
    +    ; If 10x = True, path to the directory containing matrix.mtx, genes.tsv, and barcodes.tsv
    +    ; If 10x = False, path to the .h5ad file containing the expression matrix
    +    raw = data/raw/PBMC/
    +
    +    validation set size = 1000 ; size of the validation set to create
    +    test set size = 1000 ; size of the test set to create
    +    annotations = data/raw/PBMC/barcodes_annotations.tsv ; optional, leave empty if you don't have annotations
    +    min cells = 3 ; genes expressed in less than 3 cells are discarded
    +    min genes = 10 ; cells with less than 10 genes expressed are discarded
    +    library size = 20000 ; library size used for library-size normalization
    +    louvain res = 0.15 ; Louvain clustering resolution (higher resolution means finding more and smaller clusters)
    +    highly variable number = 1000 ; number of highly variable genes to identify
    +
    +    [Data]
    +    train = data/processed/PBMC/PBMC68k_train.h5ad ; path to output the train set
    +    validation = data/processed/PBMC/PBMC68k_validation.h5ad ; path to output the validation set
    +    test = data/processed/PBMC/PBMC68k_test.h5ad ; path to output the test set
    +
    +
    +

    Then, run the following:

    +
    $ python src/main.py --config configs/causal_gan.cfg --preprocess
    +
    +
    +

    Once completed, you will see a success message. Train, validation, and test sets should be created in the paths defined under the [Data] section of the config file.

    +
    +
    +

    GRN Creation#

    +
    +

    Note

    +

    GRN creation isn’t needed for scGAN, cscGAN, and cWGAN; you can skip the --create_grn command.

    +
    +

    This command uses GRNBoost2 (Moerman et al., 2018) to infer a GRN on the preprocessed train set. It then converts it into the a format that GRouNdGAN accepts.

    +

    In addition to what was required in the previous step, you need to provide the following arguments:

    +
    [GRN Preparation]
    +TFs = data/raw/Homo_sapiens_TF.csv ; Path to file containing TFs (accepts AnimalTFDB csv formats)
    +k = 15 ; k is the number of top most important TFs per gene to include in the GRN
    +Inferred GRN = data/processed/PBMC/inferred_grnboost2.csv ; where to write GRNBoost2's output
    +
    +[Data]
    +causal graph = data/processed/PBMC/causal_graph.pkl ; where to write the created GRN
    +
    +
    +

    Run using:

    +
    $ python src/main.py --config configs/causal_gan.cfg --create_grn
    +
    +
    +

    Once done, you will see the properties of the created GRN.

    +
    Using 63 TFs for GRN inference.
    +preparing dask client
    +parsing input
    +creating dask graph
    +4 partitions
    +computing dask graph
    +shutting down client and local cluster
    +finished
    +
    +Causal Graph
    +-----------------  ------------
    +TFs                          63
    +Targets                     937
    +Genes                      1000
    +Possible Edges            59031
    +Imposed Edges             14055
    +GRN density Edges      0.238095
    +-----------------  ------------
    +
    +
    +

    The causal graph will be written to the path specified by [Data]/causal graph in the config file.

    +
    +

    Imposing Custom GRNs#

    +

    It is possible to instead impose your own GRN onto GRouNdGAN. If you’re opting for this option, skip the --create_grn command. Instead, create a python dictionary where keys are gene indices (int). For each key (gene index), the value is the set of indices set[int] coresponding to TFs that regulate the gene.

    +_images/sampleGRN.svg

    The GRN in the picture above can be written in dictionary form as:

    +
    causal_graph = {
    +    "G2": {"TF2", "TFn"},
    +    "G1": {"TF1"},
    +    "Gn": {"TF2", "TF1"},
    +    "G3": {"TFn", "TF1"}
    +}
    +
    +
    +

    Converting the key/value pairs into gene/TF indices, it becomes

    +
    causal_graph = {
    +    1: {4, 5},
    +    3: {0},
    +    6: {4, 0},
    +    2: {5, 0}
    +}
    +
    +
    +

    Then, pickle the dictionary:

    +
    import pickle
    +
    +with open("path/to/write/causal_graph.pkl", "wb") as fp:
    +    pickle.dump(causal_graph, fp, protocol=pickle.HIGHEST_PROTOCOL)
    +
    +
    +

    Don’t forget to edit the causal graph path in the config file.

    +
    [Data]
    +causal graph = path/to/write/causal_graph.pkl
    +
    +
    +
      +
    • The GRN must be a directed bipartite graph

    • +
    • All genes and TFs in the dataset must appear in the dictionary either as key (target gene) or value (as part of the set of TFs)

    • +
    +
    +

    Warning

    +

    Construct a biologically meaningful GRN!

    +

    Imposing a GRN with significantly different TF-gene relationships from those observable in the reference dataset will deteriorate the quality of simulated cells as generating realistic simulated datapoints and imposing the GRN will act as contradictory tasks

    +
    +
    +
    +
    +

    Training#

    +

    You can start training the model using the following command:

    +
    $ python src/main.py --config configs/causal_gan.cfg --train
    +
    +
    +

    Upon running the command above, three folders will be created inside the path provided in the config file ([EXPERIMENT]/output directory) and the config file will be copied over:

    +
      +
    • checkpoints/: Containing the .pth state dictionary including model’s weights, biases, etc.

    • +
    • TensorBoard/: Containing TensorBoard logs

    • +
    • TSNE/: Containing t-SNE plots of real vs simulated cells

    • +
    +

    You can change the save, logging, and plotting frequency (default every 10000 steps) in the config file.

    +

    Monitor training using TensorBoard:

    +
    tensorboard --logdir="{GAN OUTPUT DIR HERE}/TensorBoard" --host 0.0.0.0 --load_fast false &
    +
    +
    +

    We also provide two slurm submission scripts for training and monitoring in scripts/.

    +
    +

    Note

    +
      +
    • Training time primarily depends on the number of genes and the density of the imposed GRN. It takes about five days with a very dense GRN (~20% density) containing 1000 genes on a single NVidia V100SXM2 (16G memory) GPU.

    • +
    • GRouNdGAN supports multi-GPU training, but we suggest sticking to a single GPU to avoid excess overhead.

    • +
    • GRouNdGAN trains for a million steps by default. It is not recommended to change this in the config file.

    • +
    • You can resume training from a checkpoint by setting [EXPERIMENT]/checkpoint in the config file to the .pth checkpoint you wish to use.

    • +
    +
    +
    +
    +

    In-silico Single-Cell Simulation#

    +

    One training is done, populate the [EXPERIMENT]/checkpoint field with the path of the .pth checkpoint you want to use in the config file (usually the latest).

    +

    You can change the number of cells to simulate in the config file (10000 by default)

    +
    [Generation]
    +number of cells to generate = 10000
    +
    +
    +

    Then run

    +
    $ python src/main.py --config path/to/config_file --generate
    +
    +
    +

    This will output a simulated.h5ad file to [EXPERIMENT]/output directory containing the simulated expression matrix.

    +
    +
    +
    +

    References#

    +

    Marouf, M., Machart, P., Bansal, V., Kilian, C., Magruder, D. S., Krebs, C., & Bonn, S. (2020). Realistic in silico generation and augmentation of single-cell RNA-seq data using generative adversarial networks. Nature Communications, 11(1). https://doi.org/10.1038/s41467-019-14018-z

    +

    Paul, F., Arkin, Y., Giladi, A., Jaitin, D. A., Kenigsberg, E., Keren-Shaul, H., Winter, D. R., Lara-Astiaso, D., Gury, M., Weiner, A., David, E., Cohen, N., Lauridsen, F. K. B., Haas, S., Schlitzer, A., Mildner, A., Ginhoux, F., Jung, S., Trumpp, A., … Tanay, A. (2015). Transcriptional heterogeneity and lineage commitment in myeloid progenitors. Cell, 163(7), 1663–1677. https://doi.org/10.1016/j.cell.2015.11.013

    +

    Zheng, G., Terry, J. M., Belgrader, P., Ryvkin, P., Bent, Z., Wilson, R. J., Ziraldo, S. B., Wheeler, T. D., McDermott, G. P., Zhu, J., Gregory, M., Shuga, J., Montesclaros, L., Underwood, J. G., Masquelier, D. A., Nishimura, S. Y., Schnall-Levin, M., Wyatt, P., Hindson, C. M., … Bielas, J. H. (2017). Massively parallel digital transcriptional profiling of single cells. Nature Communications, 8(1). https://doi.org/10.1038/ncomms14049

    +

    Moerman, T., Aibar, S., González-Blas, C. B., Simm, J., Moreau, Y., Aerts, J., & Aerts, S. (2018). GRNBoost2 and Arboreto: efficient and scalable inference of gene regulatory networks. Bioinformatics, 35(12), 2159–2161. https://doi.org/10.1093/bioinformatics/bty916

    +
    +
    + + +
    + + + + + + + + +
    + + + + + + +
    +
    + + +
    + + +
    +
    +
    + + + + + + + + \ No newline at end of file diff --git a/docs/conf.py b/docs/conf.py index 70dc2cc..9b5d246 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -9,7 +9,7 @@ import os import sys -sys.path.insert(0, os.path.abspath("../src")) +sys.path.insert(0, os.path.abspath('../src')) project = "GRouNdGAN" copyright = (