diff --git a/.github/workflows/main.yml b/.github/workflows/main.yml index b37128fc..171c5b37 100644 --- a/.github/workflows/main.yml +++ b/.github/workflows/main.yml @@ -34,7 +34,7 @@ jobs: steps: - - uses: actions/checkout@v2 + - uses: actions/checkout@v3 with: token: ${{ secrets.GITHUB_TOKEN }} @@ -48,7 +48,7 @@ jobs: - name: install dependencies uses: r-lib/actions/setup-r-dependencies@v2 with: - cache-version: 1 + cache-version: 2 extra-packages: | any::reticulate any::rcmdcheck @@ -63,6 +63,14 @@ jobs: extSoftVersion()["BLAS"] shell: Rscript {0} + - if: matrix.os == 'ubuntu-latest' + run: | + sudo apt-get install python3-venv + pip install --upgrade pip + python3 -m venv env + source env/bin/activate + echo "VIRTUAL ENV:" $VIRTUAL_ENV + - name: Install reticulate run: | library("reticulate") diff --git a/DESCRIPTION b/DESCRIPTION index aee01961..636e0c37 100644 --- a/DESCRIPTION +++ b/DESCRIPTION @@ -1,8 +1,8 @@ Package: netZooR Type: Package Title: Unified methods for the inference and analysis of gene regulatory networks -Version: 1.4.0 -Date: 2023-06-03 +Version: 1.5.4 +Date: 2023-09-25 Authors@R: c(person("Marouen", "Ben Guebila", email = "benguebila@hsph.harvard.edu", role = c("aut","cre"), comment = c(ORCID = "0000-0001-5934-966X")), person("Tian", "Wang", @@ -24,11 +24,13 @@ Description: netZooR unifies the implementations of several Network Zoo methods Depends: R (>= 4.2.0), igraph, reticulate, - pandaR, yarn, + pandaR, matrixcalc Remotes: - stan-dev/cmdstanr + stan-dev/cmdstanr, + jnpaulson/pandaR, + cytoscape/RCy3 biocViews: NetworkInference, Network, @@ -37,8 +39,8 @@ biocViews: Transcription, Microarray, GraphAndNetwork -Imports: - RCy3, +Imports: + RCy3, viridisLite, STRINGdb, Biobase, @@ -69,9 +71,11 @@ Imports: methods, dplyr, graphics, - cmdstanr, + cmdstanr, GeneNet, - loo + loo, + rARPACK, + corpcor License: GPL-3 Encoding: UTF-8 LazyData: false diff --git a/NAMESPACE b/NAMESPACE index 851d8dcc..2a9bd8c0 100644 --- a/NAMESPACE +++ b/NAMESPACE @@ -1,11 +1,11 @@ # Generated by roxygen2: do not edit by hand -export(TIGER) export(adj2el) export(adj2regulon) export(alpaca) export(alpacaCrane) export(alpacaExtractTopGenes) +export(cobra) export(condorCluster) export(condorCoreEnrich) export(condorMatrixModularity) @@ -41,12 +41,13 @@ export(pandaDiffEdges) export(pandaPy) export(pandaToAlpaca) export(pandaToCondorObject) -export(prior.pp) +export(priorPp) export(puma) export(runEgret) export(sambar) export(sourcePPI) export(spider) +export(tiger) export(visPandaInCytoscape) import(AnnotationDbi, except= select) diff --git a/R/COBRA.R b/R/COBRA.R new file mode 100644 index 00000000..d07eec8f --- /dev/null +++ b/R/COBRA.R @@ -0,0 +1,82 @@ +#' Run COBRA in R +#' +#' Description: +#' COBRA decomposes a (partial) gene co-expression matrix as a +#' linear combination of covariate-specific components. +#' It can be applied for batch correction, differential co-expression +#' analysis controlling for variables, and to understand the impact of +#' variables of interest to the observed co-expression. +#' +#' Inputs: +#' @param X : design matrix of size (n, q), n = number of samples, q = number of covariates +#' @param expressionData : gene expression as a matrix of size (g, n), g = number of genes +#' @param method : if pearson, the decomposition of the co-expression matrix is compouted. If pcorsh, COBRA decomposes the regularized partial co-expression +#' +#' Outputs: +#' @return psi : impact of each covariate on the eigenvalues as a matrix of size (q, n) +#' @return Q : eigenvectors corresponding to non-zero eigenvalues as a matrix of size (g, n) +#' @return D : non-zero eigenvalues as a list of length n +#' @return G : (standardized) gene expression as a matrix of size (g, n) +#' +#' @examples +#' +#' g <- 100 # number of genes +#' n <- 10 # number of samples +#' q <- 2 # number of covariates +#' X <- X <- cbind(rep(1, n), rbinom(n, 1, 0.5)) +#' expressionData=matrix(rnorm(g*n, 1, 1), ncol = n, nrow = g) +#' +#' # Run COBRA algorithm +#' cobra_output <- cobra(X, expressionData) +#' +#' @export + +cobra <- function(X, expressionData, method = "pearson"){ + + if(!(method %in% c("pearson", "pcorsh", "dragon"))){ + stop("Only Pearson and pcor methods are supported. Please make sure to provide a valid method argument.") + } + + numSamples <- ncol(expressionData) + if(method != "dragon"){ + N <- min(ncol(expressionData),nrow(expressionData)) + } + C <- 0 + if(method == "pearson"){ + G_star <- expressionData-rowMeans(expressionData) + expressionData <- (G_star/sqrt(rowSums(G_star^2))) + expressionData <- as.matrix(expressionData) + C <- tcrossprod(expressionData) + } + if(method == "dragon"){ + if(length(expressionData) != 2){ + stop("Dragon needs two layers, please provide a list of two matrices in expressionData or consider using the pcorsh argument") + } + if(dim(expressionData[[1]])[2] != dim(expressionData[[2]])[2]){ + stop("Dragon layers in expressionData list must have the same number of samples") + } + C <- dragon(t(expressionData[[1]]), layer2 = t(expressionData[[2]]), pval=FALSE)$cov + N <- dim(expressionData[[1]])[2] + numSamples <- N + expressionData <- rbind(expressionData[[1]], expressionData[[2]]) + print(dim(expressionData)) + } + if(method == "pcorsh"){ + C <- matrix(as.numeric(pcor.shrink(t(expressionData))), dim(expressionData)[1], dim(expressionData)[1]) + } + + eigenG <- rARPACK::eigs_sym(C,N) + + Q <- eigenG$vectors + D <- diag(eigenG$values) + + hatmat <- ginv(crossprod(X))%*%t(X) + Qinv <- ginv(Q) + QinvG <- Qinv%*%(expressionData) + + est <- t(sapply(seq_len(nrow(hatmat)), function(hatmatRow){ + diag(QinvG%*%(numSamples*diag(hatmat[hatmatRow,]))%*%t(QinvG)) + })) + + list(psi=est, Q=Q, D=eigenG$values, G=expressionData) +} diff --git a/R/PANDA.R b/R/PANDA.R index 96ec9472..1acc2b58 100644 --- a/R/PANDA.R +++ b/R/PANDA.R @@ -201,4 +201,3 @@ pandaPy <- function(expr_file, motif_file=NULL, ppi_file=NULL, computing="cpu", return(output) } - diff --git a/R/PUMA.R b/R/PUMA.R index 7dcc2a48..a30d4b99 100644 --- a/R/PUMA.R +++ b/R/PUMA.R @@ -422,5 +422,3 @@ prepResult <- function(zScale, output, regulatoryNetwork, geneCoreg, tfCoopNetwo pandaObj(regNet=regulatoryNetwork, coregNet=geneCoreg, coopNet=tfCoopNetwork, numGenes=numGenes, numTFs=numTFs, numEdges=numEdges) } -pandaObj <- setClass("panda", slots=c("regNet","coregNet","coopNet","numGenes","numTFs","numEdges")) -setMethod("show","panda",function(object){print.panda(object)}) diff --git a/R/SPIDER.R b/R/SPIDER.R index e593819e..5f0dad3d 100644 --- a/R/SPIDER.R +++ b/R/SPIDER.R @@ -423,7 +423,4 @@ prepResult <- function(zScale, output, regulatoryNetwork, geneCoreg, tfCoopNetwo resList$coopNet <- tfCoopNetwork } pandaObj(regNet=regulatoryNetwork, coregNet=geneCoreg, coopNet=tfCoopNetwork, numGenes=numGenes, numTFs=numTFs, numEdges=numEdges) -} - -pandaObj <- setClass("panda", slots=c("regNet","coregNet","coopNet","numGenes","numTFs","numEdges")) -setMethod("show","panda",function(object){print.panda(object)}) \ No newline at end of file +} \ No newline at end of file diff --git a/R/TIGER.R b/R/TIGER.R index db4398e5..bf9fef83 100644 --- a/R/TIGER.R +++ b/R/TIGER.R @@ -26,6 +26,7 @@ #' @param prior A prior regulatory network in adjacency matrix format. Rows are TFs #' and columns target genes. #' @param method Method used for Bayesian inference. "VB" or "MCMC". Defaults to "VB". +#' @param TFexpressed TF mRNA needs to be expressed or not. Defaults to TRUE. #' @param signed Prior network is signed or not. Defaults to TRUE. #' @param baseline Include baseline or not. Defaults to TRUE. #' @param psis_loo Use pareto smoothed importance sampling leave-one-out cross @@ -39,6 +40,7 @@ #' @param b_alpha Hyperparameter of edge weight W. Default = 1. #' @param sigmaZ Standard deviation of TF activity Z. Default = 10. #' @param sigmaB Standard deviation of baseline term. Default = 1. +#' @param tol Convergence tolerance on ELBO.. Default = 0.005. #' #' @return A TIGER list object. #' * W is the estimated regulatory network, but different from prior network, @@ -53,23 +55,36 @@ #' @examples #' data(TIGER_expr) #' data(TIGER_prior) -#' TIGER(TIGER_expr,TIGER_prior) -TIGER = function(expr,prior,method="VB", - signed=TRUE,baseline=TRUE,psis_loo = FALSE, - seed=123,out_path=NULL,out_size = 300, - a_sigma=1,b_sigma=1,a_alpha=1,b_alpha=1,sigmaZ=10,sigmaB=1){ +#' tiger(TIGER_expr,TIGER_prior) +tiger = function(expr,prior,method="VB",TFexpressed = TRUE, + signed=TRUE,baseline=TRUE,psis_loo = FALSE, + seed=123,out_path=NULL,out_size = 300, + a_sigma=1,b_sigma=1,a_alpha=1,b_alpha=1, + sigmaZ=10,sigmaB=1,tol = 0.005){ # check data sample.name = colnames(expr) - TF.name = intersect(rownames(prior),rownames(expr)) # TF needs to express - TG.name = intersect(rownames(expr),colnames(prior)) + if (TFexpressed){ + TF.name = sort(intersect(rownames(prior),rownames(expr))) # TF needs to express + }else{ + TF.name = sort(rownames(prior)) + } + TG.name = sort(intersect(rownames(expr),colnames(prior))) if (length(TG.name)==0 | length(TF.name)==0){ stop("No matched gene names in the two inputs...") } - + #0. prepare stan input if (signed){ - prior = prior.pp(prior[TF.name,TG.name],expr) - P = prior + prior2 = priorPp(prior[TF.name,TG.name],expr) + if (nrow(prior2)!=length(TF.name)){ + TFnotExp = setdiff(TF.name,rownames(prior2)) + TFnotExpEdge = prior[TFnotExp,colnames(prior2),drop=F] + TFnotExpEdge[TFnotExpEdge==1] = 1e-6 + prior2 = rbind(prior2,TFnotExpEdge) + prior2 = prior2[order(rownames(prior2)),] + prior2 = prior2[rowSums(prior2!=0)>0,] # remove all zero TFs + } + P = prior2 TF.name = rownames(P) TG.name = colnames(P) }else{ @@ -79,7 +94,6 @@ TIGER = function(expr,prior,method="VB", n_genes = dim(X)[1] n_samples = dim(X)[2] n_TFs = dim(P)[1] - P = as.vector(t(P)) ## row=TG, col=TF P_zero = as.array(which(P==0)) P_ones = as.array(which(P!=0)) @@ -95,7 +109,6 @@ TIGER = function(expr,prior,method="VB", sign = as.integer(signed) baseline = as.integer(baseline) psis_loo = as.integer(psis_loo) - data_to_model = list(n_genes = n_genes, n_samples = n_samples, n_TFs = n_TFs,X = as.matrix(X), P = P, P_zero = P_zero, P_ones = P_ones,P_negs = P_negs, P_poss = P_poss, P_blur = P_blur, n_zero = n_zero,n_ones = n_ones,n_negs = n_negs, n_poss = n_poss, n_blur = n_blur, @@ -107,46 +120,69 @@ TIGER = function(expr,prior,method="VB", f = cmdstanr::write_stan_file(TIGER_C) # save to .stan file in root folder #mod = cmdstanr::cmdstan_model(f,cpp_options = list(stan_threads = TRUE)) # compile stan program, allow within-chain parallel mod = cmdstanr::cmdstan_model(f) - + #2. run VB or MCMC if (method=="VB"){ fit <- mod$variational(data = data_to_model, algorithm = "meanfield",seed = seed, - iter = 50000, tol_rel_obj = 0.005,output_samples = out_size) + iter = 50000, tol_rel_obj = tol,output_samples = out_size) }else if (method=="MCMC"){ fit <- mod$sample(data = data_to_model,chains=1,seed = seed,max_treedepth=10, iter_warmup = 1000,iter_sampling=out_size,adapt_delta=0.99) } - + ## optional: save stan object if (!is.null(out_path)){ fit$save_object(paste0(out_path,"fit_",seed,".rds")) + fit$save_output_files(out_path) } - + #3. posterior distributions - - ## point summary of W - W_sample = fit$draws("W",format = "draws_matrix") ## matrix, each row is a sample of vectorized matrix - one_ind = which(colSums(W_sample==0)0,] A_ij = A_ij[,colSums(A_ij!=0)>0] - return(A_ij) } @@ -309,7 +344,7 @@ prior.pp = function(prior,expr){ # stan model, conditional likelihood TIGER_C <- -' + ' data { int n_genes; // Number of genes int n_samples; // Number of samples @@ -358,35 +393,42 @@ parameters { } transformed parameters { - matrix[n_genes, n_TFs] W; // Regulatory netwrok W - vector[n_all] W_vec; // Regulatory vector W_vec + vector[sign ? n_negs : 0] W_negs; + vector[sign ? n_poss : 0] W_poss; + vector[sign ? n_blur : 0] W_blur; + vector[sign ? 0 : n_ones] W_ones; - W_vec[P_zero]=rep_vector(0,n_zero); if (sign) { - vector[n_negs] W_negs = beta3.*sqrt(alpha3); // Regulatory network negative edge weight - vector[n_poss] W_poss = beta2.*sqrt(alpha2); // Regulatory network positive edge weight - vector[n_blur] W_blur = beta0.*sqrt(alpha0); // Regulatory network blurred edge weight + W_negs = beta3.*sqrt(alpha3); // Regulatory network negative edge weight + W_poss = beta2.*sqrt(alpha2); // Regulatory network positive edge weight + W_blur = beta0.*sqrt(alpha0); // Regulatory network blurred edge weight + + }else{ + W_ones = beta1.*sqrt(alpha1); // Regulatory network non-zero edge weight + + } +} + +model { + // local parameters + vector[n_all] W_vec; // Regulatory vector W_vec + W_vec[P_zero]=rep_vector(0,n_zero); + if (sign){ W_vec[P_negs]=W_negs; W_vec[P_poss]=W_poss; W_vec[P_blur]=W_blur; }else{ - vector[n_ones] W_ones = beta1.*sqrt(alpha1); // Regulatory network non-zero edge weight W_vec[P_ones]=W_ones; } - W = to_matrix(W_vec,n_genes,n_TFs); // by column - - matrix[n_genes,n_samples] mu = W*Z; // mu for gene expression X + matrix[n_genes, n_TFs] W=to_matrix(W_vec,n_genes,n_TFs); // by column + matrix[n_genes,n_samples] mu=W*Z; // mu for gene expression X if (baseline){ - matrix[n_genes,n_samples] mu0; // baseline - mu0 = rep_matrix(b0,n_samples); - mu = mu + mu0; + matrix[n_genes,n_samples] mu0=rep_matrix(b0,n_samples); + mu=mu + mu0; } - vector[n_genes*n_samples] X_mu = to_vector(mu); vector[n_genes*n_samples] X_sigma = to_vector(rep_matrix(sqrt(sigma2),n_samples)); -} -model { // priors sigma2 ~ inv_gamma(a_sigma,b_sigma); @@ -417,10 +459,28 @@ model { } - generated quantities { - vector[n_genes*n_samples] log_lik; + vector[psis_loo ? n_genes*n_samples : 0] log_lik; if (psis_loo){ + // redefine X_mu, X_sigma; this is ugly because X_mu, X_sigma are temp variables + vector[n_all] W_vec; // Regulatory vector W_vec + W_vec[P_zero]=rep_vector(0,n_zero); + if (sign){ + W_vec[P_negs]=W_negs; + W_vec[P_poss]=W_poss; + W_vec[P_blur]=W_blur; + }else{ + W_vec[P_ones]=W_ones; + } + matrix[n_genes, n_TFs] W=to_matrix(W_vec,n_genes,n_TFs); // by column + matrix[n_genes,n_samples] mu=W*Z; // mu for gene expression X + if (baseline){ + matrix[n_genes,n_samples] mu0=rep_matrix(b0,n_samples); + mu=mu + mu0; + } + vector[n_genes*n_samples] X_mu = to_vector(mu); + vector[n_genes*n_samples] X_sigma = to_vector(rep_matrix(sqrt(sigma2),n_samples)); + // leave one element out for (i in 1:n_genes*n_samples){ log_lik[i] = normal_lpdf(X_vec[i]|X_mu[i],X_sigma[i]); diff --git a/README.md b/README.md index 1256d1d8..2b7dec09 100644 --- a/README.md +++ b/README.md @@ -81,7 +81,7 @@ netZooR currently integrates:
DRAGON -DRAGON (Determining Regulatory Associations using Graphical models on Omics Networks) Shutta et al. is a method for estimating multiomic Gaussian graphical models (GGMs, also known as partial correlation networks) that incorporate two different omics data types. DRAGON builds off of the popular covariance shrinkage method of Ledoit and Wolf with an optimization approach that explicitly accounts for the differences in two separate omics "layers" in the shrinkage estimator. The resulting sparse covariance matrix is then inverted to obtain a precision matrix estimate and a corresponding GGM. Although GGMs assume normally distributed data, DRAGON can be used on any type of continuous data by transforming data to approximate normality prior to network estimation. Currently, DRAGON can be applied to estimate networks with two different types of omics data. Investigators interested in applying DRAGON to more than two types of omics data can consider estimating pairwise networks and "chaining" them together. +DRAGON (Determining Regulatory Associations using Graphical models on Omics Networks) Shutta, Weighill et al. is a method for estimating multiomic Gaussian graphical models (GGMs, also known as partial correlation networks) that incorporate two different omics data types. DRAGON builds off of the popular covariance shrinkage method of Ledoit and Wolf with an optimization approach that explicitly accounts for the differences in two separate omics "layers" in the shrinkage estimator. The resulting sparse covariance matrix is then inverted to obtain a precision matrix estimate and a corresponding GGM. Although GGMs assume normally distributed data, DRAGON can be used on any type of continuous data by transforming data to approximate normality prior to network estimation. Currently, DRAGON can be applied to estimate networks with two different types of omics data. Investigators interested in applying DRAGON to more than two types of omics data can consider estimating pairwise networks and "chaining" them together.
@@ -89,6 +89,11 @@ netZooR currently integrates: TIGER (Transcription Inference using Gene Expression and Regulatory Data) Chen et al. is a Bayesian matrix factorization framework that combines prior TF binding knowledge, such as from the DoRothEA database, with gene expression data from experiments. It estimates individual-level TF activities (TFA) and context-specific gene regulatory networks (GRN). Unlike other methods, TIGER can flexibly model activation and inhibition events, prioritize essential edges, shrink irrelevant edges towards zero using a sparse Bayesian prior, and simultaneously estimate TF activity levels and the underlying regulatory network. It is important to note that TIGER works most appropriately with large sample size datasets like TCGA to include a wide range of TFs due to its lower rank constraint.
+
+COBRA +COBRA (Co-expression Batch Reduction Adjustment) Micheletti, Schlauch et al. is method for correction of high-order batch effects such as those that persist in co-expression networks. Batch effects and other covariates are known to induce spurious associations in co-expression networks and confound differential gene expression analyses. These effects are corrected for using various methods prior to downstream analyses such as the inference of co-expression networks and computing differences between them. In differential co-expression analysis, the pairwise joint distribution of genes is considered rather than independently analyzing the distribution of expression levels for each individual gene. Computing co-expression matrices after standard batch correction on gene expression data is not sufficient to account for the possibility of batch-induced changes in the correlation between genes as existing batch correction methods act solely on the marginal distribution of each gene. Consequently, uncorrected, artifactual differential co-expression can skew the correlation structure such that network-based methods that use gene co-expression can produce false, nonbiological associations even using data corrected using standard batch correction. Co-expression Batch Reduction Adjustment (COBRA) addresses this question by computing a batch-corrected gene co-expression matrix based on estimating a conditional covariance matrix. COBRA estimates a reduced set of parameters that express the co-expression matrix as a function of the sample covariates and can be used to control for continuous and categorical covariates. The method is computationally fast and makes use of the inherently modular structure of genomic data to estimate accurate gene regulatory associations and enable functional analysis for high-dimensional genomic data. +
+ * Source protein-protein interaction network from [STRINGdb](https://string-db.org/) based on a list of protein of interest. * Plot one PANDA network in [Cytoscape](https://cytoscape.org/). @@ -156,7 +161,7 @@ For more details please refer to the [documentation website](https://netzoo.gith netZooR is also available through [Bioconda](https://bioconda.github.io/recipes/bioconductor-netzoor/README.html#package-bioconductor-netzoor) ```bash -conda install bioconductor-netzoor +conda install -c bioconda bioconductor-netzoor ``` ### Python binding diff --git a/_pkgdown.yml b/_pkgdown.yml index b4935e93..efc4ce33 100644 --- a/_pkgdown.yml +++ b/_pkgdown.yml @@ -1,61 +1,140 @@ +template: + bootstrap: 5 destination: docs reference: - title: Main functions desc: main functions to run each algorithm contents: - - panda.py - - create.condor.object - - panda.to.condor.object - - lioness.py + - pandaPy + - createCondorObject - lioness - alpaca - - panda.to.alpaca - sambar - monster - otter -- title: Plot functions - desc: function to plot the networks and community structures. + - cobra + - puma + - spider + - tiger + - runEgret + - dragon + - craneBipartite + +- title: PANDA + desc: All functions of PANDA contents: - - create.panda.style - - create.diff.panda.style - - condor.plot.communities - - condor.plot.heatmap - - starts_with("vis.") -- title: PANDA - desc: All function of PANDA - contents: - - panda.py - - panda.to.condor.object - - panda.to.alpaca - - panda.diff.edges - - create.panda.style - - vis.panda.in.cytoscape - - create.panda.style - - vis.diff.panda.in.cytoscape - - create.diff.panda.style + - pandaPy + - pandaToCondorObject + - pandaToAlpaca + - pandaDiffEdges + - visPandaInCytoscape + - createPandaStyle + - title: CONDOR - desc: All fucntions of CONDOR - contents: + desc: All functions of CONDOR + contents: + - createCondorObject - starts_with("condor") - - create.condor.object -- title: LIONESS + + +- title: LIONESS desc: All functions of LIONESS - contents: - - lioness.py + contents: + - lionessPy - lioness + - title: ALPACA desc: All functions of ALPACA contents: - starts_with("alpaca") -- title: SAMBAR + +- title: SAMBAR desc: All functions of SAMBAR contents: - starts_with("sambar") + - title: MONSTER desc: All functions of MONSTER contents: - starts_with("monster") + - title: OTTER - desc: All functions of OTTER + desc: OTTER functions + contents: + - otter + +- title : TIGER + desc: TIGER functions + contents: + - tiger + - TIGER_expr + - TIGER_prior + - adj2regulon + - priorPp + +- title : COBRA + desc: COBRA functions + contents: + - cobra + +- title: CRANE + desc: CRANE functions + contents: + - craneBipartite + - craneUnipartite + - elistToAdjMat + - elistSort + - elistRemoveTags + - elistSort + - isElist + - adjMatToElist + - el2adj + - el2regulon + - elistIsEdgeOrderEqual + - elistAddTags + - adj2el + - jutterDegree + +- title: DRAGON + desc: DRAGON functions + contents: + - dragon + +- title: SPIDER + desc: SPIDER functions + contents: + - spider + - degreeAdjust + +- title: PUMA + desc: PUMA functions + contents: + - puma + +- title: EGRET + desc: EGRET functions + contents: + - runEgret + +- title: Plotting functions + desc: function to plot the networks and community structures. + contents: + - createPandaStyle + - condorPlotCommunities + - condorPlotHeatmap + +- title: Helper functions + desc: miscellaneous function + contents: + - sourcePPI + - pandaToCondorObject + - pandaToAlpaca + +- title: Data + desc: Input example data files contents: - - starts_with("otter") + - yeast + - small1976 + - mut.ucec + - exon.size + - genes diff --git a/docs/404.html b/docs/404.html index 8ddfd96c..2357cfd3 100644 --- a/docs/404.html +++ b/docs/404.html @@ -1,193 +1,107 @@ - - - - + + + + - - + Page not found (404) • netZooR - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + + - - - - - - -
-
-
+
+ + +
-
- - - - +
- -
- +
+
+ - - diff --git a/docs/CONDUCT.html b/docs/CONDUCT.html index eb45d5a2..cdc3873f 100644 --- a/docs/CONDUCT.html +++ b/docs/CONDUCT.html @@ -1,161 +1,64 @@ - - - - - - - -NA • netZooR - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - +NA • netZooR + Skip to contents + +
-
- +
- +
- - -
-
-
+
+ - - - + diff --git a/docs/LICENSE-text.html b/docs/LICENSE-text.html index 8fb6c2ed..8a34bb01 100644 --- a/docs/LICENSE-text.html +++ b/docs/LICENSE-text.html @@ -1,161 +1,64 @@ - - - - - - - -License • netZooR - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - +License • netZooR + Skip to contents + +
-
- - - - -
- +
-
- +
+ - - - + diff --git a/docs/articles/ALPACA.html b/docs/articles/ALPACA.html index 684cdfad..9a0a9143 100644 --- a/docs/articles/ALPACA.html +++ b/docs/articles/ALPACA.html @@ -4,208 +4,183 @@ - + + Detecting differential modules using ALPACA • netZooR - - - + + + - - + - -
-
-
- +

This vignettes can be accessed in R by using below line. when +netZoooR was installed with arguments “build_vignettes = +TRUE”.

-vignette("ALPACA",package="netZooR")
-

We will show how ALPACA can find changes in modular structure between two simulated networks. The networks both have 20 regulator nodes and 80 target nodes. The baseline network consists of two groups that are strongly connected to each other, whereas the perturbed network has weaker connections between the two groups. The two groups consist of nodes {A1-A10,B1-B40} and {A11-A20,B41-B80}. Contrasting the two networks using ALPACA identifies these two groups as being the modules that best characterize the perturbation.

-

These simulated networks is available in our public AWS S3 bucket. Change the preferred working directory to store the Example_2comm.txt file, otherwise the store directory is current working directory.

+vignette("ALPACA",package="netZooR")
+

We will show how ALPACA can find changes in modular structure between +two simulated networks. The networks both have 20 regulator nodes and 80 +target nodes. The baseline network consists of two groups that are +strongly connected to each other, whereas the perturbed network has +weaker connections between the two groups. The two groups consist of +nodes {A1-A10,B1-B40} and {A11-A20,B41-B80}. Contrasting the two +networks using ALPACA identifies these two groups as being the modules +that best characterize the perturbation.

+

These simulated networks is available in our public AWS S3 bucket. +Change the preferred working directory to store the Example_2comm.txt +file, otherwise the store directory is current working directory.

-system("curl -O  https://netzoo.s3.us-east-2.amazonaws.com/netZooR/tutorial_datasets/Example_2comm.txt")
-simp.mat <- read.table("./Example_2comm.txt",header=TRUE) 
+system("curl -O https://netzoo.s3.us-east-2.amazonaws.com/netZooR/tutorial_datasets/Example_2comm.txt") +simp.mat <- read.table("./Example_2comm.txt",header=TRUE)
-simp.alp <- alpaca(simp.mat,NULL,verbose=FALSE)
-
## [1] "Detecting communities in control network..."
-## [1] "modularity of projected graph 3.88578058618802e-16"
-## [1] "Q = 0.0263157894736842"
-## [1] "Q = 0.0263157894736842"
-## [1] "Computing differential modularity matrix..."
-## [1] "Computing differential modules..."
-## [1] "Merging 100 communities"
-## [1] 1
-## [1] 2
-## [1] 3
-## [1] 4
-## [1] "Merging 2 communities"
-## [1] 1
-## [1] "Computing node scores..."
-## [1] 1
-## [1] 2
+simp.alp <- alpaca(simp.mat,NULL,verbose=FALSE)
+
## [1] "Detecting communities in control network..."
+## [1] "modularity of projected graph 0.0210526315789478"
+## [1] "Q = 0.0263157894736842"
+## [1] "Q = 0.0263157894736842"
+## [1] "Computing differential modularity matrix..."
+## [1] "Computing differential modules..."
+## [1] "Merging 100 communities"
+## [1] 1
+## [1] 2
+## [1] 3
+## [1] "Merging 2 communities"
+## [1] 1
+## [1] "Computing node scores..."
+## [1] 1
+## [1] 2
-simp.alp2 <- simp.alp[[1]]
-simp.memb <- as.vector(simp.alp2)
-names(simp.memb) <- names(simp.alp2)
-
-simp.memb
-
##  A1_A  A2_A  A3_A  A4_A  A5_A  A6_A  A7_A  A8_A  A9_A A10_A A11_A A12_A A13_A 
-##     1     1     1     1     1     1     1     1     1     1     2     2     2 
-## A14_A A15_A A16_A A17_A A18_A A19_A A20_A  B1_B  B2_B  B3_B  B4_B  B5_B  B6_B 
-##     2     2     2     2     2     2     2     1     1     1     1     1     1 
-##  B7_B  B8_B  B9_B B10_B B11_B B12_B B13_B B14_B B15_B B16_B B17_B B18_B B19_B 
-##     1     1     1     1     1     1     1     1     1     1     1     1     1 
-## B20_B B21_B B22_B B23_B B24_B B25_B B26_B B27_B B28_B B29_B B30_B B31_B B32_B 
-##     1     1     1     1     1     1     1     1     1     1     1     1     1 
-## B33_B B34_B B35_B B36_B B37_B B38_B B39_B B40_B B41_B B42_B B43_B B44_B B45_B 
-##     1     1     1     1     1     1     1     1     2     2     2     2     2 
-## B46_B B47_B B48_B B49_B B50_B B51_B B52_B B53_B B54_B B55_B B56_B B57_B B58_B 
-##     2     2     2     2     2     2     2     2     2     2     2     2     2 
-## B59_B B60_B B61_B B62_B B63_B B64_B B65_B B66_B B67_B B68_B B69_B B70_B B71_B 
-##     2     2     2     2     2     2     2     2     2     2     2     2     2 
-## B72_B B73_B B74_B B75_B B76_B B77_B B78_B B79_B B80_B 
-##     2     2     2     2     2     2     2     2     2
-
- - - +simp.alp2 <- simp.alp[[1]] +simp.memb <- as.vector(simp.alp2) +names(simp.memb) <- names(simp.alp2) + +simp.memb +
##  A1_A  A2_A  A3_A  A4_A  A5_A  A6_A  A7_A  A8_A  A9_A A10_A A11_A A12_A A13_A 
+##     1     1     1     1     1     1     1     1     1     1     2     2     2 
+## A14_A A15_A A16_A A17_A A18_A A19_A A20_A  B1_B  B2_B  B3_B  B4_B  B5_B  B6_B 
+##     2     2     2     2     2     2     2     1     1     1     1     1     1 
+##  B7_B  B8_B  B9_B B10_B B11_B B12_B B13_B B14_B B15_B B16_B B17_B B18_B B19_B 
+##     1     1     1     1     1     1     1     1     1     1     1     1     1 
+## B20_B B21_B B22_B B23_B B24_B B25_B B26_B B27_B B28_B B29_B B30_B B31_B B32_B 
+##     1     1     1     1     1     1     1     1     1     1     1     1     1 
+## B33_B B34_B B35_B B36_B B37_B B38_B B39_B B40_B B41_B B42_B B43_B B44_B B45_B 
+##     1     1     1     1     1     1     1     1     2     2     2     2     2 
+## B46_B B47_B B48_B B49_B B50_B B51_B B52_B B53_B B54_B B55_B B56_B B57_B B58_B 
+##     2     2     2     2     2     2     2     2     2     2     2     2     2 
+## B59_B B60_B B61_B B62_B B63_B B64_B B65_B B66_B B67_B B68_B B69_B B70_B B71_B 
+##     2     2     2     2     2     2     2     2     2     2     2     2     2 
+## B72_B B73_B B74_B B75_B B76_B B77_B B78_B B79_B B80_B 
+##     2     2     2     2     2     2     2     2     2
+ -
+ diff --git a/docs/articles/ApplicationinGTExData.html b/docs/articles/ApplicationinGTExData.html index 23cbd5e8..ea2adf42 100644 --- a/docs/articles/ApplicationinGTExData.html +++ b/docs/articles/ApplicationinGTExData.html @@ -4,358 +4,494 @@ - + + Building PANDA and LIONESS Regulatory Networks from GTEx Gene Expression Data in R • netZooR - - - + + + - - + - -
-
-
- -
-

-Run another PANDA analysis on Whole Blood Samples

-

Like the LCL expression data in previous section, we can either download the raw data and process;

+
+

Run another PANDA analysis on Whole Blood Samples +

+

Like the LCL expression data in previous section, we can either +download the raw data and process;

-#### skip this part if you already did same process in LCL expression data section
-download.file("https://netzoo.s3.us-east-2.amazonaws.com/netZooR/tutorial_datasets/GTEx_Analysis_2016-01-15_v7_RNASeQCv1.1.8_gene_tpm.gct","GTEx_Analysis_2016-01-15_v7_RNASeQCv1.1.8_gene_tpm.gct")
-# load the GTEx expression matrix
-expr <- fread("./GTEx_Analysis_2016-01-15_v7_RNASeQCv1.1.8_gene_tpm.gct", header = TRUE, skip = 2, data.table = TRUE)
-# remove the transcript ids so that the genes match the gene ids in the tf-motif prior
-expr$Name<-sub("\\.[0-9]","", expr$Name)
-#####
-
-#load the sample ids of Whole Blood samples
-download.file("https://netzoo.s3.us-east-2.amazonaws.com/netZooR/tutorial_datasets/WholeBlood_samples.txt","WholeBlood_samples.txt")
-wblood_samples <-fread("./WholeBlood_samples.txt", header = FALSE, data.table=FALSE)
-
-#select the columns of the expression matrix corresponding to the LCL samples.
-wblood_expr <- expr[,union("Name",intersect(c(wblood_samples[1:149,]),colnames(expr))), with=FALSE]
-
-#determine the number of non-NA/non-zero rows in the expression data. This is to be able to ensure that PANDA will have enough values in the vectors to calculate pearson correlations between gene expression profiles in the construction of the gene co-exression prior.
-zero_na_counts_wblood <- apply(wblood_expr, MARGIN = 1, FUN = function(x) length(x[(!is.na(x)| x!=0) ]))
-
-#maintain only genes with at least 20 valid gene expression entries
-clean_data_wb <- wblood_expr[zero_na_counts_wblood > 20,]
-
-#write the cleaned expression data to a file, ready to be passed as an argument to the PANDA algorithm.
-write.table(clean_data_wb, file = "pandaExprWholeBlood.txt", sep = "\t", col.names = FALSE, row.names = FALSE, quote = FALSE)
-

or download the whole blood expression data directly from AWS Bucket.

+#### skip this part if you already did same process in LCL expression data section +download.file("https://netzoo.s3.us-east-2.amazonaws.com/netZooR/tutorial_datasets/GTEx_Analysis_2016-01-15_v7_RNASeQCv1.1.8_gene_tpm.gct","GTEx_Analysis_2016-01-15_v7_RNASeQCv1.1.8_gene_tpm.gct") +# load the GTEx expression matrix +expr <- fread("./GTEx_Analysis_2016-01-15_v7_RNASeQCv1.1.8_gene_tpm.gct", header = TRUE, skip = 2, data.table = TRUE) +# remove the transcript ids so that the genes match the gene ids in the tf-motif prior +expr$Name<-sub("\\.[0-9]","", expr$Name) +##### + +#load the sample ids of Whole Blood samples +download.file("https://netzoo.s3.us-east-2.amazonaws.com/netZooR/tutorial_datasets/WholeBlood_samples.txt","WholeBlood_samples.txt") +wblood_samples <-fread("./WholeBlood_samples.txt", header = FALSE, data.table=FALSE) + +#select the columns of the expression matrix corresponding to the LCL samples. +wblood_expr <- expr[,union("Name",intersect(c(wblood_samples[1:149,]),colnames(expr))), with=FALSE] + +#determine the number of non-NA/non-zero rows in the expression data. This is to be able to ensure that PANDA will have enough values in the vectors to calculate pearson correlations between gene expression profiles in the construction of the gene co-exression prior. +zero_na_counts_wblood <- apply(wblood_expr, MARGIN = 1, FUN = function(x) length(x[(!is.na(x)| x!=0) ])) + +#maintain only genes with at least 20 valid gene expression entries +clean_data_wb <- wblood_expr[zero_na_counts_wblood > 20,] + +#write the cleaned expression data to a file, ready to be passed as an argument to the PANDA algorithm. +write.table(clean_data_wb, file = "pandaExprWholeBlood.txt", sep = "\t", col.names = FALSE, row.names = FALSE, quote = FALSE)
+

or download the whole blood expression data directly from AWS +Bucket.

-download.file("https://netzoo.s3.us-east-2.amazonaws.com/netZooR/tutorial_datasets/pandaExprWholeBlood.txt","pandaExprWholeBlood.txt")
+download.file("https://netzoo.s3.us-east-2.amazonaws.com/netZooR/tutorial_datasets/pandaExprWholeBlood.txt","pandaExprWholeBlood.txt")
-#run PANDA
-panda_results_wblood <- pandaPy(expr_file = "./pandaExprWholeBlood.txt" , motif_file = "./motif_GTEx.txt", ppi_file = "./ppi_GTEx.txt", modeProcess="legacy", remove_missing = TRUE)
-#> Use the legacy mode to pre-process the input dataset and keep only the matched TFs or Genes
-#> ...Finish PANDA...
+#run PANDA +panda_results_wblood <- pandaPy(expr_file = "./pandaExprWholeBlood.txt" , motif_file = "./motif_GTEx.txt", ppi_file = "./ppi_GTEx.txt", modeProcess="legacy", remove_missing = TRUE) +#> Use the legacy mode to pre-process the input dataset and keep only the matched TFs or Genes +#> Loading motif data ... +#> Elapsed time: 0.05 sec. +#> Loading expression data ... +#> Elapsed time: 0.24 sec. +#> Loading PPI data ... +#> Number of PPIs: 86609 +#> Elapsed time: 0.07 sec. +#> Remove expression not in motif: +#> 55689 rows removed from the initial 56202 +#> Remove motif not in expression data: +#> 58955 rows removed from the initial 103400 +#> Remove ppi not in motif: +#> 0 rows removed from the initial 86609 +#> new case +#> Calculating coexpression network ... +#> Elapsed time: 0.01 sec. +#> Creating motif network ... +#> Elapsed time: 0.04 sec. +#> Creating PPI network ... +#> Elapsed time: 0.10 sec. +#> legacy ./motif_GTEx.txt ./pandaExprWholeBlood.txt ./ppi_GTEx.txt False True False +#> Normalizing networks ... +#> Elapsed time: 0.04 sec. +#> Saving expression matrix and normalized networks ... +#> Elapsed time: 0.01 sec. +#> Running PANDA algorithm ... +#> step: 0, hamming: 1.0690849805252594 +#> step: 1, hamming: 0.4691397610863155 +#> step: 2, hamming: 0.33036461786634547 +#> step: 3, hamming: 0.26806926123263264 +#> step: 4, hamming: 0.23042570772644422 +#> step: 5, hamming: 0.20256536152502197 +#> step: 6, hamming: 0.17929462709712923 +#> step: 7, hamming: 0.15865735441197737 +#> step: 8, hamming: 0.13989696240746843 +#> step: 9, hamming: 0.12274921075135972 +#> step: 10, hamming: 0.10712627123983814 +#> step: 11, hamming: 0.09299263928203307 +#> step: 12, hamming: 0.08031383413612993 +#> step: 13, hamming: 0.06903610891148329 +#> step: 14, hamming: 0.05908483808770143 +#> step: 15, hamming: 0.050368570841309156 +#> step: 16, hamming: 0.04278429695791332 +#> step: 17, hamming: 0.036223979927264414 +#> step: 18, hamming: 0.030579252521705833 +#> step: 19, hamming: 0.025745150525848713 +#> step: 20, hamming: 0.02162261509032571 +#> step: 21, hamming: 0.018120119978282237 +#> step: 22, hamming: 0.015154398422204283 +#> step: 23, hamming: 0.012650788145759574 +#> step: 24, hamming: 0.010543041908389053 +#> step: 25, hamming: 0.008772952126201682 +#> step: 26, hamming: 0.007289762109077401 +#> step: 27, hamming: 0.006049506006422676 +#> step: 28, hamming: 0.005014322747086903 +#> step: 29, hamming: 0.004151769096928693 +#> step: 30, hamming: 0.0034341712803001153 +#> step: 31, hamming: 0.002838014367091253 +#> step: 32, hamming: 0.0023433884769824887 +#> step: 33, hamming: 0.0019334886365366026 +#> step: 34, hamming: 0.0015941705108742312 +#> step: 35, hamming: 0.001313559430530958 +#> step: 36, hamming: 0.0010817088184296897 +#> step: 37, hamming: 0.0008903048282875378 +#> Running panda took: 1.51 seconds! +#> ...Finish PANDA...
-install.packages("visNetwork",repos = "http://cran.us.r-project.org",dependencies=TRUE)
-library(visNetwork)
-edges <- head(panda_results_wblood$panda[order(panda_results_wblood$panda$Score,decreasing = TRUE),], 500)
-colnames(edges) <- c("from","to","motif","force")
-nodes <- data.frame(id = unique(as.vector(as.matrix(edges[,c(1,2)]))))
-nodes$group <- ifelse(nodes$id %in% edges$from, "TF", "gene")
-
-net <- visNetwork(nodes, edges, width = "100%")
-net <- visGroups(net, groupname = "TF", shape = "square",
-                     color = list(background = "teal", border="black"))
-net <- visGroups(net, groupname = "gene", shape = "dot",       
-                     color = list(background = "gold", border="black"))
-visLegend(net, main="Legend", position="right", ncol=1) 
+install.packages("visNetwork",repos = "http://cran.us.r-project.org",dependencies=TRUE) +library(visNetwork) +edges <- head(panda_results_wblood$panda[order(panda_results_wblood$panda$Score,decreasing = TRUE),], 500) +colnames(edges) <- c("from","to","motif","force") +nodes <- data.frame(id = unique(as.vector(as.matrix(edges[,c(1,2)])))) +nodes$group <- ifelse(nodes$id %in% edges$from, "TF", "gene") + +net <- visNetwork(nodes, edges, width = "100%") +net <- visGroups(net, groupname = "TF", shape = "square", + color = list(background = "teal", border="black")) +net <- visGroups(net, groupname = "gene", shape = "dot", + color = list(background = "gold", border="black")) +visLegend(net, main="Legend", position="right", ncol=1)
-
-

-LIONESS

-

LIONESS (Linear Interpolation to Obtain Network Estimates for Single Samples) is a method for creating sample-specific networks. When applied to a PANDA regulatory network, the result is a set of gene regulatory networks, one for each sample in the gene expression dataset. More information on LIONESS can be found in the published paper: https://doi.org/10.1016/j.isci.2019.03.021

-

Running LIONESS with netZoo is simple, and very similar to running PANDA:

+
+

LIONESS +

+

LIONESS (Linear Interpolation to Obtain Network Estimates for Single +Samples) is a method for creating sample-specific networks. When applied +to a PANDA regulatory network, the result is a set of gene regulatory +networks, one for each sample in the gene expression dataset. More +information on LIONESS can be found in the published paper: https://doi.org/10.1016/j.isci.2019.03.021

+

Running LIONESS with netZoo is simple, and very similar to running +PANDA:

-lionessLCL <- lionessPy(expr_file = "pandaExprLCL.txt" , motif_file = "./motif_GTEx.txt", ppi_file = "./ppi_GTEx.txt", modeProcess="legacy", remove_missing = TRUE)
-#> Use the legacy mode to pre-process the input dataset and keep only the matched TFs or Genes
-

The result is a data frame in which the first colum contains TFs, the second column contains genes and each subsequent column contains the edge weight for that particular TF-gene pair in a particular sample.

+lionessLCL <- lionessPy(expr_file = "pandaExprLCL.txt" , motif_file = "./motif_GTEx.txt", ppi_file = "./ppi_GTEx.txt", modeProcess="legacy", remove_missing = TRUE) +#> Use the legacy mode to pre-process the input dataset and keep only the matched TFs or Genes
+

The result is a data frame in which the first colum contains TFs, the +second column contains genes and each subsequent column contains the +edge weight for that particular TF-gene pair in a particular sample.

-lionessLCL[1:5,1:10]
-#>     tf            gene          0          1          2          3        4
-#> 1  AHR ENSG00000049245 0.06820364   -1.01318 -0.1190873 -0.6471435 -4.72954
-#> 2 AIRE ENSG00000049245   3.405967   3.606517   1.341022   3.962872 10.14026
-#> 3 ALX1 ENSG00000049245  -1.564644 -0.6531037  -2.583472 0.06944336 1.548766
-#> 4 ALX3 ENSG00000049245  -2.265761  0.4374339  -1.842543  0.1693952 7.957916
-#> 5 ALX4 ENSG00000049245  -2.300186  0.1123922   -1.83354 0.01588022 5.195771
-#>            5         6          7
-#> 1 -0.1790814 -0.546194 -0.9628234
-#> 2   2.654841  4.577901   3.730394
-#> 3 -0.6345625 0.8294741   2.063451
-#> 4 -0.4487257 0.3399528   1.848871
-#> 5 -0.3720986 0.1874633   2.238461
-
- - - - + -
+ diff --git a/docs/articles/ApplicationwithTBdataset.html b/docs/articles/ApplicationwithTBdataset.html index 3b0e8457..b3a8255b 100644 --- a/docs/articles/ApplicationwithTBdataset.html +++ b/docs/articles/ApplicationwithTBdataset.html @@ -4,516 +4,564 @@ - + + netZooR application with TB dataset • netZooR - - - + + + - - + - -
-
-
- + diff --git a/docs/articles/ApplicationwithTBdataset_files/figure-html/unnamed-chunk-8-1.png b/docs/articles/ApplicationwithTBdataset_files/figure-html/unnamed-chunk-8-1.png index 6eddffd7..f6c3ee76 100644 Binary files a/docs/articles/ApplicationwithTBdataset_files/figure-html/unnamed-chunk-8-1.png and b/docs/articles/ApplicationwithTBdataset_files/figure-html/unnamed-chunk-8-1.png differ diff --git a/docs/articles/CONDOR.html b/docs/articles/CONDOR.html index 9278d21d..bd0dd03f 100644 --- a/docs/articles/CONDOR.html +++ b/docs/articles/CONDOR.html @@ -4,373 +4,360 @@ - + + Using CONDOR for community detection in bipartite graphs • netZooR - - - + + + - - + - -
-
-
- +
##   red.names com
+## 1     Alice   2
+## 2    Janine   1
+## 3      Mary   1
+## 4       Sue   2
-print(condor.object$blue.memb)
-
##   blue.names com
-## 1        Bob   2
-## 2         Ed   1
-## 3       Hank   2
-## 4       John   2
-

Nodes in first community are {Alice, John, Bob, Sue}, nodes in second community are {Ed, Janine, Hank, Mary} based on the modularity maximization. Here’s a picture:

+print(condor.object$blue.memb)
+
##   blue.names com
+## 1        Bob   2
+## 2         Ed   1
+## 3       Hank   1
+## 4       John   2
+

Nodes in first community are {Alice, John, Bob, Sue}, nodes in second +community are {Ed, Janine, Hank, Mary} based on the modularity +maximization. Here’s a picture:

-gtoy = graph.edgelist(as.matrix(elist),directed=FALSE)
-set.graph.attribute(gtoy, "layout", layout.kamada.kawai(gtoy))
-
## IGRAPH d53f3f0 UN-- 8 11 -- 
-## + attr: layout (g/n), name (v/c)
-## + edges from d53f3f0 (vertex names):
-##  [1] Alice--Bob    Alice--John   Alice--Ed     Bob  --Sue    John --Sue   
-##  [6] Sue  --Hank   John --Janine Ed   --Janine Hank --Janine Ed   --Mary  
-## [11] Hank --Mary
+gtoy = graph.edgelist(as.matrix(elist),directed=FALSE) +set.graph.attribute(gtoy, "layout", layout.kamada.kawai(gtoy))
+
## IGRAPH e547bf1 UN-- 8 11 -- 
+## + attr: layout (g/n), name (v/c)
+## + edges from e547bf1 (vertex names):
+##  [1] Alice--Bob    Alice--John   Alice--Ed     Bob  --Sue    John --Sue   
+##  [6] Sue  --Hank   John --Janine Ed   --Janine Hank --Janine Ed   --Mary  
+## [11] Hank --Mary
-V(gtoy)[c(reds,blues)]$color <- c(rep("red",4),rep("blue",4))
+V(gtoy)[c(reds,blues)]$color <- c(rep("red",4),rep("blue",4))
-plot(gtoy,vertex.label.dist=2)
+plot(gtoy,vertex.label.dist=2)

-

To get each node’s modularity contribution (as a fraction of the community’s modularity), run

+

To get each node’s modularity contribution (as a fraction of the +community’s modularity), run

-condor.object <- condorQscore(condor.object)
-

If you have a subset of nodes that you think are more likely to lie at the cores of your communities, you can test this using condorCoreEnrich:

+condor.object <- condorQscore(condor.object)
+

If you have a subset of nodes that you think are more likely to lie +at the cores of your communities, you can test this using +condorCoreEnrich:

-q_women <- condor.object$qscores$red.qscore
-core_stats <- condorCoreEnrich(test_nodes=c("Alice","Mary"),
-                                 q=q_women,perm=TRUE,plot.hist=TRUE)
+q_women <- condor.object$qscores$red.qscore +core_stats <- condorCoreEnrich(test_nodes=c("Alice","Mary"), + q=q_women,perm=TRUE,plot.hist=TRUE)

-

condor also works on weighted bipartite networks. The package comes with a quantitative pollination network data set (Small 1976) taken from the NCEAS interaction webs data base, containing interactions between 13 plants and 34 pollinators.

+

condor also works on weighted bipartite networks. +The package comes with a quantitative pollination network data set +(Small 1976) taken from the NCEAS interaction webs data base, containing +interactions between 13 plants and 34 pollinators.

-data(small1976)
-condor.object <- createCondorObject(small1976)
-condor.object <- condorCluster(condor.object, project=FALSE)
-
## [1] "modularity of projected graph 0.525346928655047"
-## [1] "Q = 0.52666696475026"
-## [1] "Q = 0.52666696475026"
+data(small1976) +condor.object <- createCondorObject(small1976) +condor.object <- condorCluster(condor.object, project=FALSE) +
## [1] "modularity of projected graph 0.525346928655047"
+## [1] "Q = 0.52666696475026"
+## [1] "Q = 0.52666696475026"
-condorPlotHeatmap(condor.object)
+condorPlotHeatmap(condor.object)

-
-

-Session Information

+
+

Session Information +

-
## R version 4.1.1 (2021-08-10)
-## Platform: x86_64-apple-darwin17.0 (64-bit)
-## Running under: macOS Mojave 10.14.6
-## 
-## Matrix products: default
-## BLAS:   /Library/Frameworks/R.framework/Versions/4.1/Resources/lib/libRblas.0.dylib
-## LAPACK: /Library/Frameworks/R.framework/Versions/4.1/Resources/lib/libRlapack.dylib
-## 
-## locale:
-## [1] en_US.UTF-8/en_US.UTF-8/en_US.UTF-8/C/en_US.UTF-8/en_US.UTF-8
-## 
-## attached base packages:
-## [1] parallel  stats     graphics  grDevices utils     datasets  methods  
-## [8] base     
-## 
-## other attached packages:
-## [1] netZooR_1.1.16      yarn_1.18.0         pandaR_1.19.5      
-## [4] Biobase_2.52.0      BiocGenerics_0.38.0 reticulate_1.22    
-## [7] igraph_1.2.6       
-## 
-## loaded via a namespace (and not attached):
-##   [1] utf8_1.2.2                  proto_1.0.0                
-##   [3] R.utils_2.11.0              RUnit_0.4.32               
-##   [5] tidyselect_1.1.1            RSQLite_2.2.8              
-##   [7] AnnotationDbi_1.54.1        grid_4.1.1                 
-##   [9] BiocParallel_1.26.2         base64url_1.4              
-##  [11] munsell_0.5.0               codetools_0.2-18           
-##  [13] ragg_1.1.3                  preprocessCore_1.54.0      
-##  [15] chron_2.3-56                pbdZMQ_0.3-5               
-##  [17] colorspace_2.0-2            Category_2.58.0            
-##  [19] filelock_1.0.2              highr_0.9                  
-##  [21] dplR_1.7.2                  knitr_1.36                 
-##  [23] uuid_0.1-4                  stats4_4.1.1               
-##  [25] MatrixGenerics_1.4.3        repr_1.1.3                 
-##  [27] GenomeInfoDbData_1.2.6      bit64_4.0.5                
-##  [29] rhdf5_2.36.0                rprojroot_2.0.2            
-##  [31] downloader_0.4              vctrs_0.3.8                
-##  [33] generics_0.1.0              xfun_0.26                  
-##  [35] BiocFileCache_2.0.0         R6_2.5.1                   
-##  [37] doParallel_1.0.16           GenomeInfoDb_1.28.4        
-##  [39] illuminaio_0.34.0           RJSONIO_1.3-1.6            
-##  [41] locfit_1.5-9.4              bitops_1.0-7               
-##  [43] rhdf5filters_1.4.0          cachem_1.0.6               
-##  [45] reshape_0.8.8               DelayedArray_0.18.0        
-##  [47] assertthat_0.2.1            BiocIO_1.2.0               
-##  [49] scales_1.1.1                nnet_7.3-16                
-##  [51] gtable_0.3.0                rlang_0.4.11               
-##  [53] genefilter_1.74.0           systemfonts_1.0.2          
-##  [55] splines_4.1.1               rtracklayer_1.52.1         
-##  [57] GEOquery_2.60.0             hexbin_1.28.2              
-##  [59] reshape2_1.4.4              yaml_2.2.1                 
-##  [61] backports_1.2.1             GenomicFeatures_1.44.2     
-##  [63] RBGL_1.68.0                 tools_4.1.1                
-##  [65] nor1mix_1.3-0               ggplot2_3.3.5              
-##  [67] ellipsis_0.3.2              gplots_3.1.1               
-##  [69] jquerylib_0.1.4             RColorBrewer_1.1-2         
-##  [71] ggdendro_0.1.22             siggenes_1.66.0            
-##  [73] STRINGdb_2.4.1              gsubfn_0.7                 
-##  [75] hash_2.2.6.1                Rcpp_1.0.7                 
-##  [77] plyr_1.8.6                  base64enc_0.1-3            
-##  [79] sparseMatrixStats_1.4.2     progress_1.2.2             
-##  [81] zlibbioc_1.38.0             purrr_0.3.4                
-##  [83] RCurl_1.98-1.5              prettyunits_1.1.1          
-##  [85] sqldf_0.4-11                openssl_1.4.5              
-##  [87] bumphunter_1.34.0           S4Vectors_0.30.2           
-##  [89] cluster_2.1.2               SummarizedExperiment_1.22.0
-##  [91] fs_1.5.0                    magrittr_2.0.1             
-##  [93] data.table_1.14.2           matrixStats_0.61.0         
-##  [95] hms_1.1.1                   evaluate_0.14              
-##  [97] xtable_1.8-4                XML_3.99-0.8               
-##  [99] mclust_5.4.7                IRanges_2.26.0             
-## [101] compiler_4.1.1              biomaRt_2.48.3             
-## [103] minfi_1.38.0                tibble_3.1.5               
-## [105] RCy3_2.12.4                 KernSmooth_2.23-20         
-## [107] crayon_1.4.1                R.oo_1.24.0                
-## [109] htmltools_0.5.2             GOstats_2.58.0             
-## [111] mgcv_1.8-36                 tzdb_0.1.2                 
-## [113] tidyr_1.1.4                 DBI_1.1.1                  
-## [115] dbplyr_2.1.1                MASS_7.3-54                
-## [117] rappdirs_0.3.3              Matrix_1.3-4               
-## [119] readr_2.0.2                 permute_0.9-5              
-## [121] quantro_1.26.0              uchardet_1.1.0             
-## [123] R.methodsS3_1.8.1           quadprog_1.5-8             
-## [125] GenomicRanges_1.44.0        pkgconfig_2.0.3            
-## [127] pkgdown_1.6.1               GenomicAlignments_1.28.0   
-## [129] signal_0.7-7                IRdisplay_1.0              
-## [131] xml2_1.3.2                  foreach_1.5.1              
-## [133] annotate_1.70.0             penalized_0.9-51           
-## [135] bslib_0.3.1                 rngtools_1.5               
-## [137] multtest_2.48.0             beanplot_1.2               
-## [139] XVector_0.32.0              AnnotationForge_1.34.0     
-## [141] doRNG_1.8.2                 scrime_1.3.5               
-## [143] stringr_1.4.0               digest_0.6.28              
-## [145] vegan_2.5-7                 graph_1.70.0               
-## [147] Biostrings_2.60.2           rmarkdown_2.11             
-## [149] base64_2.0                  edgeR_3.34.1               
-## [151] DelayedMatrixStats_1.14.3   GSEABase_1.54.0            
-## [153] restfulr_0.0.13             curl_4.3.2                 
-## [155] Rsamtools_2.8.0             gtools_3.9.2               
-## [157] rjson_0.2.20                lifecycle_1.0.1            
-## [159] nlme_3.1-152                jsonlite_1.7.2             
-## [161] Rhdf5lib_1.14.2             viridisLite_0.4.0          
-## [163] desc_1.4.0                  askpass_1.1                
-## [165] limma_3.48.3                fansi_0.5.0                
-## [167] pillar_1.6.3                lattice_0.20-44            
-## [169] plotrix_3.8-2               KEGGREST_1.32.0            
-## [171] fastmap_1.1.0               httr_1.4.2                 
-## [173] survival_3.2-11             GO.db_3.13.0               
-## [175] glue_1.4.2                  png_0.1-7                  
-## [177] iterators_1.0.13            bit_4.0.4                  
-## [179] Rgraphviz_2.36.0            stringi_1.7.5              
-## [181] sass_0.4.0                  HDF5Array_1.20.0           
-## [183] blob_1.2.2                  textshaping_0.3.5          
-## [185] org.Hs.eg.db_3.13.0         caTools_1.18.2             
-## [187] memoise_2.0.0               IRkernel_1.2               
-## [189] dplyr_1.0.7
+sessionInfo()
+
## R version 4.2.2 (2022-10-31)
+## Platform: x86_64-apple-darwin17.0 (64-bit)
+## Running under: macOS Big Sur ... 10.16
+## 
+## Matrix products: default
+## BLAS:   /Library/Frameworks/R.framework/Versions/4.2/Resources/lib/libRblas.0.dylib
+## LAPACK: /Library/Frameworks/R.framework/Versions/4.2/Resources/lib/libRlapack.dylib
+## 
+## locale:
+## [1] en_US.UTF-8/en_US.UTF-8/en_US.UTF-8/C/en_US.UTF-8/en_US.UTF-8
+## 
+## attached base packages:
+## [1] stats     graphics  grDevices utils     datasets  methods   base     
+## 
+## other attached packages:
+## [1] netZooR_1.5.0       matrixcalc_1.0-6    yarn_1.24.0        
+## [4] pandaR_1.19.6       Biobase_2.58.0      BiocGenerics_0.44.0
+## [7] reticulate_1.32.0   igraph_1.5.1       
+## 
+## loaded via a namespace (and not attached):
+##   [1] utf8_1.2.3                  proto_1.0.0                
+##   [3] RUnit_0.4.32                tidyselect_1.2.0           
+##   [5] RSQLite_2.3.1               AnnotationDbi_1.60.0       
+##   [7] grid_4.2.2                  BiocParallel_1.32.4        
+##   [9] munsell_0.5.0               base64url_1.4              
+##  [11] codetools_0.2-19            ragg_1.2.5                 
+##  [13] preprocessCore_1.60.1       chron_2.3-61               
+##  [15] pbdZMQ_0.3-10               colorspace_2.1-0           
+##  [17] Category_2.64.0             filelock_1.0.2             
+##  [19] knitr_1.44                  uuid_1.1-1                 
+##  [21] rstudioapi_0.15.0           stats4_4.2.2               
+##  [23] MatrixGenerics_1.10.0       repr_1.1.6                 
+##  [25] GenomeInfoDbData_1.2.9      farver_2.1.1               
+##  [27] bit64_4.0.5                 rhdf5_2.42.0               
+##  [29] rprojroot_2.0.3             downloader_0.4             
+##  [31] vctrs_0.6.3                 generics_0.1.3             
+##  [33] xfun_0.40                   BiocFileCache_2.6.0        
+##  [35] R6_2.5.1                    doParallel_1.0.17          
+##  [37] GenomeInfoDb_1.34.4         illuminaio_0.40.0          
+##  [39] RJSONIO_1.3-1.8             locfit_1.5-9.8             
+##  [41] bitops_1.0-7                rhdf5filters_1.10.0        
+##  [43] cachem_1.0.8                reshape_0.8.9              
+##  [45] DelayedArray_0.24.0         assertthat_0.2.1           
+##  [47] BiocIO_1.8.0                scales_1.2.1               
+##  [49] nnet_7.3-19                 gtable_0.3.4               
+##  [51] processx_3.8.2              rlang_1.1.1                
+##  [53] genefilter_1.80.2           systemfonts_1.0.4          
+##  [55] splines_4.2.2               rtracklayer_1.58.0         
+##  [57] GEOquery_2.66.0             hexbin_1.28.3              
+##  [59] checkmate_2.2.0             abind_1.4-5                
+##  [61] reshape2_1.4.4              yaml_2.3.7                 
+##  [63] backports_1.4.1             GenomicFeatures_1.50.3     
+##  [65] RBGL_1.74.0                 tensorA_0.36.2             
+##  [67] tools_4.2.2                 nor1mix_1.3-0              
+##  [69] ggplot2_3.4.3               gplots_3.1.3               
+##  [71] posterior_1.4.1             jquerylib_0.1.4            
+##  [73] RColorBrewer_1.1-3          ggdendro_0.1.23            
+##  [75] siggenes_1.72.0             STRINGdb_2.10.0            
+##  [77] gsubfn_0.7                  hash_2.2.6.3               
+##  [79] Rcpp_1.0.11                 plyr_1.8.8                 
+##  [81] base64enc_0.1-3             sparseMatrixStats_1.10.0   
+##  [83] progress_1.2.2              zlibbioc_1.44.0            
+##  [85] purrr_1.0.2                 RCurl_1.98-1.12            
+##  [87] ps_1.7.5                    prettyunits_1.1.1          
+##  [89] sqldf_0.4-11                openssl_2.1.0              
+##  [91] bumphunter_1.40.0           S4Vectors_0.36.1           
+##  [93] cluster_2.1.4               SummarizedExperiment_1.28.0
+##  [95] fs_1.6.3                    magrittr_2.0.3             
+##  [97] data.table_1.14.8           matrixStats_1.0.0          
+##  [99] hms_1.1.3                   evaluate_0.21              
+## [101] xtable_1.8-4                XML_3.99-0.14              
+## [103] mclust_6.0.0                IRanges_2.32.0             
+## [105] compiler_4.2.2              biomaRt_2.54.0             
+## [107] minfi_1.44.0                tibble_3.2.1               
+## [109] RCy3_2.18.0                 KernSmooth_2.23-22         
+## [111] crayon_1.5.2                htmltools_0.5.6            
+## [113] GOstats_2.64.0              mgcv_1.9-0                 
+## [115] tzdb_0.4.0                  tidyr_1.3.0                
+## [117] DBI_1.1.3                   dbplyr_2.3.3               
+## [119] MASS_7.3-60                 rappdirs_0.3.3             
+## [121] Matrix_1.6-1.1              readr_2.1.4                
+## [123] permute_0.9-7               cli_3.6.1                  
+## [125] quantro_1.32.0              uchardet_1.1.1             
+## [127] quadprog_1.5-8              parallel_4.2.2             
+## [129] GenomicRanges_1.50.2        pkgconfig_2.0.3            
+## [131] pkgdown_2.0.7               GenomicAlignments_1.34.0   
+## [133] IRdisplay_1.1               xml2_1.3.5                 
+## [135] foreach_1.5.2               annotate_1.76.0            
+## [137] penalized_0.9-52            bslib_0.5.1                
+## [139] rngtools_1.5.2              multtest_2.54.0            
+## [141] beanplot_1.3.1              XVector_0.38.0             
+## [143] AnnotationForge_1.40.0      doRNG_1.8.6                
+## [145] scrime_1.3.5                distributional_0.3.2       
+## [147] stringr_1.5.0               digest_0.6.33              
+## [149] vegan_2.6-4                 graph_1.76.0               
+## [151] Biostrings_2.66.0           rmarkdown_2.25             
+## [153] base64_2.0.1                edgeR_3.40.1               
+## [155] DelayedMatrixStats_1.20.0   GSEABase_1.60.0            
+## [157] restfulr_0.0.15             curl_5.0.2                 
+## [159] Rsamtools_2.14.0            gtools_3.9.4               
+## [161] rjson_0.2.21                lifecycle_1.0.3            
+## [163] nlme_3.1-163                jsonlite_1.8.7             
+## [165] cmdstanr_0.6.1.9000         Rhdf5lib_1.20.0            
+## [167] viridisLite_0.4.2           desc_1.4.2                 
+## [169] askpass_1.2.0               limma_3.54.0               
+## [171] fansi_1.0.4                 pillar_1.9.0               
+## [173] lattice_0.21-8              plotrix_3.8-2              
+## [175] KEGGREST_1.38.0             fastmap_1.1.1              
+## [177] httr_1.4.7                  survival_3.5-7             
+## [179] GO.db_3.16.0                glue_1.6.2                 
+## [181] png_0.1-8                   iterators_1.0.14           
+## [183] bit_4.0.5                   Rgraphviz_2.42.0           
+## [185] stringi_1.7.12              sass_0.4.7                 
+## [187] HDF5Array_1.26.0            blob_1.2.4                 
+## [189] textshaping_0.3.6           org.Hs.eg.db_3.16.0        
+## [191] caTools_1.18.2              memoise_2.0.1              
+## [193] IRkernel_1.3.2              dplyr_1.1.3
- - - - + -
+ diff --git a/docs/articles/CONDOR_files/figure-html/unnamed-chunk-10-1.png b/docs/articles/CONDOR_files/figure-html/unnamed-chunk-10-1.png index c5459d1b..8d5b2f81 100644 Binary files a/docs/articles/CONDOR_files/figure-html/unnamed-chunk-10-1.png and b/docs/articles/CONDOR_files/figure-html/unnamed-chunk-10-1.png differ diff --git a/docs/articles/CONDOR_files/figure-html/unnamed-chunk-12-1.png b/docs/articles/CONDOR_files/figure-html/unnamed-chunk-12-1.png index 5ec53120..f285913f 100644 Binary files a/docs/articles/CONDOR_files/figure-html/unnamed-chunk-12-1.png and b/docs/articles/CONDOR_files/figure-html/unnamed-chunk-12-1.png differ diff --git a/docs/articles/CONDOR_files/figure-html/unnamed-chunk-8-1.png b/docs/articles/CONDOR_files/figure-html/unnamed-chunk-8-1.png index 899d29cf..fc76025a 100644 Binary files a/docs/articles/CONDOR_files/figure-html/unnamed-chunk-8-1.png and b/docs/articles/CONDOR_files/figure-html/unnamed-chunk-8-1.png differ diff --git a/docs/articles/EGRET_toy_example.html b/docs/articles/EGRET_toy_example.html index 1ec64d2e..7306086f 100644 --- a/docs/articles/EGRET_toy_example.html +++ b/docs/articles/EGRET_toy_example.html @@ -4,433 +4,480 @@ - + + Constructing genotype-specific gene regulatory networks with EGRET • netZooR - - - + + + - - + - -
-
-
- + diff --git a/docs/articles/LionessApplicationinGTExData.html b/docs/articles/LionessApplicationinGTExData.html index 2e4c760b..f4877efa 100644 --- a/docs/articles/LionessApplicationinGTExData.html +++ b/docs/articles/LionessApplicationinGTExData.html @@ -4,447 +4,443 @@ - + + Comparing LIONESS Regulatory Networks using limma • netZooR - - - + + + - - + - -
-
-
- + diff --git a/docs/articles/LionessApplicationinGTExData_files/figure-html/unnamed-chunk-6-1.png b/docs/articles/LionessApplicationinGTExData_files/figure-html/unnamed-chunk-6-1.png index ead6d27f..45f905a5 100644 Binary files a/docs/articles/LionessApplicationinGTExData_files/figure-html/unnamed-chunk-6-1.png and b/docs/articles/LionessApplicationinGTExData_files/figure-html/unnamed-chunk-6-1.png differ diff --git a/docs/articles/LionessApplicationinGTExData_files/figure-html/unnamed-chunk-9-1.png b/docs/articles/LionessApplicationinGTExData_files/figure-html/unnamed-chunk-9-1.png index 7209d23e..1db01080 100644 Binary files a/docs/articles/LionessApplicationinGTExData_files/figure-html/unnamed-chunk-9-1.png and b/docs/articles/LionessApplicationinGTExData_files/figure-html/unnamed-chunk-9-1.png differ diff --git a/docs/articles/MONSTER.html b/docs/articles/MONSTER.html index 190f46d9..0096d8f1 100644 --- a/docs/articles/MONSTER.html +++ b/docs/articles/MONSTER.html @@ -4,160 +4,164 @@ - + + An Introduction to the MONSTER Package • netZooR - - - + + + - - + - -
-
-
- -
-

-Running MONSTER

+
+

Running MONSTER +

-yeast$exp.cc[is.na(yeast$exp.cc)] <- mean(as.matrix(yeast$exp.cc),na.rm=TRUE)
-monsterRes <- monster(yeast$exp.cc, design, yeast$motif, nullPerms=100, numMaxCores=1, alphaw=1)
-#> [1] "101 network transitions to be estimated"
-#> [1] "Running iteration 1"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 6.008148e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.10759e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 1"
-#> [1] "Running iteration 2"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.201599e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.584427e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 2"
-#> [1] "Running iteration 3"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.511543e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.390976e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 3"
-#> [1] "Running iteration 4"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.796288e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.796288e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 4"
-#> [1] "Running iteration 5"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.416176e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.487701e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 5"
-#> [1] "Running iteration 6"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.486343e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.106232e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 6"
-#> [1] "Running iteration 7"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.487701e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.487701e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 7"
-#> [1] "Running iteration 8"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.31945e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.915497e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 8"
-#> [1] "Running iteration 9"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.106232e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0003321171 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 9"
-#> [1] "Running iteration 10"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001831055 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001070499 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 10"
-#> [1] "Running iteration 11"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0002679825 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.987022e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Using OLS method"
-#> [1] "Finished running iteration 11"
-#> [1] "Running iteration 12"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.893013e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.821487e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 12"
-#> [1] "Running iteration 13"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.009506e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.414818e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 13"
-#> [1] "Running iteration 14"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.009506e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.31945e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 14"
-#> [1] "Running iteration 15"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001008511 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001218319 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 15"
-#> [1] "Running iteration 16"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.796288e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.915497e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 16"
-#> [1] "Running iteration 17"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.489059e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0002009869 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 17"
-#> [1] "Running iteration 18"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.799004e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.702278e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 18"
-#> [1] "Running iteration 19"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001039505 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.799004e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 19"
-#> [1] "Running iteration 20"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.583069e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001370907 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 20"
-#> [1] "Running iteration 21"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.702278e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.201599e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 21"
-#> [1] "Running iteration 22"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.08239e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.201599e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 22"
-#> [1] "Running iteration 23"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.414818e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.512901e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 23"
-#> [1] "Running iteration 24"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.201599e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.08239e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 24"
-#> [1] "Running iteration 25"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.10759e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.606911e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 25"
-#> [1] "Running iteration 26"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.201599e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.393692e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 26"
-#> [1] "Running iteration 27"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.702278e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.393692e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Using OLS method"
-#> [1] "Finished running iteration 27"
-#> [1] "Running iteration 28"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.796288e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.583069e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 28"
-#> [1] "Running iteration 29"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.106232e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001380444 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 29"
-#> [1] "Running iteration 30"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.202957e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.606911e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 30"
-#> [1] "Running iteration 31"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.987022e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.916855e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 31"
-#> [1] "Running iteration 32"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.799004e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001268387 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 32"
-#> [1] "Running iteration 33"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.894371e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.487701e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 33"
-#> [1] "Running iteration 34"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 7.510185e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.392334e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 34"
-#> [1] "Running iteration 35"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.000166893 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.703636e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 35"
-#> [1] "Running iteration 36"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.298325e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.298325e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 36"
-#> [1] "Running iteration 37"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.106232e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.10759e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 37"
-#> [1] "Running iteration 38"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.512901e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.320808e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Using OLS method"
-#> [1] "Finished running iteration 38"
-#> [1] "Running iteration 39"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.202957e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.703636e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 39"
-#> [1] "Running iteration 40"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.583069e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001020432 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 40"
-#> [1] "Running iteration 41"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001020432 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.417534e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 41"
-#> [1] "Running iteration 42"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.512901e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.98838e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 42"
-#> [1] "Running iteration 43"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.893013e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.606911e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 43"
-#> [1] "Running iteration 44"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001151562 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.416176e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 44"
-#> [1] "Running iteration 45"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.893013e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.393692e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 45"
-#> [1] "Running iteration 46"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.797646e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001378059 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 46"
-#> [1] "Running iteration 47"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.608269e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.608269e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 47"
-#> [1] "Running iteration 48"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.703636e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001111031 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Using OLS method"
-#> [1] "Finished running iteration 48"
-#> [1] "Running iteration 49"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.894371e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.98838e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 49"
-#> [1] "Running iteration 50"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.98838e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0004348755 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 50"
-#> [1] "Running iteration 51"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001049042 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.10759e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 51"
-#> [1] "Running iteration 52"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001058578 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.106232e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 52"
-#> [1] "Running iteration 53"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001139641 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.000123024 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 53"
-#> [1] "Running iteration 54"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.000109911 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.989738e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 54"
-#> [1] "Running iteration 55"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001420975 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.799004e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 55"
-#> [1] "Running iteration 56"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.702278e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001089573 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 56"
-#> [1] "Running iteration 57"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.702278e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.583069e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 57"
-#> [1] "Running iteration 58"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001289845 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.989738e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 58"
-#> [1] "Running iteration 59"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.393692e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001499653 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 59"
-#> [1] "Running iteration 60"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.702278e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.298325e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 60"
-#> [1] "Running iteration 61"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001070499 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.393692e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Using OLS method"
-#> [1] "Finished running iteration 61"
-#> [1] "Running iteration 62"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.606911e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.918213e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 62"
-#> [1] "Running iteration 63"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.10759e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.703636e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 63"
-#> [1] "Running iteration 64"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.012222e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.512901e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 64"
-#> [1] "Running iteration 65"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001041889 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0003099442 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Using OLS method"
-#> [1] "Finished running iteration 65"
-#> [1] "Running iteration 66"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001001358 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.202957e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 66"
-#> [1] "Running iteration 67"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001471043 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001029968 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Using OLS method"
-#> [1] "Finished running iteration 67"
-#> [1] "Running iteration 68"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.000164032 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001120567 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 68"
-#> [1] "Running iteration 69"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001139641 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001449585 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 69"
-#> [1] "Running iteration 70"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001249313 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001649857 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 70"
-#> [1] "Running iteration 71"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001308918 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001168251 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 71"
-#> [1] "Running iteration 72"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001058578 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.894371e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 72"
-#> [1] "Running iteration 73"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001049042 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001010895 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 73"
-#> [1] "Running iteration 74"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001039505 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001220703 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 74"
-#> [1] "Running iteration 75"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.703636e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 8.893013e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 75"
-#> [1] "Running iteration 76"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.512901e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.894371e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 76"
-#> [1] "Running iteration 77"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001518726 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.608269e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 77"
-#> [1] "Running iteration 78"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001149178 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001130104 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 78"
-#> [1] "Running iteration 79"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.10759e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.489059e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 79"
-#> [1] "Running iteration 80"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001239777 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001051426 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 80"
-#> [1] "Running iteration 81"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.703636e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.608269e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 81"
-#> [1] "Running iteration 82"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001208782 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001010895 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 82"
-#> [1] "Running iteration 83"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001080036 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.799004e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .......................
-#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred
-#> ..............................[1] "Using OLS method"
-#> [1] "Finished running iteration 83"
-#> [1] "Running iteration 84"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0002040863 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001449585 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 84"
-#> [1] "Running iteration 85"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001251698 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001070499 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 85"
-#> [1] "Running iteration 86"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.489059e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.703636e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 86"
-#> [1] "Running iteration 87"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001089573 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001068115 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 87"
-#> [1] "Running iteration 88"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.799004e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.298325e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 88"
-#> [1] "Running iteration 89"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001049042 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001041889 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 89"
-#> [1] "Running iteration 90"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001149178 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001068115 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 90"
-#> [1] "Running iteration 91"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.00020504 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001139641 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 91"
-#> [1] "Running iteration 92"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001029968 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001111031 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 92"
-#> [1] "Running iteration 93"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001208782 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.298325e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 93"
-#> [1] "Running iteration 94"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001001358 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001189709 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 94"
-#> [1] "Running iteration 95"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.608269e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.799004e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 95"
-#> [1] "Running iteration 96"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.584427e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.608269e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 96"
-#> [1] "Running iteration 97"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001308918 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001080036 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 97"
-#> [1] "Running iteration 98"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.703636e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001239777 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 98"
-#> [1] "Running iteration 99"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001268387 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001060963 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 99"
-#> [1] "Running iteration 100"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 9.918213e-05 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001018047 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 100"
-#> [1] "Running iteration 101"
-#> [1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001211166 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Initializing and validating"
-#> [1] "Verified adequate samples, calculating correlation matrix"
-#> Time difference of 0.0001218319 secs
-#> [1] "More data cleaning"
-#> [1] "Main calculation"
-#> .....................................................[1] "Using OLS method"
-#> [1] "Finished running iteration 101"
-#> Time difference of 4.959143 mins
+yeast$exp.cc[is.na(yeast$exp.cc)] <- mean(as.matrix(yeast$exp.cc),na.rm=TRUE) +monsterRes <- monster(yeast$exp.cc, design, yeast$motif, nullPerms=100, numMaxCores=1, alphaw=1) +#> [1] "101 network transitions to be estimated" +#> [1] "Running iteration 1" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.698204e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.602837e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 1" +#> [1] "Running iteration 2" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.888939e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.578995e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 2" +#> [1] "Running iteration 3" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.389618e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.103516e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 3" +#> [1] "Running iteration 4" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.198883e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.009506e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 4" +#> [1] "Running iteration 5" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.38826e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.888939e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 5" +#> [1] "Running iteration 6" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.508827e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.699562e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> ....................... +#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred +#> ..............................[1] "Using OLS method" +#> [1] "Finished running iteration 6" +#> [1] "Running iteration 7" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.318092e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.890297e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 7" +#> [1] "Running iteration 8" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.578995e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.602837e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 8" +#> [1] "Running iteration 9" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.38826e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.914139e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 9" +#> [1] "Running iteration 10" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.29425e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.793571e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 10" +#> [1] "Running iteration 11" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.888939e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> ....................... +#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred +#> ..............................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.698204e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 11" +#> [1] "Running iteration 12" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.198883e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.198883e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 12" +#> [1] "Running iteration 13" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.914139e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.009506e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 13" +#> [1] "Running iteration 14" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.389618e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.606911e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 14" +#> [1] "Running iteration 15" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.914139e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.510185e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 15" +#> [1] "Running iteration 16" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.009506e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 0.0001850128 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 16" +#> [1] "Running iteration 17" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.581711e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.985664e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 17" +#> [1] "Running iteration 18" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.79493e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.198883e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 18" +#> [1] "Running iteration 19" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.796288e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.793571e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 19" +#> [1] "Running iteration 20" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.295609e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.389618e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 20" +#> [1] "Running iteration 21" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.984306e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.699562e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 21" +#> [1] "Running iteration 22" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.508827e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.486343e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 22" +#> [1] "Running iteration 23" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.890297e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.198883e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 23" +#> [1] "Running iteration 24" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.008148e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.79493e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 24" +#> [1] "Running iteration 25" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.41346e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.103516e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 25" +#> [1] "Running iteration 26" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.29425e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.890297e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 26" +#> [1] "Running iteration 27" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.41346e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.818771e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 27" +#> [1] "Running iteration 28" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.604195e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> ....................... +#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred +#> ..............................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.389618e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 28" +#> [1] "Running iteration 29" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.915497e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.295609e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 29" +#> [1] "Running iteration 30" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.796288e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.891655e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 30" +#> [1] "Running iteration 31" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.295609e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.29425e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 31" +#> [1] "Running iteration 32" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.486343e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.390976e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 32" +#> [1] "Running iteration 33" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.891655e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.604195e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 33" +#> [1] "Running iteration 34" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.702278e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 5.984306e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 34" +#> [1] "Running iteration 35" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.508827e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.914139e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 35" +#> [1] "Running iteration 36" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.699562e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.890297e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 36" +#> [1] "Running iteration 37" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.31945e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.29425e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 37" +#> [1] "Running iteration 38" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.198883e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.295609e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 38" +#> [1] "Running iteration 39" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.985664e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.604195e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 39" +#> [1] "Running iteration 40" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.604195e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.081032e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 40" +#> [1] "Running iteration 41" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.605553e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.915497e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 41" +#> [1] "Running iteration 42" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 9.512901e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.699562e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 42" +#> [1] "Running iteration 43" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.29425e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.699562e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 43" +#> [1] "Running iteration 44" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.915497e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.604195e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 44" +#> [1] "Running iteration 45" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.605553e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.605553e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 45" +#> [1] "Running iteration 46" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.295609e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> ....................... +#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred +#> ..............................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.98838e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 46" +#> [1] "Running iteration 47" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.677078e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.702278e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 47" +#> [1] "Running iteration 48" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.914139e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.200241e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> ....................... +#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred +#> ..............................[1] "Using OLS method" +#> [1] "Finished running iteration 48" +#> [1] "Running iteration 49" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.081032e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.605553e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 49" +#> [1] "Running iteration 50" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.987022e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.486343e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 50" +#> [1] "Running iteration 51" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.486343e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.200241e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> ....................... +#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred +#> ..............................[1] "Using OLS method" +#> [1] "Finished running iteration 51" +#> [1] "Running iteration 52" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.604195e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.200241e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 52" +#> [1] "Running iteration 53" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.29425e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 9.608269e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 53" +#> [1] "Running iteration 54" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.201599e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.510185e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 54" +#> [1] "Running iteration 55" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.104874e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 9.393692e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 55" +#> [1] "Running iteration 56" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.510185e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.200241e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 56" +#> [1] "Running iteration 57" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.98838e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.414818e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 57" +#> [1] "Running iteration 58" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.605553e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.295609e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 58" +#> [1] "Running iteration 59" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.009506e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.295609e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 59" +#> [1] "Running iteration 60" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.987022e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.985664e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 60" +#> [1] "Running iteration 61" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.392334e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.414818e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 61" +#> [1] "Running iteration 62" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.890297e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 0.0001461506 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 62" +#> [1] "Running iteration 63" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.893013e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.201599e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 63" +#> [1] "Running iteration 64" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.890297e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 0.0001299381 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 64" +#> [1] "Running iteration 65" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.484985e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.392334e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 65" +#> [1] "Running iteration 66" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.081032e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.296967e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 66" +#> [1] "Running iteration 67" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.200241e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.605553e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> ....................... +#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred +#> ..............................[1] "Using OLS method" +#> [1] "Finished running iteration 67" +#> [1] "Running iteration 68" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.818771e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.416176e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 68" +#> [1] "Running iteration 69" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.486343e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.414818e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 69" +#> [1] "Running iteration 70" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.891655e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.893013e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 70" +#> [1] "Running iteration 71" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 0.0001368523 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> ....................... +#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred +#> ..............................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.296967e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 71" +#> [1] "Running iteration 72" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 9.202957e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.486343e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 72" +#> [1] "Running iteration 73" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 6.985664e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.915497e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 73" +#> [1] "Running iteration 74" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.31945e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.796288e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 74" +#> [1] "Running iteration 75" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.891655e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.891655e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 75" +#> [1] "Running iteration 76" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.106232e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.486343e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 76" +#> [1] "Running iteration 77" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.296967e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.104874e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 77" +#> [1] "Running iteration 78" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.081032e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.821487e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 78" +#> [1] "Running iteration 79" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.295609e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.487701e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 79" +#> [1] "Running iteration 80" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.106232e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.891655e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 80" +#> [1] "Running iteration 81" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.392334e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.891655e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 81" +#> [1] "Running iteration 82" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.201599e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 9.894371e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 82" +#> [1] "Running iteration 83" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.009506e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.414818e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 83" +#> [1] "Running iteration 84" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.08239e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.296967e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 84" +#> [1] "Running iteration 85" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.416176e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.605553e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 85" +#> [1] "Running iteration 86" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.104874e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.796288e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 86" +#> [1] "Running iteration 87" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.510185e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.296967e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 87" +#> [1] "Running iteration 88" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.104874e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 0.0001561642 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 88" +#> [1] "Running iteration 89" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.70092e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.486343e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 89" +#> [1] "Running iteration 90" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.486343e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.796288e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 90" +#> [1] "Running iteration 91" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.987022e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 9.512901e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 91" +#> [1] "Running iteration 92" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.510185e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 9.298325e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 92" +#> [1] "Running iteration 93" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.414818e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.915497e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 93" +#> [1] "Running iteration 94" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.797646e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.796288e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 94" +#> [1] "Running iteration 95" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.605553e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.487701e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 95" +#> [1] "Running iteration 96" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.70092e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.891655e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 96" +#> [1] "Running iteration 97" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.296967e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> ....................... +#> Warning: glm.fit: fitted probabilities numerically 0 or 1 occurred +#> ..............................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.510185e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 97" +#> [1] "Running iteration 98" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.605553e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.796288e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 98" +#> [1] "Running iteration 99" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 0.0001051426 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 0.0001380444 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 99" +#> [1] "Running iteration 100" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 7.70092e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.416176e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 100" +#> [1] "Running iteration 101" +#> [1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.201599e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Initializing and validating" +#> [1] "Verified adequate samples, calculating correlation matrix" +#> Time difference of 8.893013e-05 secs +#> [1] "More data cleaning" +#> [1] "Main calculation" +#> .....................................................[1] "Using OLS method" +#> [1] "Finished running iteration 101" +#> Time difference of 3.69943 mins

We can print the details of the analysis result

-monsterRes
-#> MONSTER object
-#> 2555 genes
-#> 20 baseline samples
-#> 20 final samples
-#> Transition driven by 53 transcription factors
-#> Run with 100 randomized permutations.
-

In addition to the three required arguments, we have specified that we will compute 100 randomized runs of the analysis to estimate our result’s statistical signficance. MONSTER makes use of parallelization, and we have specified that 4 cores will be used in this analysis to reduce computation time.

-

Our result comes in the form of a monster object, monsterRes, which contains the estimated transition matrix as well as the transition matrices from the 100 null transitions.

+monsterRes +#> MONSTER object +#> 2555 genes +#> 20 baseline samples +#> 20 final samples +#> Transition driven by 53 transcription factors +#> Run with 100 randomized permutations.
+

In addition to the three required arguments, we have specified that +we will compute 100 randomized runs of the analysis to estimate our +result’s statistical signficance. MONSTER makes use of parallelization, +and we have specified that 4 cores will be used in this analysis to +reduce computation time.

+

Our result comes in the form of a monster object, +monsterRes, which contains the estimated transition matrix +as well as the transition matrices from the 100 null transitions.

-
-

-Visualizing MONSTER results

-

Many different plotting options are available in the MONSTER package which make use of additional libraries such as ggplot and igraph. Typically, we are interested in features of the transition matrix, particularly with respect to the distribution of those features under the null.

+
+

Visualizing MONSTER results +

+

Many different plotting options are available in the MONSTER package +which make use of additional libraries such as ggplot and igraph. +Typically, we are interested in features of the transition matrix, +particularly with respect to the distribution of those features under +the null.


-

The main plot function is the dTFI plot, utilizing the ggplot library. Of interest is the degree to which the observed transition matrix differs from those obtained via random premutations of the samples. We quantify this difference via differential TF Involvement, \(dTFI\), defined as the sum of squared off-diagonal elements in each column of the transition matrix, \[\hat{dTFI_{j}}=\frac{\sum_{i=1}^{m}I\left(i\ne j\right)\hat{\tau}_{i,j}^{2}}{\sum_{i=1}^{m}\hat{\tau}_{i,j}^{2}}\]

-

We can view the \(dTFI\) with the generic plot function

+

The main plot function is the dTFI plot, utilizing the +ggplot library. Of interest is the degree to which the +observed transition matrix differs from those obtained via random +premutations of the samples. We quantify this difference via +differential TF Involvement, \(dTFI\), +defined as the sum of squared off-diagonal elements in each column of +the transition matrix, \[\hat{dTFI_{j}}=\frac{\sum_{i=1}^{m}I\left(i\ne +j\right)\hat{\tau}_{i,j}^{2}}{\sum_{i=1}^{m}\hat{\tau}_{i,j}^{2}}\]

+

We can view the \(dTFI\) with the +generic plot function

-monsterPlotMonsterAnalysis(monsterRes)
-#> Warning: Vectorized input to `element_text()` is not officially supported.
-#> Results may be unexpected or may change in future versions of ggplot2.
+monsterPlotMonsterAnalysis(monsterRes) +#> Warning: Vectorized input to `element_text()` is not officially supported. +#> Results may be unexpected or may change in future versions of ggplot2.

-

In this plot, we have the \(dTFI\) for each transcription factor along the x-axis. The observed values are shown in red and the null values are shown in blue.

-

Due to the complex nature of the structure of gene regulatory networks, it is not uncommon to see transcription factors which exhibit a high degree of transitional change, but which is not statistically significant due to the high variability of that particular TF (e.g. YDR463W). Conversely, some TFs show weak changes, but those changes are large compared to the changes observed in null transitions (e.g. YKL062W). Ideally, we are most interested in TFs which demonstrate large changes in targetting pattern which is found to be strongly significant (e.g. YJL056C).

-

Adding the argument rescale='significance', sorts the x-axis so that the most significant transcription factors are on the left.

+

In this plot, we have the \(dTFI\) +for each transcription factor along the x-axis. The observed values are +shown in red and the null values are shown in blue.

+

Due to the complex nature of the structure of gene regulatory +networks, it is not uncommon to see transcription factors which exhibit +a high degree of transitional change, but which is not statistically +significant due to the high variability of that particular TF +(e.g. YDR463W). Conversely, some TFs show weak changes, but those +changes are large compared to the changes observed in null transitions +(e.g. YKL062W). Ideally, we are most interested in TFs which demonstrate +large changes in targetting pattern which is found to be strongly +significant (e.g. YJL056C).

+

Adding the argument rescale='significance', sorts the +x-axis so that the most significant transcription factors are on the +left.

-monsterPlotMonsterAnalysis(monsterRes, rescale='significance')
-#> Warning: Vectorized input to `element_text()` is not officially supported.
-#> Results may be unexpected or may change in future versions of ggplot2.
+monsterPlotMonsterAnalysis(monsterRes, rescale='significance') +#> Warning: Vectorized input to `element_text()` is not officially supported. +#> Results may be unexpected or may change in future versions of ggplot2.

-

Our top hit here is YDL056W, which reassuringly is established in the literature as being involved in regulation of cell cycle progression from G1 to S phase [Koch C, et al. (1993)]

+

Our top hit here is YDL056W, which reassuringly is established in the +literature as being involved in regulation of cell cycle progression +from G1 to S phase [Koch C, et al. (1993)]


-

The dTFI plot focuses primarily on individual transcription factors which have systematically changed their targetting patterns between groups. To dive further into the mechanisms, we may be specifically interested in which TFs are acquiring the targetting signatures of which other TFs. We can visualize the transition matrix in a number of ways using MONSTER.

-

First, using the package gplots, we can simply plot the transition matrix. The heatmap.2 function will show the \(m\times m\) transition matrix in the form of a square heatmap with \(m\) being the number of transcription factors. Intuitively, this is the operator, \(\textbf{T}\), on which we transform gene regulatory network \(\textbf{A}\) (The first 10 timepoints in the Yeast Cell Cycle) to network \(\textbf{B}\) (The last 10 timepoints in the Yeast Cell Cycle) via the equation \[\textbf{B}=\textbf{AT} + \textbf{E}\] where \(\textbf{E}\) is the \(p\times m\) error matrix which we are minimizing.

+

The dTFI plot focuses primarily on individual transcription factors +which have systematically changed their targetting patterns between +groups. To dive further into the mechanisms, we may be specifically +interested in which TFs are acquiring the targetting signatures of which +other TFs. We can visualize the transition matrix in a number of ways +using MONSTER.

+

First, using the package gplots, we can simply plot the +transition matrix. The heatmap.2 function will show the +\(m\times m\) transition matrix in the +form of a square heatmap with \(m\) +being the number of transcription factors. Intuitively, this is the +operator, \(\textbf{T}\), on which we +transform gene regulatory network \(\textbf{A}\) (The first 10 timepoints in +the Yeast Cell Cycle) to network \(\textbf{B}\) (The last 10 timepoints in the +Yeast Cell Cycle) via the equation \[\textbf{B}=\textbf{AT} + \textbf{E}\] +where \(\textbf{E}\) is the \(p\times m\) error matrix which we are +minimizing.

-library(gplots)
-heatmap.2(slot(monsterRes, 'tm'), col = "bluered",
-density.info="none",  
-trace="none", 
-dendrogram='none',     
-Rowv=FALSE,
-Colv=FALSE)
+library(gplots) +heatmap.2(slot(monsterRes, 'tm'), col = "bluered", +density.info="none", +trace="none", +dendrogram='none', +Rowv=FALSE, +Colv=FALSE)

-

In examining this heatmap, we are interested in strong deviations from the identity matrix. The diagonal is removed for visualization purposes. We can see that the cell cycle change is strong driven by a handful of transcription factors. Specifically, YBL005W, YLR228C, YLR451W and YML0051W.

-

This transition may also be depicted as a graph, displaying the gain or loss of features between transcription factors. Recall, that a large deviation from zero off of the diagonal indicates that the targetting pattern of one transcription factor is being “transferred” to another transcription factor as we move from the initial state to the final state.

-

MONSTER contains the function transitionNetworkPlot to makes use of the igraph package to display the transition in network states. Since this graph is complete with negative edgeweights allowed, the argument numEdges=20 (default is 100 edges) is used to specify the number of top transitions to display.

+

In examining this heatmap, we are interested in strong deviations +from the identity matrix. The diagonal is removed for visualization +purposes. We can see that the cell cycle change is strong driven by a +handful of transcription factors. Specifically, YBL005W, YLR228C, +YLR451W and YML0051W.

+

This transition may also be depicted as a graph, displaying the gain +or loss of features between transcription factors. Recall, that a large +deviation from zero off of the diagonal indicates that the targetting +pattern of one transcription factor is being “transferred” to another +transcription factor as we move from the initial state to the final +state.

+

MONSTER contains the function +transitionNetworkPlot to makes use of the +igraph package to display the transition in network states. +Since this graph is complete with negative edgeweights allowed, the +argument numEdges=20 (default is 100 edges) is used to +specify the number of top transitions to display.

-monsterTransitionNetworkPlot(monsterRes, numEdges=20)
+monsterTransitionNetworkPlot(monsterRes, numEdges=20)

-

A network visualization of the strongest 20 transitions identified based on the transition matrix above. Arrows indicate a change in edges from a transcription factor in the network of the first 10 timepoints in the Yeast Cell Cycle to resemble those of a transcription factor in the last 10 timepoints in the Yeast Cell Cycle. Edges are sized according to the magnitude of the transition and nodes (TFs) are sized by the dTFI for that TF. The gain of targeting features is indicated by the color blue while the loss of features is indicated by red.

-

Furthermore, we are often interested in correlated targetting pattern sharing. To find clusters of transcription factor transitions, we can plot the set of TFs onto the first two principal components taken from the transition matrix.

+

A network visualization of the strongest 20 transitions identified +based on the transition matrix above. Arrows indicate a change in edges +from a transcription factor in the network of the first 10 timepoints in +the Yeast Cell Cycle to resemble those of a transcription factor in the +last 10 timepoints in the Yeast Cell Cycle. Edges are sized according to +the magnitude of the transition and nodes (TFs) are sized by the dTFI +for that TF. The gain of targeting features is indicated by the color +blue while the loss of features is indicated by red.

+

Furthermore, we are often interested in correlated targetting pattern +sharing. To find clusters of transcription factor transitions, we can +plot the set of TFs onto the first two principal components taken from +the transition matrix.

-    require(ggplot2)
-    tm.pca <- princomp(slot(monsterRes, 'tm'))
-    odsm <- apply(slot(monsterRes, 'tm'),2,function(x){t(x)%*%x})
-    odsm.scaled <- (odsm-mean(odsm))/sd(odsm)+4
-    scores.pca <- as.data.frame(tm.pca$scores)
-    scores.pca <- cbind(scores.pca,'node.names'=rownames(scores.pca))
-    ggplot(data = scores.pca, aes(x = Comp.1, y = Comp.2, label = node.names)) +
-        geom_hline(yintercept = 0, colour = "gray65") +
-        geom_vline(xintercept = 0, colour = "gray65") +
-        geom_text(size = odsm.scaled) +
-        expand_limits(x=c(-.6,.7))+
-        ggtitle("PCA of transitions of Cell Cycle Transcription Factors in Yeast")
+ require(ggplot2) + tm.pca <- princomp(slot(monsterRes, 'tm')) + odsm <- apply(slot(monsterRes, 'tm'),2,function(x){t(x)%*%x}) + odsm.scaled <- (odsm-mean(odsm))/sd(odsm)+4 + scores.pca <- as.data.frame(tm.pca$scores) + scores.pca <- cbind(scores.pca,'node.names'=rownames(scores.pca)) + ggplot(data = scores.pca, aes(x = Comp.1, y = Comp.2, label = node.names)) + + geom_hline(yintercept = 0, colour = "gray65") + + geom_vline(xintercept = 0, colour = "gray65") + + geom_text(size = odsm.scaled) + + expand_limits(x=c(-.6,.7))+ + ggtitle("PCA of transitions of Cell Cycle Transcription Factors in Yeast")

-

The above plot can also be achieved using the included MONSTER function, monster.transitionPCAPlot(monsterRes).

+

The above plot can also be achieved using the included +MONSTER function, +monster.transitionPCAPlot(monsterRes).

-
- - - +
-
+ diff --git a/docs/articles/MONSTER_files/figure-html/unnamed-chunk-10-1.png b/docs/articles/MONSTER_files/figure-html/unnamed-chunk-10-1.png index 086c4b44..f7424f5e 100644 Binary files a/docs/articles/MONSTER_files/figure-html/unnamed-chunk-10-1.png and b/docs/articles/MONSTER_files/figure-html/unnamed-chunk-10-1.png differ diff --git a/docs/articles/MONSTER_files/figure-html/unnamed-chunk-11-1.png b/docs/articles/MONSTER_files/figure-html/unnamed-chunk-11-1.png index fdbbd0c4..4c393ef7 100644 Binary files a/docs/articles/MONSTER_files/figure-html/unnamed-chunk-11-1.png and b/docs/articles/MONSTER_files/figure-html/unnamed-chunk-11-1.png differ diff --git a/docs/articles/MONSTER_files/figure-html/unnamed-chunk-12-1.png b/docs/articles/MONSTER_files/figure-html/unnamed-chunk-12-1.png index 58b073e4..3f38ecf0 100644 Binary files a/docs/articles/MONSTER_files/figure-html/unnamed-chunk-12-1.png and b/docs/articles/MONSTER_files/figure-html/unnamed-chunk-12-1.png differ diff --git a/docs/articles/MONSTER_files/figure-html/unnamed-chunk-13-1.png b/docs/articles/MONSTER_files/figure-html/unnamed-chunk-13-1.png index 15671012..819a770b 100644 Binary files a/docs/articles/MONSTER_files/figure-html/unnamed-chunk-13-1.png and b/docs/articles/MONSTER_files/figure-html/unnamed-chunk-13-1.png differ diff --git a/docs/articles/MONSTER_files/figure-html/unnamed-chunk-14-1.png b/docs/articles/MONSTER_files/figure-html/unnamed-chunk-14-1.png index 28000dbd..9e2866cf 100644 Binary files a/docs/articles/MONSTER_files/figure-html/unnamed-chunk-14-1.png and b/docs/articles/MONSTER_files/figure-html/unnamed-chunk-14-1.png differ diff --git a/docs/articles/SAMBAR.html b/docs/articles/SAMBAR.html index b63caa0d..d9fbd6fd 100644 --- a/docs/articles/SAMBAR.html +++ b/docs/articles/SAMBAR.html @@ -4,174 +4,191 @@ - + + SAMBAR: Subtyping Agglomerated Mutations By Annotation Relations • netZooR - - - + + + - - + - -
-
-
- + diff --git a/docs/articles/TutorialOTTER.html b/docs/articles/TutorialOTTER.html index f98373fa..1777cb0a 100644 --- a/docs/articles/TutorialOTTER.html +++ b/docs/articles/TutorialOTTER.html @@ -4,477 +4,534 @@ - + + Inferring Gene Regulatory Networks from GTEx Gene Expression Data in R with OTTER • netZooR - - - + + + - - + - -
-
-
- + diff --git a/docs/articles/TutorialOTTER_files/figure-html/unnamed-chunk-15-1.png b/docs/articles/TutorialOTTER_files/figure-html/unnamed-chunk-15-1.png index e41fc90a..daedeee0 100644 Binary files a/docs/articles/TutorialOTTER_files/figure-html/unnamed-chunk-15-1.png and b/docs/articles/TutorialOTTER_files/figure-html/unnamed-chunk-15-1.png differ diff --git a/docs/articles/index.html b/docs/articles/index.html index a9cfd584..4adcf110 100644 --- a/docs/articles/index.html +++ b/docs/articles/index.html @@ -1,214 +1,110 @@ - - - - - - - -Articles • netZooR - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - +Articles • netZooR + Skip to contents + +
-
- +
Detecting differential modules using ALPACA
+
+
Building PANDA and LIONESS Regulatory Networks from GTEx Gene Expression Data in R
+
+
netZooR application with TB dataset
+
+
Using CONDOR for community detection in bipartite graphs
+
+
Constructing genotype-specific gene regulatory networks with EGRET
+
+
Comparing LIONESS Regulatory Networks using limma
+
+
An Introduction to the MONSTER Package
+
+
SAMBAR: Subtyping Agglomerated Mutations By Annotation Relations
+
+
Inferring Gene Regulatory Networks from GTEx Gene Expression Data in R with OTTER
+
+
An Introduction to the pandaR Package
+
+
Building PANDA Regulatory Networks from GTEx Gene Expression Data in R
+
+
YARN: Robust Multi-Tissue RNA-Seq Preprocessing and Normalization
+
+
+
+ + +
- -
-
-
+
+ - - - + diff --git a/docs/articles/pandaR.html b/docs/articles/pandaR.html index b2d6b04f..cd46bd35 100644 --- a/docs/articles/pandaR.html +++ b/docs/articles/pandaR.html @@ -4,282 +4,307 @@ - + + An Introduction to the pandaR Package • netZooR - - - + + + - - + - -
-
-
- +
##  [1] "AKAP10"       "CNDP2"        "CRHR1"        "HNRNPD"       "KIAA0652"    
+##  [6] "LOC100093631" "LOC100128811" "PRR15"        "TCF4"         "TCP11L2"     
+## [11] "TMPRSS11B"    "VCX3B"        "WDR4"
+

The network can be further simplified by focusing only on +transcription factors on interest and the genes that they are found to +regulate. The subnetwork method serves this +function

-topSubnet <- subnetwork(topNet, c("AR","ARID3A","ELK1"))
-

Existing R packages, such as igraph, can be used to visualize the results

+topSubnet <- subnetwork(topNet, c("AR","ARID3A","ELK1"))
+

Existing R packages, such as igraph, can be used to visualize the +results

-plotGraph(topSubnet)
+plotGraph(topSubnet)

-
-

-Comparing state-specific PANDA networks

-

We provide a number of useful plotting functions for the analysis of the networks. The main functions used to plot and analyze the PANDA networks are:

+
+

Comparing state-specific PANDA networks +

+

We provide a number of useful plotting functions for the analysis of +the networks. The main functions used to plot and analyze the PANDA +networks are:

  • plotZ -Comparison of Z scores between two PANDA runs
  • plotZbyTF - Plot Z by TF outdegree quartiles
-

We can compare how parameter choices effect the Z-score estimation between two PANDA runs. Additionally, we can compare two phenotypes:

+

We can compare how parameter choices effect the Z-score estimation +between two PANDA runs. Additionally, we can compare two phenotypes:

-panda.res1 <- with(pandaToyData, panda(motif, expression, ppi, hamming=1))
-panda.res2 <- with(pandaToyData, panda(motif, expression + 
-                   rnorm(prod(dim(expression)),sd=5), ppi, hamming=1))
-plotZ(panda.res1, panda.res2,addLine=FALSE)
-
## Warning in type.convert.default(X[[i]], ...): 'as.is' should be specified by the
-## caller; using TRUE
-
-## Warning in type.convert.default(X[[i]], ...): 'as.is' should be specified by the
-## caller; using TRUE
-
-## Warning in type.convert.default(X[[i]], ...): 'as.is' should be specified by the
-## caller; using TRUE
-
-## Warning in type.convert.default(X[[i]], ...): 'as.is' should be specified by the
-## caller; using TRUE
+panda.res1 <- with(pandaToyData, panda(motif, expression, ppi, hamming=1)) +panda.res2 <- with(pandaToyData, panda(motif, expression + + rnorm(prod(dim(expression)),sd=5), ppi, hamming=1)) +plotZ(panda.res1, panda.res2,addLine=FALSE)
+
## Warning in type.convert.default(X[[i]], ...): 'as.is' should be specified by
+## the caller; using TRUE
+
+## Warning in type.convert.default(X[[i]], ...): 'as.is' should be specified by
+## the caller; using TRUE
+
+## Warning in type.convert.default(X[[i]], ...): 'as.is' should be specified by
+## the caller; using TRUE
+
+## Warning in type.convert.default(X[[i]], ...): 'as.is' should be specified by
+## the caller; using TRUE

Other comparisons are underway…

-
-

-Other helpful functions

-

There are a host of other helpful functions, including testMotif, plotCommunityDetection, and multiplot. See the full help pages.

+
+

Other helpful functions +

+

There are a host of other helpful functions, including +testMotif, plotCommunityDetection, and +multiplot. See the full help pages.

##References

-

Glass K, Huttenhower C, Quackenbush J, Yuan GC. Passing Messages Between Biological Networks to Refine Predicted Interactions, PLoS One, 2013 May 31;8(5):e64832

-

Glass K, Quackenbush J, Silverman EK, Celli B, Rennard S, Yuan GC and DeMeo DL. Sexually-dimorphic targeting of functionally-related genes in COPD, BMC Systems Biology, 2014 Nov 28; 8:118

-
-
- - - +
-
+ diff --git a/docs/articles/pandaRApplicationinGTExData.html b/docs/articles/pandaRApplicationinGTExData.html index 908c5778..03c788bb 100644 --- a/docs/articles/pandaRApplicationinGTExData.html +++ b/docs/articles/pandaRApplicationinGTExData.html @@ -4,468 +4,487 @@ - + + Building PANDA Regulatory Networks from GTEx Gene Expression Data in R • netZooR - - - + + + - - + - -
-
-
- + diff --git a/docs/articles/pandaRApplicationinGTExData_files/figure-html/unnamed-chunk-14-1.png b/docs/articles/pandaRApplicationinGTExData_files/figure-html/unnamed-chunk-14-1.png index 7feac827..e698c41c 100644 Binary files a/docs/articles/pandaRApplicationinGTExData_files/figure-html/unnamed-chunk-14-1.png and b/docs/articles/pandaRApplicationinGTExData_files/figure-html/unnamed-chunk-14-1.png differ diff --git a/docs/articles/pandaR_files/figure-html/plotZ-1.png b/docs/articles/pandaR_files/figure-html/plotZ-1.png index 8d470c35..811489b5 100644 Binary files a/docs/articles/pandaR_files/figure-html/plotZ-1.png and b/docs/articles/pandaR_files/figure-html/plotZ-1.png differ diff --git a/docs/articles/pandaR_files/figure-html/unnamed-chunk-6-1.png b/docs/articles/pandaR_files/figure-html/unnamed-chunk-6-1.png index 8a3aa393..0a8580e8 100644 Binary files a/docs/articles/pandaR_files/figure-html/unnamed-chunk-6-1.png and b/docs/articles/pandaR_files/figure-html/unnamed-chunk-6-1.png differ diff --git a/docs/articles/yarn.html b/docs/articles/yarn.html index 6aba91f8..a8867112 100644 --- a/docs/articles/yarn.html +++ b/docs/articles/yarn.html @@ -4,400 +4,386 @@ - + + YARN: Robust Multi-Tissue RNA-Seq Preprocessing and Normalization • netZooR - - - + + + - - + - -
-
-
- +
## Features  Samples 
+##    40824       20
-dim(skin_filtered)
-
## Features  Samples 
-##    19933       20
+dim(skin_filtered)
+
## Features  Samples 
+##    19933       20

Or group specific genes

-tmp = yarn::filterGenes(skin,labels=c("X","Y","MT"),featureName = "chromosome_name")
-# Keep only the sex names
-tmp = yarn::filterGenes(skin,labels=c("X","Y","MT"),featureName = "chromosome_name",keepOnly=TRUE)
+tmp = yarn::filterGenes(skin,labels=c("X","Y","MT"),featureName = "chromosome_name") +# Keep only the sex names +tmp = yarn::filterGenes(skin,labels=c("X","Y","MT"),featureName = "chromosome_name",keepOnly=TRUE)
  1. Normalize in a tissue or group-aware manner
-yarn::plotDensity(skin_filtered,"SMTSD",main=expression('log'[2]*' raw expression'))
+yarn::plotDensity(skin_filtered,"SMTSD",main=expression('log'[2]*' raw expression'))

-skin_filtered = yarn::normalizeTissueAware(skin_filtered,"SMTSD")
-yarn::plotDensity(skin_filtered,"SMTSD",normalized=TRUE,main="Normalized")
-
## normalizedMatrix is assumed to already be log-transformed
+skin_filtered = yarn::normalizeTissueAware(skin_filtered,"SMTSD") +yarn::plotDensity(skin_filtered,"SMTSD",normalized=TRUE,main="Normalized")
+
## normalizedMatrix is assumed to already be log-transformed

-
-

-Helper functions

-

Other than checkMisAnnotation and checkTissuesToMerge we provide a few plotting function. We include, plotCMDS, plotDensity, plotHeatmap.

-

plotCMDS - PCoA / Classical Multi-Dimensional Scaling of the most variable genes.

+
+

Helper functions +

+

Other than checkMisAnnotation and +checkTissuesToMerge we provide a few plotting function. We +include, plotCMDS, plotDensity, +plotHeatmap.

+

plotCMDS - PCoA / Classical Multi-Dimensional Scaling of +the most variable genes.

-data(skin)
-res = yarn::plotCMDS(skin,pch=21,bg=factor(pData(skin)$SMTSD))
+data(skin) +res = yarn::plotCMDS(skin,pch=21,bg=factor(pData(skin)$SMTSD))

-

plotDensity - Density plots colored by phenotype of choosing. Allows for inspection of global trend differences.

+

plotDensity - Density plots colored by phenotype of +choosing. Allows for inspection of global trend differences.

-filtData = yarn::filterLowGenes(skin,"SMTSD")
-yarn::plotDensity(filtData,groups="SMTSD",legendPos="topleft")
+filtData = yarn::filterLowGenes(skin,"SMTSD") +yarn::plotDensity(filtData,groups="SMTSD",legendPos="topleft")

plotHeatmap - Heatmap of the most variable genes.

-library(RColorBrewer)
-tissues = pData(skin)$SMTSD
-heatmapColColors=brewer.pal(12,"Set3")[as.integer(factor(tissues))]
-heatmapCols = colorRampPalette(brewer.pal(9, "RdBu"))(50)
-yarn::plotHeatmap(skin,normalized=FALSE,log=TRUE,trace="none",n=10,
- col = heatmapCols,ColSideColors = heatmapColColors,cexRow = 0.25,cexCol = 0.25)
+library(RColorBrewer) +tissues = pData(skin)$SMTSD +heatmapColColors=brewer.pal(12,"Set3")[as.integer(factor(tissues))] +heatmapCols = colorRampPalette(brewer.pal(9, "RdBu"))(50) +yarn::plotHeatmap(skin,normalized=FALSE,log=TRUE,trace="none",n=10, + col = heatmapCols,ColSideColors = heatmapColColors,cexRow = 0.25,cexCol = 0.25)

-
-

-Information

+
+

Information +

-
## R version 4.1.1 (2021-08-10)
-## Platform: x86_64-apple-darwin17.0 (64-bit)
-## Running under: macOS Mojave 10.14.6
-## 
-## Matrix products: default
-## BLAS:   /Library/Frameworks/R.framework/Versions/4.1/Resources/lib/libRblas.0.dylib
-## LAPACK: /Library/Frameworks/R.framework/Versions/4.1/Resources/lib/libRlapack.dylib
-## 
-## locale:
-## [1] en_US.UTF-8/en_US.UTF-8/en_US.UTF-8/C/en_US.UTF-8/en_US.UTF-8
-## 
-## attached base packages:
-## [1] parallel  stats     graphics  grDevices utils     datasets  methods  
-## [8] base     
-## 
-## other attached packages:
-## [1] RColorBrewer_1.1-2  netZooR_1.1.16      yarn_1.18.0        
-## [4] pandaR_1.19.5       Biobase_2.52.0      BiocGenerics_0.38.0
-## [7] reticulate_1.22     igraph_1.3.4       
-## 
-## loaded via a namespace (and not attached):
-##   [1] utf8_1.2.2                  proto_1.0.0                
-##   [3] R.utils_2.11.0              RUnit_0.4.32               
-##   [5] tidyselect_1.1.1            RSQLite_2.2.8              
-##   [7] AnnotationDbi_1.54.1        grid_4.1.1                 
-##   [9] BiocParallel_1.26.2         base64url_1.4              
-##  [11] munsell_0.5.0               codetools_0.2-18           
-##  [13] ragg_1.1.3                  preprocessCore_1.54.0      
-##  [15] chron_2.3-56                pbdZMQ_0.3-5               
-##  [17] colorspace_2.0-2            Category_2.58.0            
-##  [19] filelock_1.0.2              highr_0.9                  
-##  [21] dplR_1.7.2                  knitr_1.36                 
-##  [23] uuid_0.1-4                  stats4_4.1.1               
-##  [25] MatrixGenerics_1.4.3        repr_1.1.3                 
-##  [27] GenomeInfoDbData_1.2.6      bit64_4.0.5                
-##  [29] rhdf5_2.36.0                rprojroot_2.0.2            
-##  [31] downloader_0.4              vctrs_0.3.8                
-##  [33] generics_0.1.0              xfun_0.26                  
-##  [35] BiocFileCache_2.0.0         R6_2.5.1                   
-##  [37] doParallel_1.0.16           GenomeInfoDb_1.28.4        
-##  [39] illuminaio_0.34.0           RJSONIO_1.3-1.6            
-##  [41] locfit_1.5-9.4              bitops_1.0-7               
-##  [43] rhdf5filters_1.4.0          cachem_1.0.6               
-##  [45] reshape_0.8.8               DelayedArray_0.18.0        
-##  [47] assertthat_0.2.1            BiocIO_1.2.0               
-##  [49] scales_1.1.1                nnet_7.3-16                
-##  [51] gtable_0.3.0                rlang_0.4.11               
-##  [53] genefilter_1.74.0           systemfonts_1.0.2          
-##  [55] splines_4.1.1               rtracklayer_1.52.1         
-##  [57] GEOquery_2.60.0             hexbin_1.28.2              
-##  [59] reshape2_1.4.4              yaml_2.2.1                 
-##  [61] backports_1.2.1             GenomicFeatures_1.44.2     
-##  [63] RBGL_1.68.0                 tools_4.1.1                
-##  [65] nor1mix_1.3-0               ggplot2_3.3.6              
-##  [67] ellipsis_0.3.2              gplots_3.1.1               
-##  [69] jquerylib_0.1.4             ggdendro_0.1.22            
-##  [71] siggenes_1.66.0             STRINGdb_2.4.1             
-##  [73] gsubfn_0.7                  hash_2.2.6.1               
-##  [75] Rcpp_1.0.7                  plyr_1.8.6                 
-##  [77] base64enc_0.1-3             sparseMatrixStats_1.4.2    
-##  [79] progress_1.2.2              zlibbioc_1.38.0            
-##  [81] purrr_0.3.4                 RCurl_1.98-1.5             
-##  [83] prettyunits_1.1.1           sqldf_0.4-11               
-##  [85] openssl_1.4.5               bumphunter_1.34.0          
-##  [87] S4Vectors_0.30.2            cluster_2.1.2              
-##  [89] SummarizedExperiment_1.22.0 fs_1.5.0                   
-##  [91] magrittr_2.0.1              data.table_1.14.2          
-##  [93] matrixStats_0.61.0          hms_1.1.1                  
-##  [95] evaluate_0.14               xtable_1.8-4               
-##  [97] XML_3.99-0.8                mclust_5.4.7               
-##  [99] IRanges_2.26.0              compiler_4.1.1             
-## [101] biomaRt_2.48.3              minfi_1.38.0               
-## [103] tibble_3.1.5                RCy3_2.12.4                
-## [105] KernSmooth_2.23-20          crayon_1.4.1               
-## [107] R.oo_1.24.0                 htmltools_0.5.2            
-## [109] GOstats_2.58.0              mgcv_1.8-36                
-## [111] tzdb_0.1.2                  tidyr_1.1.4                
-## [113] DBI_1.1.1                   dbplyr_2.1.1               
-## [115] MASS_7.3-54                 rappdirs_0.3.3             
-## [117] Matrix_1.3-4                readr_2.0.2                
-## [119] permute_0.9-5               quantro_1.26.0             
-## [121] uchardet_1.1.0              R.methodsS3_1.8.1          
-## [123] quadprog_1.5-8              GenomicRanges_1.44.0       
-## [125] pkgconfig_2.0.3             pkgdown_1.6.1              
-## [127] GenomicAlignments_1.28.0    signal_0.7-7               
-## [129] IRdisplay_1.0               xml2_1.3.2                 
-## [131] foreach_1.5.1               annotate_1.70.0            
-## [133] penalized_0.9-51            bslib_0.3.1                
-## [135] rngtools_1.5                multtest_2.48.0            
-## [137] beanplot_1.2                XVector_0.32.0             
-## [139] AnnotationForge_1.34.0      doRNG_1.8.2                
-## [141] scrime_1.3.5                stringr_1.4.0              
-## [143] digest_0.6.28               vegan_2.5-7                
-## [145] graph_1.70.0                Biostrings_2.60.2          
-## [147] rmarkdown_2.11              base64_2.0                 
-## [149] edgeR_3.34.1                DelayedMatrixStats_1.14.3  
-## [151] GSEABase_1.54.0             restfulr_0.0.13            
-## [153] curl_4.3.2                  Rsamtools_2.8.0            
-## [155] gtools_3.9.2                rjson_0.2.20               
-## [157] lifecycle_1.0.1             nlme_3.1-152               
-## [159] jsonlite_1.7.2              Rhdf5lib_1.14.2            
-## [161] viridisLite_0.4.0           desc_1.4.0                 
-## [163] askpass_1.1                 limma_3.48.3               
-## [165] fansi_0.5.0                 pillar_1.6.3               
-## [167] lattice_0.20-44             plotrix_3.8-2              
-## [169] KEGGREST_1.32.0             fastmap_1.1.0              
-## [171] httr_1.4.2                  survival_3.2-11            
-## [173] GO.db_3.13.0                glue_1.4.2                 
-## [175] png_0.1-7                   iterators_1.0.13           
-## [177] bit_4.0.4                   Rgraphviz_2.36.0           
-## [179] stringi_1.7.5               sass_0.4.0                 
-## [181] HDF5Array_1.20.0            blob_1.2.2                 
-## [183] textshaping_0.3.5           org.Hs.eg.db_3.13.0        
-## [185] caTools_1.18.2              memoise_2.0.0              
-## [187] IRkernel_1.2                dplyr_1.0.7
+sessionInfo()
+
## R version 4.2.2 (2022-10-31)
+## Platform: x86_64-apple-darwin17.0 (64-bit)
+## Running under: macOS Big Sur ... 10.16
+## 
+## Matrix products: default
+## BLAS:   /Library/Frameworks/R.framework/Versions/4.2/Resources/lib/libRblas.0.dylib
+## LAPACK: /Library/Frameworks/R.framework/Versions/4.2/Resources/lib/libRlapack.dylib
+## 
+## locale:
+## [1] en_US.UTF-8/en_US.UTF-8/en_US.UTF-8/C/en_US.UTF-8/en_US.UTF-8
+## 
+## attached base packages:
+## [1] stats     graphics  grDevices utils     datasets  methods   base     
+## 
+## other attached packages:
+## [1] RColorBrewer_1.1-3  netZooR_1.5.0       matrixcalc_1.0-6   
+## [4] yarn_1.24.0         pandaR_1.19.6       Biobase_2.58.0     
+## [7] BiocGenerics_0.44.0 reticulate_1.32.0   igraph_1.5.1       
+## 
+## loaded via a namespace (and not attached):
+##   [1] utf8_1.2.3                  proto_1.0.0                
+##   [3] RUnit_0.4.32                tidyselect_1.2.0           
+##   [5] RSQLite_2.3.1               AnnotationDbi_1.60.0       
+##   [7] grid_4.2.2                  BiocParallel_1.32.4        
+##   [9] munsell_0.5.0               base64url_1.4              
+##  [11] codetools_0.2-19            ragg_1.2.5                 
+##  [13] preprocessCore_1.60.1       chron_2.3-61               
+##  [15] pbdZMQ_0.3-10               colorspace_2.1-0           
+##  [17] Category_2.64.0             filelock_1.0.2             
+##  [19] knitr_1.44                  uuid_1.1-1                 
+##  [21] rstudioapi_0.15.0           stats4_4.2.2               
+##  [23] MatrixGenerics_1.10.0       repr_1.1.6                 
+##  [25] GenomeInfoDbData_1.2.9      farver_2.1.1               
+##  [27] bit64_4.0.5                 rhdf5_2.42.0               
+##  [29] rprojroot_2.0.3             downloader_0.4             
+##  [31] vctrs_0.6.3                 generics_0.1.3             
+##  [33] xfun_0.40                   BiocFileCache_2.6.0        
+##  [35] R6_2.5.1                    doParallel_1.0.17          
+##  [37] GenomeInfoDb_1.34.4         illuminaio_0.40.0          
+##  [39] RJSONIO_1.3-1.8             locfit_1.5-9.8             
+##  [41] bitops_1.0-7                rhdf5filters_1.10.0        
+##  [43] cachem_1.0.8                reshape_0.8.9              
+##  [45] DelayedArray_0.24.0         assertthat_0.2.1           
+##  [47] BiocIO_1.8.0                scales_1.2.1               
+##  [49] nnet_7.3-19                 gtable_0.3.4               
+##  [51] processx_3.8.2              rlang_1.1.1                
+##  [53] genefilter_1.80.2           systemfonts_1.0.4          
+##  [55] splines_4.2.2               rtracklayer_1.58.0         
+##  [57] GEOquery_2.66.0             hexbin_1.28.3              
+##  [59] checkmate_2.2.0             abind_1.4-5                
+##  [61] reshape2_1.4.4              yaml_2.3.7                 
+##  [63] backports_1.4.1             GenomicFeatures_1.50.3     
+##  [65] RBGL_1.74.0                 tensorA_0.36.2             
+##  [67] tools_4.2.2                 nor1mix_1.3-0              
+##  [69] ggplot2_3.4.3               gplots_3.1.3               
+##  [71] posterior_1.4.1             jquerylib_0.1.4            
+##  [73] ggdendro_0.1.23             siggenes_1.72.0            
+##  [75] STRINGdb_2.10.0             gsubfn_0.7                 
+##  [77] hash_2.2.6.3                Rcpp_1.0.11                
+##  [79] plyr_1.8.8                  base64enc_0.1-3            
+##  [81] sparseMatrixStats_1.10.0    progress_1.2.2             
+##  [83] zlibbioc_1.44.0             purrr_1.0.2                
+##  [85] RCurl_1.98-1.12             ps_1.7.5                   
+##  [87] prettyunits_1.1.1           sqldf_0.4-11               
+##  [89] openssl_2.1.0               bumphunter_1.40.0          
+##  [91] S4Vectors_0.36.1            cluster_2.1.4              
+##  [93] SummarizedExperiment_1.28.0 fs_1.6.3                   
+##  [95] magrittr_2.0.3              data.table_1.14.8          
+##  [97] matrixStats_1.0.0           hms_1.1.3                  
+##  [99] evaluate_0.21               xtable_1.8-4               
+## [101] XML_3.99-0.14               mclust_6.0.0               
+## [103] IRanges_2.32.0              compiler_4.2.2             
+## [105] biomaRt_2.54.0              minfi_1.44.0               
+## [107] tibble_3.2.1                RCy3_2.18.0                
+## [109] KernSmooth_2.23-22          crayon_1.5.2               
+## [111] htmltools_0.5.6             GOstats_2.64.0             
+## [113] mgcv_1.9-0                  tzdb_0.4.0                 
+## [115] tidyr_1.3.0                 DBI_1.1.3                  
+## [117] dbplyr_2.3.3                MASS_7.3-60                
+## [119] rappdirs_0.3.3              Matrix_1.6-1.1             
+## [121] readr_2.1.4                 permute_0.9-7              
+## [123] cli_3.6.1                   quantro_1.32.0             
+## [125] uchardet_1.1.1              quadprog_1.5-8             
+## [127] parallel_4.2.2              GenomicRanges_1.50.2       
+## [129] pkgconfig_2.0.3             pkgdown_2.0.7              
+## [131] GenomicAlignments_1.34.0    IRdisplay_1.1              
+## [133] xml2_1.3.5                  foreach_1.5.2              
+## [135] annotate_1.76.0             penalized_0.9-52           
+## [137] bslib_0.5.1                 rngtools_1.5.2             
+## [139] multtest_2.54.0             beanplot_1.3.1             
+## [141] XVector_0.38.0              AnnotationForge_1.40.0     
+## [143] doRNG_1.8.6                 scrime_1.3.5               
+## [145] distributional_0.3.2        stringr_1.5.0              
+## [147] digest_0.6.33               vegan_2.6-4                
+## [149] graph_1.76.0                Biostrings_2.66.0          
+## [151] rmarkdown_2.25              base64_2.0.1               
+## [153] edgeR_3.40.1                DelayedMatrixStats_1.20.0  
+## [155] GSEABase_1.60.0             restfulr_0.0.15            
+## [157] curl_5.0.2                  Rsamtools_2.14.0           
+## [159] gtools_3.9.4                rjson_0.2.21               
+## [161] lifecycle_1.0.3             nlme_3.1-163               
+## [163] jsonlite_1.8.7              cmdstanr_0.6.1.9000        
+## [165] Rhdf5lib_1.20.0             viridisLite_0.4.2          
+## [167] desc_1.4.2                  askpass_1.2.0              
+## [169] limma_3.54.2                fansi_1.0.4                
+## [171] pillar_1.9.0                lattice_0.21-8             
+## [173] plotrix_3.8-2               KEGGREST_1.38.0            
+## [175] fastmap_1.1.1               httr_1.4.7                 
+## [177] survival_3.5-7              GO.db_3.16.0               
+## [179] glue_1.6.2                  png_0.1-8                  
+## [181] iterators_1.0.14            bit_4.0.5                  
+## [183] Rgraphviz_2.42.0            stringi_1.7.12             
+## [185] sass_0.4.7                  HDF5Array_1.26.0           
+## [187] blob_1.2.4                  textshaping_0.3.6          
+## [189] org.Hs.eg.db_3.16.0         caTools_1.18.2             
+## [191] memoise_2.0.1               IRkernel_1.3.2             
+## [193] dplyr_1.1.3
-
- - - +
-
+ diff --git a/docs/articles/yarn_files/figure-html/checkMisAnnotation-1.png b/docs/articles/yarn_files/figure-html/checkMisAnnotation-1.png index ab5670ea..a2f96cfa 100644 Binary files a/docs/articles/yarn_files/figure-html/checkMisAnnotation-1.png and b/docs/articles/yarn_files/figure-html/checkMisAnnotation-1.png differ diff --git a/docs/articles/yarn_files/figure-html/checkTissuesToMerge-1.png b/docs/articles/yarn_files/figure-html/checkTissuesToMerge-1.png index 3e36ccef..ef93981b 100644 Binary files a/docs/articles/yarn_files/figure-html/checkTissuesToMerge-1.png and b/docs/articles/yarn_files/figure-html/checkTissuesToMerge-1.png differ diff --git a/docs/articles/yarn_files/figure-html/density-1.png b/docs/articles/yarn_files/figure-html/density-1.png index 3df9cef0..0b8bd1b2 100644 Binary files a/docs/articles/yarn_files/figure-html/density-1.png and b/docs/articles/yarn_files/figure-html/density-1.png differ diff --git a/docs/articles/yarn_files/figure-html/density-2.png b/docs/articles/yarn_files/figure-html/density-2.png index bcc5633d..8bdf7137 100644 Binary files a/docs/articles/yarn_files/figure-html/density-2.png and b/docs/articles/yarn_files/figure-html/density-2.png differ diff --git a/docs/articles/yarn_files/figure-html/unnamed-chunk-3-1.png b/docs/articles/yarn_files/figure-html/unnamed-chunk-3-1.png index 69826fa8..511c3218 100644 Binary files a/docs/articles/yarn_files/figure-html/unnamed-chunk-3-1.png and b/docs/articles/yarn_files/figure-html/unnamed-chunk-3-1.png differ diff --git a/docs/articles/yarn_files/figure-html/unnamed-chunk-4-1.png b/docs/articles/yarn_files/figure-html/unnamed-chunk-4-1.png index ed980e4e..44accae8 100644 Binary files a/docs/articles/yarn_files/figure-html/unnamed-chunk-4-1.png and b/docs/articles/yarn_files/figure-html/unnamed-chunk-4-1.png differ diff --git a/docs/articles/yarn_files/figure-html/unnamed-chunk-5-1.png b/docs/articles/yarn_files/figure-html/unnamed-chunk-5-1.png index 169dddc7..e8763cc3 100644 Binary files a/docs/articles/yarn_files/figure-html/unnamed-chunk-5-1.png and b/docs/articles/yarn_files/figure-html/unnamed-chunk-5-1.png differ diff --git a/docs/authors.html b/docs/authors.html index db9b337b..79792e6d 100644 --- a/docs/authors.html +++ b/docs/authors.html @@ -1,234 +1,132 @@ - - - - - - - -Citation and Authors • netZooR - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - +Authors and Citation • netZooR + Skip to contents + +
-
- -
    -
  • -

    Marouen Ben Guebila. Author, maintainer. -

    -
  • -
  • -

    Tian Wang. Author. -

    -
  • -
  • -

    John Platig. Author. -

    -
  • -
  • -

    Marieke Kuijjer. Author. -

    -
  • -
  • -

    Megha Padi. Author. -

    -
  • -
  • -

    Rebekka Burkholz. Author. -

    -
  • -
  • -

    Des Weighill. Author. -

    -
  • -
  • -

    Kate Shutta. Contributor. -

    -
  • -
- -
+
- - -
- - -
-

Site built with pkgdown 1.6.1.

+ -
-
+
+ - - - + diff --git a/docs/deps/bootstrap-5.2.2/bootstrap.bundle.min.js b/docs/deps/bootstrap-5.2.2/bootstrap.bundle.min.js new file mode 100644 index 00000000..1d138863 --- /dev/null +++ b/docs/deps/bootstrap-5.2.2/bootstrap.bundle.min.js @@ -0,0 +1,7 @@ +/*! + * Bootstrap v5.2.2 (https://getbootstrap.com/) + * Copyright 2011-2022 The Bootstrap Authors (https://github.com/twbs/bootstrap/graphs/contributors) + * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE) + */ +!function(t,e){"object"==typeof exports&&"undefined"!=typeof module?module.exports=e():"function"==typeof define&&define.amd?define(e):(t="undefined"!=typeof globalThis?globalThis:t||self).bootstrap=e()}(this,(function(){"use strict";const t="transitionend",e=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},i=t=>{const i=e(t);return i&&document.querySelector(i)?i:null},n=t=>{const i=e(t);return i?document.querySelector(i):null},s=e=>{e.dispatchEvent(new Event(t))},o=t=>!(!t||"object"!=typeof t)&&(void 0!==t.jquery&&(t=t[0]),void 0!==t.nodeType),r=t=>o(t)?t.jquery?t[0]:t:"string"==typeof t&&t.length>0?document.querySelector(t):null,a=t=>{if(!o(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},l=t=>!t||t.nodeType!==Node.ELEMENT_NODE||!!t.classList.contains("disabled")||(void 0!==t.disabled?t.disabled:t.hasAttribute("disabled")&&"false"!==t.getAttribute("disabled")),c=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?c(t.parentNode):null},h=()=>{},d=t=>{t.offsetHeight},u=()=>window.jQuery&&!document.body.hasAttribute("data-bs-no-jquery")?window.jQuery:null,f=[],p=()=>"rtl"===document.documentElement.dir,g=t=>{var e;e=()=>{const e=u();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?(f.length||document.addEventListener("DOMContentLoaded",(()=>{for(const t of f)t()})),f.push(e)):e()},m=t=>{"function"==typeof t&&t()},_=(e,i,n=!0)=>{if(!n)return void m(e);const o=(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})(i)+5;let r=!1;const a=({target:n})=>{n===i&&(r=!0,i.removeEventListener(t,a),m(e))};i.addEventListener(t,a),setTimeout((()=>{r||s(i)}),o)},b=(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))])},v=/[^.]*(?=\..*)\.|.*/,y=/\..*/,w=/::\d+$/,A={};let E=1;const T={mouseenter:"mouseover",mouseleave:"mouseout"},C=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 O(t,e){return e&&`${e}::${E++}`||t.uidEvent||E++}function x(t){const e=O(t);return t.uidEvent=e,A[e]=A[e]||{},A[e]}function k(t,e,i=null){return Object.values(t).find((t=>t.callable===e&&t.delegationSelector===i))}function L(t,e,i){const n="string"==typeof e,s=n?i:e||i;let o=N(t);return C.has(o)||(o=t),[n,s,o]}function D(t,e,i,n,s){if("string"!=typeof e||!t)return;let[o,r,a]=L(e,i,n);if(e in T){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=x(t),c=l[a]||(l[a]={}),h=k(c,r,o?i:null);if(h)return void(h.oneOff=h.oneOff&&s);const d=O(r,e.replace(v,"")),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 j(s,{delegateTarget:r}),n.oneOff&&P.off(t,s.type,e,i),i.apply(r,[s])}}(t,i,r):function(t,e){return function i(n){return j(n,{delegateTarget:t}),i.oneOff&&P.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 S(t,e,i,n,s){const o=k(e[i],n,s);o&&(t.removeEventListener(i,o,Boolean(s)),delete e[i][o.uidEvent])}function I(t,e,i,n){const s=e[i]||{};for(const o of Object.keys(s))if(o.includes(n)){const n=s[o];S(t,e,i,n.callable,n.delegationSelector)}}function N(t){return t=t.replace(y,""),T[t]||t}const P={on(t,e,i,n){D(t,e,i,n,!1)},one(t,e,i,n){D(t,e,i,n,!0)},off(t,e,i,n){if("string"!=typeof e||!t)return;const[s,o,r]=L(e,i,n),a=r!==e,l=x(t),c=l[r]||{},h=e.startsWith(".");if(void 0===o){if(h)for(const i of Object.keys(l))I(t,l,i,e.slice(1));for(const i of Object.keys(c)){const n=i.replace(w,"");if(!a||e.includes(n)){const e=c[i];S(t,l,r,e.callable,e.delegationSelector)}}}else{if(!Object.keys(c).length)return;S(t,l,r,o,s?i:null)}},trigger(t,e,i){if("string"!=typeof e||!t)return null;const n=u();let s=null,o=!0,r=!0,a=!1;e!==N(e)&&n&&(s=n.Event(e,i),n(t).trigger(s),o=!s.isPropagationStopped(),r=!s.isImmediatePropagationStopped(),a=s.isDefaultPrevented());let l=new Event(e,{bubbles:o,cancelable:!0});return l=j(l,i),a&&l.preventDefault(),r&&t.dispatchEvent(l),l.defaultPrevented&&s&&s.preventDefault(),l}};function j(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}const M=new Map,H={set(t,e,i){M.has(t)||M.set(t,new Map);const n=M.get(t);n.has(e)||0===n.size?n.set(e,i):console.error(`Bootstrap doesn't allow more than one instance per element. Bound instance: ${Array.from(n.keys())[0]}.`)},get:(t,e)=>M.has(t)&&M.get(t).get(e)||null,remove(t,e){if(!M.has(t))return;const i=M.get(t);i.delete(e),0===i.size&&M.delete(t)}};function $(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 W(t){return t.replace(/[A-Z]/g,(t=>`-${t.toLowerCase()}`))}const B={setDataAttribute(t,e,i){t.setAttribute(`data-bs-${W(e)}`,i)},removeDataAttribute(t,e){t.removeAttribute(`data-bs-${W(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]=$(t.dataset[n])}return e},getDataAttribute:(t,e)=>$(t.getAttribute(`data-bs-${W(e)}`))};class F{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=o(e)?B.getDataAttribute(e,"config"):{};return{...this.constructor.Default,..."object"==typeof i?i:{},...o(e)?B.getDataAttributes(e):{},..."object"==typeof t?t:{}}}_typeCheckConfig(t,e=this.constructor.DefaultType){for(const n of Object.keys(e)){const s=e[n],r=t[n],a=o(r)?"element":null==(i=r)?`${i}`:Object.prototype.toString.call(i).match(/\s([a-z]+)/i)[1].toLowerCase();if(!new RegExp(s).test(a))throw new TypeError(`${this.constructor.NAME.toUpperCase()}: Option "${n}" provided type "${a}" but expected type "${s}".`)}var i}}class z extends F{constructor(t,e){super(),(t=r(t))&&(this._element=t,this._config=this._getConfig(e),H.set(this._element,this.constructor.DATA_KEY,this))}dispose(){H.remove(this._element,this.constructor.DATA_KEY),P.off(this._element,this.constructor.EVENT_KEY);for(const t of Object.getOwnPropertyNames(this))this[t]=null}_queueCallback(t,e,i=!0){_(t,e,i)}_getConfig(t){return t=this._mergeConfigObj(t,this._element),t=this._configAfterMerge(t),this._typeCheckConfig(t),t}static getInstance(t){return H.get(r(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.2.2"}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 q=(t,e="hide")=>{const i=`click.dismiss${t.EVENT_KEY}`,s=t.NAME;P.on(document,i,`[data-bs-dismiss="${s}"]`,(function(i){if(["A","AREA"].includes(this.tagName)&&i.preventDefault(),l(this))return;const o=n(this)||this.closest(`.${s}`);t.getOrCreateInstance(o)[e]()}))};class R extends z{static get NAME(){return"alert"}close(){if(P.trigger(this._element,"close.bs.alert").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(),P.trigger(this._element,"closed.bs.alert"),this.dispose()}static jQueryInterface(t){return this.each((function(){const e=R.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)}}))}}q(R,"close"),g(R);const V='[data-bs-toggle="button"]';class K extends z{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=K.getOrCreateInstance(this);"toggle"===t&&e[t]()}))}}P.on(document,"click.bs.button.data-api",V,(t=>{t.preventDefault();const e=t.target.closest(V);K.getOrCreateInstance(e).toggle()})),g(K);const Q={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=>!l(t)&&a(t)))}},X={endCallback:null,leftCallback:null,rightCallback:null},Y={endCallback:"(function|null)",leftCallback:"(function|null)",rightCallback:"(function|null)"};class U extends F{constructor(t,e){super(),this._element=t,t&&U.isSupported()&&(this._config=this._getConfig(e),this._deltaX=0,this._supportPointerEvents=Boolean(window.PointerEvent),this._initEvents())}static get Default(){return X}static get DefaultType(){return Y}static get NAME(){return"swipe"}dispose(){P.off(this._element,".bs.swipe")}_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(),m(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&&m(e>0?this._config.rightCallback:this._config.leftCallback)}_initEvents(){this._supportPointerEvents?(P.on(this._element,"pointerdown.bs.swipe",(t=>this._start(t))),P.on(this._element,"pointerup.bs.swipe",(t=>this._end(t))),this._element.classList.add("pointer-event")):(P.on(this._element,"touchstart.bs.swipe",(t=>this._start(t))),P.on(this._element,"touchmove.bs.swipe",(t=>this._move(t))),P.on(this._element,"touchend.bs.swipe",(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 G="next",J="prev",Z="left",tt="right",et="slid.bs.carousel",it="carousel",nt="active",st={ArrowLeft:tt,ArrowRight:Z},ot={interval:5e3,keyboard:!0,pause:"hover",ride:!1,touch:!0,wrap:!0},rt={interval:"(number|boolean)",keyboard:"boolean",pause:"(string|boolean)",ride:"(boolean|string)",touch:"boolean",wrap:"boolean"};class at extends z{constructor(t,e){super(t,e),this._interval=null,this._activeElement=null,this._isSliding=!1,this.touchTimeout=null,this._swipeHelper=null,this._indicatorsElement=Q.findOne(".carousel-indicators",this._element),this._addEventListeners(),this._config.ride===it&&this.cycle()}static get Default(){return ot}static get DefaultType(){return rt}static get NAME(){return"carousel"}next(){this._slide(G)}nextWhenVisible(){!document.hidden&&a(this._element)&&this.next()}prev(){this._slide(J)}pause(){this._isSliding&&s(this._element),this._clearInterval()}cycle(){this._clearInterval(),this._updateInterval(),this._interval=setInterval((()=>this.nextWhenVisible()),this._config.interval)}_maybeEnableCycle(){this._config.ride&&(this._isSliding?P.one(this._element,et,(()=>this.cycle())):this.cycle())}to(t){const e=this._getItems();if(t>e.length-1||t<0)return;if(this._isSliding)return void P.one(this._element,et,(()=>this.to(t)));const i=this._getItemIndex(this._getActive());if(i===t)return;const n=t>i?G:J;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&&P.on(this._element,"keydown.bs.carousel",(t=>this._keydown(t))),"hover"===this._config.pause&&(P.on(this._element,"mouseenter.bs.carousel",(()=>this.pause())),P.on(this._element,"mouseleave.bs.carousel",(()=>this._maybeEnableCycle()))),this._config.touch&&U.isSupported()&&this._addTouchEventListeners()}_addTouchEventListeners(){for(const t of Q.find(".carousel-item img",this._element))P.on(t,"dragstart.bs.carousel",(t=>t.preventDefault()));const t={leftCallback:()=>this._slide(this._directionToOrder(Z)),rightCallback:()=>this._slide(this._directionToOrder(tt)),endCallback:()=>{"hover"===this._config.pause&&(this.pause(),this.touchTimeout&&clearTimeout(this.touchTimeout),this.touchTimeout=setTimeout((()=>this._maybeEnableCycle()),500+this._config.interval))}};this._swipeHelper=new U(this._element,t)}_keydown(t){if(/input|textarea/i.test(t.target.tagName))return;const e=st[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=Q.findOne(".active",this._indicatorsElement);e.classList.remove(nt),e.removeAttribute("aria-current");const i=Q.findOne(`[data-bs-slide-to="${t}"]`,this._indicatorsElement);i&&(i.classList.add(nt),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===G,s=e||b(this._getItems(),i,n,this._config.wrap);if(s===i)return;const o=this._getItemIndex(s),r=e=>P.trigger(this._element,e,{relatedTarget:s,direction:this._orderToDirection(t),from:this._getItemIndex(i),to:o});if(r("slide.bs.carousel").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),d(s),i.classList.add(l),s.classList.add(l),this._queueCallback((()=>{s.classList.remove(l,c),s.classList.add(nt),i.classList.remove(nt,c,l),this._isSliding=!1,r(et)}),i,this._isAnimated()),a&&this.cycle()}_isAnimated(){return this._element.classList.contains("slide")}_getActive(){return Q.findOne(".active.carousel-item",this._element)}_getItems(){return Q.find(".carousel-item",this._element)}_clearInterval(){this._interval&&(clearInterval(this._interval),this._interval=null)}_directionToOrder(t){return p()?t===Z?J:G:t===Z?G:J}_orderToDirection(t){return p()?t===J?Z:tt:t===J?tt:Z}static jQueryInterface(t){return this.each((function(){const e=at.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)}))}}P.on(document,"click.bs.carousel.data-api","[data-bs-slide], [data-bs-slide-to]",(function(t){const e=n(this);if(!e||!e.classList.contains(it))return;t.preventDefault();const i=at.getOrCreateInstance(e),s=this.getAttribute("data-bs-slide-to");return s?(i.to(s),void i._maybeEnableCycle()):"next"===B.getDataAttribute(this,"slide")?(i.next(),void i._maybeEnableCycle()):(i.prev(),void i._maybeEnableCycle())})),P.on(window,"load.bs.carousel.data-api",(()=>{const t=Q.find('[data-bs-ride="carousel"]');for(const e of t)at.getOrCreateInstance(e)})),g(at);const lt="show",ct="collapse",ht="collapsing",dt='[data-bs-toggle="collapse"]',ut={parent:null,toggle:!0},ft={parent:"(null|element)",toggle:"boolean"};class pt extends z{constructor(t,e){super(t,e),this._isTransitioning=!1,this._triggerArray=[];const n=Q.find(dt);for(const t of n){const e=i(t),n=Q.find(e).filter((t=>t===this._element));null!==e&&n.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 ut}static get DefaultType(){return ft}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=>pt.getOrCreateInstance(t,{toggle:!1})))),t.length&&t[0]._isTransitioning)return;if(P.trigger(this._element,"show.bs.collapse").defaultPrevented)return;for(const e of t)e.hide();const e=this._getDimension();this._element.classList.remove(ct),this._element.classList.add(ht),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(ht),this._element.classList.add(ct,lt),this._element.style[e]="",P.trigger(this._element,"shown.bs.collapse")}),this._element,!0),this._element.style[e]=`${this._element[i]}px`}hide(){if(this._isTransitioning||!this._isShown())return;if(P.trigger(this._element,"hide.bs.collapse").defaultPrevented)return;const t=this._getDimension();this._element.style[t]=`${this._element.getBoundingClientRect()[t]}px`,d(this._element),this._element.classList.add(ht),this._element.classList.remove(ct,lt);for(const t of this._triggerArray){const e=n(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(ht),this._element.classList.add(ct),P.trigger(this._element,"hidden.bs.collapse")}),this._element,!0)}_isShown(t=this._element){return t.classList.contains(lt)}_configAfterMerge(t){return t.toggle=Boolean(t.toggle),t.parent=r(t.parent),t}_getDimension(){return this._element.classList.contains("collapse-horizontal")?"width":"height"}_initializeChildren(){if(!this._config.parent)return;const t=this._getFirstLevelChildren(dt);for(const e of t){const t=n(e);t&&this._addAriaAndCollapsedClass([e],this._isShown(t))}}_getFirstLevelChildren(t){const e=Q.find(":scope .collapse .collapse",this._config.parent);return Q.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=pt.getOrCreateInstance(this,e);if("string"==typeof t){if(void 0===i[t])throw new TypeError(`No method named "${t}"`);i[t]()}}))}}P.on(document,"click.bs.collapse.data-api",dt,(function(t){("A"===t.target.tagName||t.delegateTarget&&"A"===t.delegateTarget.tagName)&&t.preventDefault();const e=i(this),n=Q.find(e);for(const t of n)pt.getOrCreateInstance(t,{toggle:!1}).toggle()})),g(pt);var gt="top",mt="bottom",_t="right",bt="left",vt="auto",yt=[gt,mt,_t,bt],wt="start",At="end",Et="clippingParents",Tt="viewport",Ct="popper",Ot="reference",xt=yt.reduce((function(t,e){return t.concat([e+"-"+wt,e+"-"+At])}),[]),kt=[].concat(yt,[vt]).reduce((function(t,e){return t.concat([e,e+"-"+wt,e+"-"+At])}),[]),Lt="beforeRead",Dt="read",St="afterRead",It="beforeMain",Nt="main",Pt="afterMain",jt="beforeWrite",Mt="write",Ht="afterWrite",$t=[Lt,Dt,St,It,Nt,Pt,jt,Mt,Ht];function Wt(t){return t?(t.nodeName||"").toLowerCase():null}function Bt(t){if(null==t)return window;if("[object Window]"!==t.toString()){var e=t.ownerDocument;return e&&e.defaultView||window}return t}function Ft(t){return t instanceof Bt(t).Element||t instanceof Element}function zt(t){return t instanceof Bt(t).HTMLElement||t instanceof HTMLElement}function qt(t){return"undefined"!=typeof ShadowRoot&&(t instanceof Bt(t).ShadowRoot||t instanceof ShadowRoot)}const Rt={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];zt(s)&&Wt(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}),{});zt(n)&&Wt(n)&&(Object.assign(n.style,o),Object.keys(s).forEach((function(t){n.removeAttribute(t)})))}))}},requires:["computeStyles"]};function Vt(t){return t.split("-")[0]}var Kt=Math.max,Qt=Math.min,Xt=Math.round;function Yt(){var t=navigator.userAgentData;return null!=t&&t.brands?t.brands.map((function(t){return t.brand+"/"+t.version})).join(" "):navigator.userAgent}function Ut(){return!/^((?!chrome|android).)*safari/i.test(Yt())}function Gt(t,e,i){void 0===e&&(e=!1),void 0===i&&(i=!1);var n=t.getBoundingClientRect(),s=1,o=1;e&&zt(t)&&(s=t.offsetWidth>0&&Xt(n.width)/t.offsetWidth||1,o=t.offsetHeight>0&&Xt(n.height)/t.offsetHeight||1);var r=(Ft(t)?Bt(t):window).visualViewport,a=!Ut()&&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 Jt(t){var e=Gt(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 Zt(t,e){var i=e.getRootNode&&e.getRootNode();if(t.contains(e))return!0;if(i&&qt(i)){var n=e;do{if(n&&t.isSameNode(n))return!0;n=n.parentNode||n.host}while(n)}return!1}function te(t){return Bt(t).getComputedStyle(t)}function ee(t){return["table","td","th"].indexOf(Wt(t))>=0}function ie(t){return((Ft(t)?t.ownerDocument:t.document)||window.document).documentElement}function ne(t){return"html"===Wt(t)?t:t.assignedSlot||t.parentNode||(qt(t)?t.host:null)||ie(t)}function se(t){return zt(t)&&"fixed"!==te(t).position?t.offsetParent:null}function oe(t){for(var e=Bt(t),i=se(t);i&&ee(i)&&"static"===te(i).position;)i=se(i);return i&&("html"===Wt(i)||"body"===Wt(i)&&"static"===te(i).position)?e:i||function(t){var e=/firefox/i.test(Yt());if(/Trident/i.test(Yt())&&zt(t)&&"fixed"===te(t).position)return null;var i=ne(t);for(qt(i)&&(i=i.host);zt(i)&&["html","body"].indexOf(Wt(i))<0;){var n=te(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 re(t){return["top","bottom"].indexOf(t)>=0?"x":"y"}function ae(t,e,i){return Kt(t,Qt(e,i))}function le(t){return Object.assign({},{top:0,right:0,bottom:0,left:0},t)}function ce(t,e){return e.reduce((function(e,i){return e[i]=t,e}),{})}const he={name:"arrow",enabled:!0,phase:"main",fn:function(t){var e,i=t.state,n=t.name,s=t.options,o=i.elements.arrow,r=i.modifiersData.popperOffsets,a=Vt(i.placement),l=re(a),c=[bt,_t].indexOf(a)>=0?"height":"width";if(o&&r){var h=function(t,e){return le("number"!=typeof(t="function"==typeof t?t(Object.assign({},e.rects,{placement:e.placement})):t)?t:ce(t,yt))}(s.padding,i),d=Jt(o),u="y"===l?gt:bt,f="y"===l?mt:_t,p=i.rects.reference[c]+i.rects.reference[l]-r[l]-i.rects.popper[c],g=r[l]-i.rects.reference[l],m=oe(o),_=m?"y"===l?m.clientHeight||0:m.clientWidth||0:0,b=p/2-g/2,v=h[u],y=_-d[c]-h[f],w=_/2-d[c]/2+b,A=ae(v,w,y),E=l;i.modifiersData[n]=((e={})[E]=A,e.centerOffset=A-w,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)))&&Zt(e.elements.popper,n)&&(e.elements.arrow=n)},requires:["popperOffsets"],requiresIfExists:["preventOverflow"]};function de(t){return t.split("-")[1]}var ue={top:"auto",right:"auto",bottom:"auto",left:"auto"};function fe(t){var e,i=t.popper,n=t.popperRect,s=t.placement,o=t.variation,r=t.offsets,a=t.position,l=t.gpuAcceleration,c=t.adaptive,h=t.roundOffsets,d=t.isFixed,u=r.x,f=void 0===u?0:u,p=r.y,g=void 0===p?0:p,m="function"==typeof h?h({x:f,y:g}):{x:f,y:g};f=m.x,g=m.y;var _=r.hasOwnProperty("x"),b=r.hasOwnProperty("y"),v=bt,y=gt,w=window;if(c){var A=oe(i),E="clientHeight",T="clientWidth";A===Bt(i)&&"static"!==te(A=ie(i)).position&&"absolute"===a&&(E="scrollHeight",T="scrollWidth"),(s===gt||(s===bt||s===_t)&&o===At)&&(y=mt,g-=(d&&A===w&&w.visualViewport?w.visualViewport.height:A[E])-n.height,g*=l?1:-1),s!==bt&&(s!==gt&&s!==mt||o!==At)||(v=_t,f-=(d&&A===w&&w.visualViewport?w.visualViewport.width:A[T])-n.width,f*=l?1:-1)}var C,O=Object.assign({position:a},c&&ue),x=!0===h?function(t){var e=t.x,i=t.y,n=window.devicePixelRatio||1;return{x:Xt(e*n)/n||0,y:Xt(i*n)/n||0}}({x:f,y:g}):{x:f,y:g};return f=x.x,g=x.y,l?Object.assign({},O,((C={})[y]=b?"0":"",C[v]=_?"0":"",C.transform=(w.devicePixelRatio||1)<=1?"translate("+f+"px, "+g+"px)":"translate3d("+f+"px, "+g+"px, 0)",C)):Object.assign({},O,((e={})[y]=b?g+"px":"",e[v]=_?f+"px":"",e.transform="",e))}const pe={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:Vt(e.placement),variation:de(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,fe(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,fe(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 ge={passive:!0};const me={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=Bt(e.elements.popper),c=[].concat(e.scrollParents.reference,e.scrollParents.popper);return o&&c.forEach((function(t){t.addEventListener("scroll",i.update,ge)})),a&&l.addEventListener("resize",i.update,ge),function(){o&&c.forEach((function(t){t.removeEventListener("scroll",i.update,ge)})),a&&l.removeEventListener("resize",i.update,ge)}},data:{}};var _e={left:"right",right:"left",bottom:"top",top:"bottom"};function be(t){return t.replace(/left|right|bottom|top/g,(function(t){return _e[t]}))}var ve={start:"end",end:"start"};function ye(t){return t.replace(/start|end/g,(function(t){return ve[t]}))}function we(t){var e=Bt(t);return{scrollLeft:e.pageXOffset,scrollTop:e.pageYOffset}}function Ae(t){return Gt(ie(t)).left+we(t).scrollLeft}function Ee(t){var e=te(t),i=e.overflow,n=e.overflowX,s=e.overflowY;return/auto|scroll|overlay|hidden/.test(i+s+n)}function Te(t){return["html","body","#document"].indexOf(Wt(t))>=0?t.ownerDocument.body:zt(t)&&Ee(t)?t:Te(ne(t))}function Ce(t,e){var i;void 0===e&&(e=[]);var n=Te(t),s=n===(null==(i=t.ownerDocument)?void 0:i.body),o=Bt(n),r=s?[o].concat(o.visualViewport||[],Ee(n)?n:[]):n,a=e.concat(r);return s?a:a.concat(Ce(ne(r)))}function Oe(t){return Object.assign({},t,{left:t.x,top:t.y,right:t.x+t.width,bottom:t.y+t.height})}function xe(t,e,i){return e===Tt?Oe(function(t,e){var i=Bt(t),n=ie(t),s=i.visualViewport,o=n.clientWidth,r=n.clientHeight,a=0,l=0;if(s){o=s.width,r=s.height;var c=Ut();(c||!c&&"fixed"===e)&&(a=s.offsetLeft,l=s.offsetTop)}return{width:o,height:r,x:a+Ae(t),y:l}}(t,i)):Ft(e)?function(t,e){var i=Gt(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):Oe(function(t){var e,i=ie(t),n=we(t),s=null==(e=t.ownerDocument)?void 0:e.body,o=Kt(i.scrollWidth,i.clientWidth,s?s.scrollWidth:0,s?s.clientWidth:0),r=Kt(i.scrollHeight,i.clientHeight,s?s.scrollHeight:0,s?s.clientHeight:0),a=-n.scrollLeft+Ae(t),l=-n.scrollTop;return"rtl"===te(s||i).direction&&(a+=Kt(i.clientWidth,s?s.clientWidth:0)-o),{width:o,height:r,x:a,y:l}}(ie(t)))}function ke(t){var e,i=t.reference,n=t.element,s=t.placement,o=s?Vt(s):null,r=s?de(s):null,a=i.x+i.width/2-n.width/2,l=i.y+i.height/2-n.height/2;switch(o){case gt:e={x:a,y:i.y-n.height};break;case mt:e={x:a,y:i.y+i.height};break;case _t:e={x:i.x+i.width,y:l};break;case bt:e={x:i.x-n.width,y:l};break;default:e={x:i.x,y:i.y}}var c=o?re(o):null;if(null!=c){var h="y"===c?"height":"width";switch(r){case wt:e[c]=e[c]-(i[h]/2-n[h]/2);break;case At:e[c]=e[c]+(i[h]/2-n[h]/2)}}return e}function Le(t,e){void 0===e&&(e={});var i=e,n=i.placement,s=void 0===n?t.placement:n,o=i.strategy,r=void 0===o?t.strategy:o,a=i.boundary,l=void 0===a?Et:a,c=i.rootBoundary,h=void 0===c?Tt:c,d=i.elementContext,u=void 0===d?Ct:d,f=i.altBoundary,p=void 0!==f&&f,g=i.padding,m=void 0===g?0:g,_=le("number"!=typeof m?m:ce(m,yt)),b=u===Ct?Ot:Ct,v=t.rects.popper,y=t.elements[p?b:u],w=function(t,e,i,n){var s="clippingParents"===e?function(t){var e=Ce(ne(t)),i=["absolute","fixed"].indexOf(te(t).position)>=0&&zt(t)?oe(t):t;return Ft(i)?e.filter((function(t){return Ft(t)&&Zt(t,i)&&"body"!==Wt(t)})):[]}(t):[].concat(e),o=[].concat(s,[i]),r=o[0],a=o.reduce((function(e,i){var s=xe(t,i,n);return e.top=Kt(s.top,e.top),e.right=Qt(s.right,e.right),e.bottom=Qt(s.bottom,e.bottom),e.left=Kt(s.left,e.left),e}),xe(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}(Ft(y)?y:y.contextElement||ie(t.elements.popper),l,h,r),A=Gt(t.elements.reference),E=ke({reference:A,element:v,strategy:"absolute",placement:s}),T=Oe(Object.assign({},v,E)),C=u===Ct?T:A,O={top:w.top-C.top+_.top,bottom:C.bottom-w.bottom+_.bottom,left:w.left-C.left+_.left,right:C.right-w.right+_.right},x=t.modifiersData.offset;if(u===Ct&&x){var k=x[s];Object.keys(O).forEach((function(t){var e=[_t,mt].indexOf(t)>=0?1:-1,i=[gt,mt].indexOf(t)>=0?"y":"x";O[t]+=k[i]*e}))}return O}function De(t,e){void 0===e&&(e={});var i=e,n=i.placement,s=i.boundary,o=i.rootBoundary,r=i.padding,a=i.flipVariations,l=i.allowedAutoPlacements,c=void 0===l?kt:l,h=de(n),d=h?a?xt:xt.filter((function(t){return de(t)===h})):yt,u=d.filter((function(t){return c.indexOf(t)>=0}));0===u.length&&(u=d);var f=u.reduce((function(e,i){return e[i]=Le(t,{placement:i,boundary:s,rootBoundary:o,padding:r})[Vt(i)],e}),{});return Object.keys(f).sort((function(t,e){return f[t]-f[e]}))}const Se={name:"flip",enabled:!0,phase:"main",fn:function(t){var e=t.state,i=t.options,n=t.name;if(!e.modifiersData[n]._skip){for(var s=i.mainAxis,o=void 0===s||s,r=i.altAxis,a=void 0===r||r,l=i.fallbackPlacements,c=i.padding,h=i.boundary,d=i.rootBoundary,u=i.altBoundary,f=i.flipVariations,p=void 0===f||f,g=i.allowedAutoPlacements,m=e.options.placement,_=Vt(m),b=l||(_!==m&&p?function(t){if(Vt(t)===vt)return[];var e=be(t);return[ye(t),e,ye(e)]}(m):[be(m)]),v=[m].concat(b).reduce((function(t,i){return t.concat(Vt(i)===vt?De(e,{placement:i,boundary:h,rootBoundary:d,padding:c,flipVariations:p,allowedAutoPlacements:g}):i)}),[]),y=e.rects.reference,w=e.rects.popper,A=new Map,E=!0,T=v[0],C=0;C=0,D=L?"width":"height",S=Le(e,{placement:O,boundary:h,rootBoundary:d,altBoundary:u,padding:c}),I=L?k?_t:bt:k?mt:gt;y[D]>w[D]&&(I=be(I));var N=be(I),P=[];if(o&&P.push(S[x]<=0),a&&P.push(S[I]<=0,S[N]<=0),P.every((function(t){return t}))){T=O,E=!1;break}A.set(O,P)}if(E)for(var j=function(t){var e=v.find((function(e){var i=A.get(e);if(i)return i.slice(0,t).every((function(t){return t}))}));if(e)return T=e,"break"},M=p?3:1;M>0&&"break"!==j(M);M--);e.placement!==T&&(e.modifiersData[n]._skip=!0,e.placement=T,e.reset=!0)}},requiresIfExists:["offset"],data:{_skip:!1}};function Ie(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 Ne(t){return[gt,_t,mt,bt].some((function(e){return t[e]>=0}))}const Pe={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=Le(e,{elementContext:"reference"}),a=Le(e,{altBoundary:!0}),l=Ie(r,n),c=Ie(a,s,o),h=Ne(l),d=Ne(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})}},je={name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:function(t){var e=t.state,i=t.options,n=t.name,s=i.offset,o=void 0===s?[0,0]:s,r=kt.reduce((function(t,i){return t[i]=function(t,e,i){var n=Vt(t),s=[bt,gt].indexOf(n)>=0?-1:1,o="function"==typeof i?i(Object.assign({},e,{placement:t})):i,r=o[0],a=o[1];return r=r||0,a=(a||0)*s,[bt,_t].indexOf(n)>=0?{x:a,y:r}:{x:r,y:a}}(i,e.rects,o),t}),{}),a=r[e.placement],l=a.x,c=a.y;null!=e.modifiersData.popperOffsets&&(e.modifiersData.popperOffsets.x+=l,e.modifiersData.popperOffsets.y+=c),e.modifiersData[n]=r}},Me={name:"popperOffsets",enabled:!0,phase:"read",fn:function(t){var e=t.state,i=t.name;e.modifiersData[i]=ke({reference:e.rects.reference,element:e.rects.popper,strategy:"absolute",placement:e.placement})},data:{}},He={name:"preventOverflow",enabled:!0,phase:"main",fn:function(t){var e=t.state,i=t.options,n=t.name,s=i.mainAxis,o=void 0===s||s,r=i.altAxis,a=void 0!==r&&r,l=i.boundary,c=i.rootBoundary,h=i.altBoundary,d=i.padding,u=i.tether,f=void 0===u||u,p=i.tetherOffset,g=void 0===p?0:p,m=Le(e,{boundary:l,rootBoundary:c,padding:d,altBoundary:h}),_=Vt(e.placement),b=de(e.placement),v=!b,y=re(_),w="x"===y?"y":"x",A=e.modifiersData.popperOffsets,E=e.rects.reference,T=e.rects.popper,C="function"==typeof g?g(Object.assign({},e.rects,{placement:e.placement})):g,O="number"==typeof C?{mainAxis:C,altAxis:C}:Object.assign({mainAxis:0,altAxis:0},C),x=e.modifiersData.offset?e.modifiersData.offset[e.placement]:null,k={x:0,y:0};if(A){if(o){var L,D="y"===y?gt:bt,S="y"===y?mt:_t,I="y"===y?"height":"width",N=A[y],P=N+m[D],j=N-m[S],M=f?-T[I]/2:0,H=b===wt?E[I]:T[I],$=b===wt?-T[I]:-E[I],W=e.elements.arrow,B=f&&W?Jt(W):{width:0,height:0},F=e.modifiersData["arrow#persistent"]?e.modifiersData["arrow#persistent"].padding:{top:0,right:0,bottom:0,left:0},z=F[D],q=F[S],R=ae(0,E[I],B[I]),V=v?E[I]/2-M-R-z-O.mainAxis:H-R-z-O.mainAxis,K=v?-E[I]/2+M+R+q+O.mainAxis:$+R+q+O.mainAxis,Q=e.elements.arrow&&oe(e.elements.arrow),X=Q?"y"===y?Q.clientTop||0:Q.clientLeft||0:0,Y=null!=(L=null==x?void 0:x[y])?L:0,U=N+K-Y,G=ae(f?Qt(P,N+V-Y-X):P,N,f?Kt(j,U):j);A[y]=G,k[y]=G-N}if(a){var J,Z="x"===y?gt:bt,tt="x"===y?mt:_t,et=A[w],it="y"===w?"height":"width",nt=et+m[Z],st=et-m[tt],ot=-1!==[gt,bt].indexOf(_),rt=null!=(J=null==x?void 0:x[w])?J:0,at=ot?nt:et-E[it]-T[it]-rt+O.altAxis,lt=ot?et+E[it]+T[it]-rt-O.altAxis:st,ct=f&&ot?function(t,e,i){var n=ae(t,e,i);return n>i?i:n}(at,et,lt):ae(f?at:nt,et,f?lt:st);A[w]=ct,k[w]=ct-et}e.modifiersData[n]=k}},requiresIfExists:["offset"]};function $e(t,e,i){void 0===i&&(i=!1);var n,s,o=zt(e),r=zt(e)&&function(t){var e=t.getBoundingClientRect(),i=Xt(e.width)/t.offsetWidth||1,n=Xt(e.height)/t.offsetHeight||1;return 1!==i||1!==n}(e),a=ie(e),l=Gt(t,r,i),c={scrollLeft:0,scrollTop:0},h={x:0,y:0};return(o||!o&&!i)&&(("body"!==Wt(e)||Ee(a))&&(c=(n=e)!==Bt(n)&&zt(n)?{scrollLeft:(s=n).scrollLeft,scrollTop:s.scrollTop}:we(n)),zt(e)?((h=Gt(e,!0)).x+=e.clientLeft,h.y+=e.clientTop):a&&(h.x=Ae(a))),{x:l.left+c.scrollLeft-h.x,y:l.top+c.scrollTop-h.y,width:l.width,height:l.height}}function We(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 Be={placement:"bottom",modifiers:[],strategy:"absolute"};function Fe(){for(var t=arguments.length,e=new Array(t),i=0;iNumber.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)&&(B.setDataAttribute(this._menu,"popper","static"),t.modifiers=[{name:"applyStyles",enabled:!1}]),{...t,..."function"==typeof this._config.popperConfig?this._config.popperConfig(t):this._config.popperConfig}}_selectMenuItem({key:t,target:e}){const i=Q.find(".dropdown-menu .dropdown-item:not(.disabled):not(:disabled)",this._menu).filter((t=>a(t)));i.length&&b(i,e,t===Ye,!i.includes(e)).focus()}static jQueryInterface(t){return this.each((function(){const e=hi.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=Q.find(ti);for(const i of e){const e=hi.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=[Xe,Ye].includes(t.key);if(!n&&!i)return;if(e&&!i)return;t.preventDefault();const s=this.matches(Ze)?this:Q.prev(this,Ze)[0]||Q.next(this,Ze)[0]||Q.findOne(Ze,t.delegateTarget.parentNode),o=hi.getOrCreateInstance(s);if(n)return t.stopPropagation(),o.show(),void o._selectMenuItem(t);o._isShown()&&(t.stopPropagation(),o.hide(),s.focus())}}P.on(document,Ge,Ze,hi.dataApiKeydownHandler),P.on(document,Ge,ei,hi.dataApiKeydownHandler),P.on(document,Ue,hi.clearMenus),P.on(document,"keyup.bs.dropdown.data-api",hi.clearMenus),P.on(document,Ue,Ze,(function(t){t.preventDefault(),hi.getOrCreateInstance(this).toggle()})),g(hi);const di=".fixed-top, .fixed-bottom, .is-fixed, .sticky-top",ui=".sticky-top",fi="padding-right",pi="margin-right";class gi{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,fi,(e=>e+t)),this._setElementAttributes(di,fi,(e=>e+t)),this._setElementAttributes(ui,pi,(e=>e-t))}reset(){this._resetElementAttributes(this._element,"overflow"),this._resetElementAttributes(this._element,fi),this._resetElementAttributes(di,fi),this._resetElementAttributes(ui,pi)}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&&B.setDataAttribute(t,e,i)}_resetElementAttributes(t,e){this._applyManipulationCallback(t,(t=>{const i=B.getDataAttribute(t,e);null!==i?(B.removeDataAttribute(t,e),t.style.setProperty(e,i)):t.style.removeProperty(e)}))}_applyManipulationCallback(t,e){if(o(t))e(t);else for(const i of Q.find(t,this._element))e(i)}}const mi="show",_i="mousedown.bs.backdrop",bi={className:"modal-backdrop",clickCallback:null,isAnimated:!1,isVisible:!0,rootElement:"body"},vi={className:"string",clickCallback:"(function|null)",isAnimated:"boolean",isVisible:"boolean",rootElement:"(element|string)"};class yi extends F{constructor(t){super(),this._config=this._getConfig(t),this._isAppended=!1,this._element=null}static get Default(){return bi}static get DefaultType(){return vi}static get NAME(){return"backdrop"}show(t){if(!this._config.isVisible)return void m(t);this._append();const e=this._getElement();this._config.isAnimated&&d(e),e.classList.add(mi),this._emulateAnimation((()=>{m(t)}))}hide(t){this._config.isVisible?(this._getElement().classList.remove(mi),this._emulateAnimation((()=>{this.dispose(),m(t)}))):m(t)}dispose(){this._isAppended&&(P.off(this._element,_i),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=r(t.rootElement),t}_append(){if(this._isAppended)return;const t=this._getElement();this._config.rootElement.append(t),P.on(t,_i,(()=>{m(this._config.clickCallback)})),this._isAppended=!0}_emulateAnimation(t){_(t,this._getElement(),this._config.isAnimated)}}const wi=".bs.focustrap",Ai="backward",Ei={autofocus:!0,trapElement:null},Ti={autofocus:"boolean",trapElement:"element"};class Ci extends F{constructor(t){super(),this._config=this._getConfig(t),this._isActive=!1,this._lastTabNavDirection=null}static get Default(){return Ei}static get DefaultType(){return Ti}static get NAME(){return"focustrap"}activate(){this._isActive||(this._config.autofocus&&this._config.trapElement.focus(),P.off(document,wi),P.on(document,"focusin.bs.focustrap",(t=>this._handleFocusin(t))),P.on(document,"keydown.tab.bs.focustrap",(t=>this._handleKeydown(t))),this._isActive=!0)}deactivate(){this._isActive&&(this._isActive=!1,P.off(document,wi))}_handleFocusin(t){const{trapElement:e}=this._config;if(t.target===document||t.target===e||e.contains(t.target))return;const i=Q.focusableChildren(e);0===i.length?e.focus():this._lastTabNavDirection===Ai?i[i.length-1].focus():i[0].focus()}_handleKeydown(t){"Tab"===t.key&&(this._lastTabNavDirection=t.shiftKey?Ai:"forward")}}const Oi="hidden.bs.modal",xi="show.bs.modal",ki="modal-open",Li="show",Di="modal-static",Si={backdrop:!0,focus:!0,keyboard:!0},Ii={backdrop:"(boolean|string)",focus:"boolean",keyboard:"boolean"};class Ni extends z{constructor(t,e){super(t,e),this._dialog=Q.findOne(".modal-dialog",this._element),this._backdrop=this._initializeBackDrop(),this._focustrap=this._initializeFocusTrap(),this._isShown=!1,this._isTransitioning=!1,this._scrollBar=new gi,this._addEventListeners()}static get Default(){return Si}static get DefaultType(){return Ii}static get NAME(){return"modal"}toggle(t){return this._isShown?this.hide():this.show(t)}show(t){this._isShown||this._isTransitioning||P.trigger(this._element,xi,{relatedTarget:t}).defaultPrevented||(this._isShown=!0,this._isTransitioning=!0,this._scrollBar.hide(),document.body.classList.add(ki),this._adjustDialog(),this._backdrop.show((()=>this._showElement(t))))}hide(){this._isShown&&!this._isTransitioning&&(P.trigger(this._element,"hide.bs.modal").defaultPrevented||(this._isShown=!1,this._isTransitioning=!0,this._focustrap.deactivate(),this._element.classList.remove(Li),this._queueCallback((()=>this._hideModal()),this._element,this._isAnimated())))}dispose(){for(const t of[window,this._dialog])P.off(t,".bs.modal");this._backdrop.dispose(),this._focustrap.deactivate(),super.dispose()}handleUpdate(){this._adjustDialog()}_initializeBackDrop(){return new yi({isVisible:Boolean(this._config.backdrop),isAnimated:this._isAnimated()})}_initializeFocusTrap(){return new Ci({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=Q.findOne(".modal-body",this._dialog);e&&(e.scrollTop=0),d(this._element),this._element.classList.add(Li),this._queueCallback((()=>{this._config.focus&&this._focustrap.activate(),this._isTransitioning=!1,P.trigger(this._element,"shown.bs.modal",{relatedTarget:t})}),this._dialog,this._isAnimated())}_addEventListeners(){P.on(this._element,"keydown.dismiss.bs.modal",(t=>{if("Escape"===t.key)return this._config.keyboard?(t.preventDefault(),void this.hide()):void this._triggerBackdropTransition()})),P.on(window,"resize.bs.modal",(()=>{this._isShown&&!this._isTransitioning&&this._adjustDialog()})),P.on(this._element,"mousedown.dismiss.bs.modal",(t=>{P.one(this._element,"click.dismiss.bs.modal",(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(ki),this._resetAdjustments(),this._scrollBar.reset(),P.trigger(this._element,Oi)}))}_isAnimated(){return this._element.classList.contains("fade")}_triggerBackdropTransition(){if(P.trigger(this._element,"hidePrevented.bs.modal").defaultPrevented)return;const t=this._element.scrollHeight>document.documentElement.clientHeight,e=this._element.style.overflowY;"hidden"===e||this._element.classList.contains(Di)||(t||(this._element.style.overflowY="hidden"),this._element.classList.add(Di),this._queueCallback((()=>{this._element.classList.remove(Di),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=p()?"paddingLeft":"paddingRight";this._element.style[t]=`${e}px`}if(!i&&t){const t=p()?"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=Ni.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===i[t])throw new TypeError(`No method named "${t}"`);i[t](e)}}))}}P.on(document,"click.bs.modal.data-api",'[data-bs-toggle="modal"]',(function(t){const e=n(this);["A","AREA"].includes(this.tagName)&&t.preventDefault(),P.one(e,xi,(t=>{t.defaultPrevented||P.one(e,Oi,(()=>{a(this)&&this.focus()}))}));const i=Q.findOne(".modal.show");i&&Ni.getInstance(i).hide(),Ni.getOrCreateInstance(e).toggle(this)})),q(Ni),g(Ni);const Pi="show",ji="showing",Mi="hiding",Hi=".offcanvas.show",$i="hidePrevented.bs.offcanvas",Wi="hidden.bs.offcanvas",Bi={backdrop:!0,keyboard:!0,scroll:!1},Fi={backdrop:"(boolean|string)",keyboard:"boolean",scroll:"boolean"};class zi extends z{constructor(t,e){super(t,e),this._isShown=!1,this._backdrop=this._initializeBackDrop(),this._focustrap=this._initializeFocusTrap(),this._addEventListeners()}static get Default(){return Bi}static get DefaultType(){return Fi}static get NAME(){return"offcanvas"}toggle(t){return this._isShown?this.hide():this.show(t)}show(t){this._isShown||P.trigger(this._element,"show.bs.offcanvas",{relatedTarget:t}).defaultPrevented||(this._isShown=!0,this._backdrop.show(),this._config.scroll||(new gi).hide(),this._element.setAttribute("aria-modal",!0),this._element.setAttribute("role","dialog"),this._element.classList.add(ji),this._queueCallback((()=>{this._config.scroll&&!this._config.backdrop||this._focustrap.activate(),this._element.classList.add(Pi),this._element.classList.remove(ji),P.trigger(this._element,"shown.bs.offcanvas",{relatedTarget:t})}),this._element,!0))}hide(){this._isShown&&(P.trigger(this._element,"hide.bs.offcanvas").defaultPrevented||(this._focustrap.deactivate(),this._element.blur(),this._isShown=!1,this._element.classList.add(Mi),this._backdrop.hide(),this._queueCallback((()=>{this._element.classList.remove(Pi,Mi),this._element.removeAttribute("aria-modal"),this._element.removeAttribute("role"),this._config.scroll||(new gi).reset(),P.trigger(this._element,Wi)}),this._element,!0)))}dispose(){this._backdrop.dispose(),this._focustrap.deactivate(),super.dispose()}_initializeBackDrop(){const t=Boolean(this._config.backdrop);return new yi({className:"offcanvas-backdrop",isVisible:t,isAnimated:!0,rootElement:this._element.parentNode,clickCallback:t?()=>{"static"!==this._config.backdrop?this.hide():P.trigger(this._element,$i)}:null})}_initializeFocusTrap(){return new Ci({trapElement:this._element})}_addEventListeners(){P.on(this._element,"keydown.dismiss.bs.offcanvas",(t=>{"Escape"===t.key&&(this._config.keyboard?this.hide():P.trigger(this._element,$i))}))}static jQueryInterface(t){return this.each((function(){const e=zi.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)}}))}}P.on(document,"click.bs.offcanvas.data-api",'[data-bs-toggle="offcanvas"]',(function(t){const e=n(this);if(["A","AREA"].includes(this.tagName)&&t.preventDefault(),l(this))return;P.one(e,Wi,(()=>{a(this)&&this.focus()}));const i=Q.findOne(Hi);i&&i!==e&&zi.getInstance(i).hide(),zi.getOrCreateInstance(e).toggle(this)})),P.on(window,"load.bs.offcanvas.data-api",(()=>{for(const t of Q.find(Hi))zi.getOrCreateInstance(t).show()})),P.on(window,"resize.bs.offcanvas",(()=>{for(const t of Q.find("[aria-modal][class*=show][class*=offcanvas-]"))"fixed"!==getComputedStyle(t).position&&zi.getOrCreateInstance(t).hide()})),q(zi),g(zi);const qi=new Set(["background","cite","href","itemtype","longdesc","poster","src","xlink:href"]),Ri=/^(?:(?:https?|mailto|ftp|tel|file|sms):|[^#&/:?]*(?:[#/?]|$))/i,Vi=/^data:(?:image\/(?:bmp|gif|jpeg|jpg|png|tiff|webp)|video\/(?:mpeg|mp4|ogg|webm)|audio\/(?:mp3|oga|ogg|opus));base64,[\d+/a-z]+=*$/i,Ki=(t,e)=>{const i=t.nodeName.toLowerCase();return e.includes(i)?!qi.has(i)||Boolean(Ri.test(t.nodeValue)||Vi.test(t.nodeValue)):e.filter((t=>t instanceof RegExp)).some((t=>t.test(i)))},Qi={"*":["class","dir","id","lang","role",/^aria-[\w-]*$/i],a:["target","href","title","rel"],area:[],b:[],br:[],col:[],code:[],div:[],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:[]},Xi={allowList:Qi,content:{},extraClass:"",html:!1,sanitize:!0,sanitizeFn:null,template:"
"},Yi={allowList:"object",content:"object",extraClass:"(string|function)",html:"boolean",sanitize:"boolean",sanitizeFn:"(null|function)",template:"string"},Ui={entry:"(string|element|function|null)",selector:"(string|element)"};class Gi extends F{constructor(t){super(),this._config=this._getConfig(t)}static get Default(){return Xi}static get DefaultType(){return Yi}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},Ui)}_setContent(t,e,i){const n=Q.findOne(i,t);n&&((e=this._resolvePossibleFunction(e))?o(e)?this._putElementInTemplate(r(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)Ki(e,s)||t.removeAttribute(e.nodeName)}return n.body.innerHTML}(t,this._config.allowList,this._config.sanitizeFn):t}_resolvePossibleFunction(t){return"function"==typeof t?t(this):t}_putElementInTemplate(t,e){if(this._config.html)return e.innerHTML="",void e.append(t);e.textContent=t.textContent}}const Ji=new Set(["sanitize","allowList","sanitizeFn"]),Zi="fade",tn="show",en=".modal",nn="hide.bs.modal",sn="hover",on="focus",rn={AUTO:"auto",TOP:"top",RIGHT:p()?"left":"right",BOTTOM:"bottom",LEFT:p()?"right":"left"},an={allowList:Qi,animation:!0,boundary:"clippingParents",container:!1,customClass:"",delay:0,fallbackPlacements:["top","right","bottom","left"],html:!1,offset:[0,0],placement:"top",popperConfig:null,sanitize:!0,sanitizeFn:null,selector:!1,template:'',title:"",trigger:"hover focus"},ln={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 cn extends z{constructor(t,e){if(void 0===Ke)throw new TypeError("Bootstrap's tooltips require Popper (https://popper.js.org)");super(t,e),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 an}static get DefaultType(){return ln}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),P.off(this._element.closest(en),nn,this._hideModalHandler),this.tip&&this.tip.remove(),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=P.trigger(this._element,this.constructor.eventName("show")),e=(c(this._element)||this._element.ownerDocument.documentElement).contains(this._element);if(t.defaultPrevented||!e)return;this.tip&&(this.tip.remove(),this.tip=null);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),P.trigger(this._element,this.constructor.eventName("inserted"))),this._popper?this._popper.update():this._popper=this._createPopper(i),i.classList.add(tn),"ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))P.on(t,"mouseover",h);this._queueCallback((()=>{P.trigger(this._element,this.constructor.eventName("shown")),!1===this._isHovered&&this._leave(),this._isHovered=!1}),this.tip,this._isAnimated())}hide(){if(!this._isShown())return;if(P.trigger(this._element,this.constructor.eventName("hide")).defaultPrevented)return;const t=this._getTipElement();if(t.classList.remove(tn),"ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))P.off(t,"mouseover",h);this._activeTrigger.click=!1,this._activeTrigger.focus=!1,this._activeTrigger.hover=!1,this._isHovered=null,this._queueCallback((()=>{this._isWithActiveTrigger()||(this._isHovered||t.remove(),this._element.removeAttribute("aria-describedby"),P.trigger(this._element,this.constructor.eventName("hidden")),this._disposePopper())}),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(Zi,tn),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(Zi),e}setContent(t){this._newContent=t,this._isShown()&&(this._disposePopper(),this.show())}_getTemplateFactory(t){return this._templateFactory?this._templateFactory.changeContent(t):this._templateFactory=new Gi({...this._config,content:t,extraClass:this._resolvePossibleFunction(this._config.customClass)}),this._templateFactory}_getContentForTemplate(){return{".tooltip-inner":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(Zi)}_isShown(){return this.tip&&this.tip.classList.contains(tn)}_createPopper(t){const e="function"==typeof this._config.placement?this._config.placement.call(this,t,this._element):this._config.placement,i=rn[e.toUpperCase()];return Ve(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"function"==typeof t?t.call(this._element):t}_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,..."function"==typeof this._config.popperConfig?this._config.popperConfig(e):this._config.popperConfig}}_setListeners(){const t=this._config.trigger.split(" ");for(const e of t)if("click"===e)P.on(this._element,this.constructor.eventName("click"),this._config.selector,(t=>{this._initializeOnDelegatedTarget(t).toggle()}));else if("manual"!==e){const t=e===sn?this.constructor.eventName("mouseenter"):this.constructor.eventName("focusin"),i=e===sn?this.constructor.eventName("mouseleave"):this.constructor.eventName("focusout");P.on(this._element,t,this._config.selector,(t=>{const e=this._initializeOnDelegatedTarget(t);e._activeTrigger["focusin"===t.type?on:sn]=!0,e._enter()})),P.on(this._element,i,this._config.selector,(t=>{const e=this._initializeOnDelegatedTarget(t);e._activeTrigger["focusout"===t.type?on:sn]=e._element.contains(t.relatedTarget),e._leave()}))}this._hideModalHandler=()=>{this._element&&this.hide()},P.on(this._element.closest(en),nn,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=B.getDataAttributes(this._element);for(const t of Object.keys(e))Ji.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:r(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 in this._config)this.constructor.Default[e]!==this._config[e]&&(t[e]=this._config[e]);return t.selector=!1,t.trigger="manual",t}_disposePopper(){this._popper&&(this._popper.destroy(),this._popper=null)}static jQueryInterface(t){return this.each((function(){const e=cn.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t]()}}))}}g(cn);const hn={...cn.Default,content:"",offset:[0,8],placement:"right",template:'',trigger:"click"},dn={...cn.DefaultType,content:"(null|string|element|function)"};class un extends cn{static get Default(){return hn}static get DefaultType(){return dn}static get NAME(){return"popover"}_isWithContent(){return this._getTitle()||this._getContent()}_getContentForTemplate(){return{".popover-header":this._getTitle(),".popover-body":this._getContent()}}_getContent(){return this._resolvePossibleFunction(this._config.content)}static jQueryInterface(t){return this.each((function(){const e=un.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t]()}}))}}g(un);const fn="click.bs.scrollspy",pn="active",gn="[href]",mn={offset:null,rootMargin:"0px 0px -25%",smoothScroll:!1,target:null,threshold:[.1,.5,1]},_n={offset:"(number|null)",rootMargin:"string",smoothScroll:"boolean",target:"element",threshold:"array"};class bn extends z{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 mn}static get DefaultType(){return _n}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=r(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&&(P.off(this._config.target,fn),P.on(this._config.target,fn,gn,(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=Q.find(gn,this._config.target);for(const e of t){if(!e.hash||l(e))continue;const t=Q.findOne(e.hash,this._element);a(t)&&(this._targetLinks.set(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(pn),this._activateParents(t),P.trigger(this._element,"activate.bs.scrollspy",{relatedTarget:t}))}_activateParents(t){if(t.classList.contains("dropdown-item"))Q.findOne(".dropdown-toggle",t.closest(".dropdown")).classList.add(pn);else for(const e of Q.parents(t,".nav, .list-group"))for(const t of Q.prev(e,".nav-link, .nav-item > .nav-link, .list-group-item"))t.classList.add(pn)}_clearActiveClass(t){t.classList.remove(pn);const e=Q.find("[href].active",t);for(const t of e)t.classList.remove(pn)}static jQueryInterface(t){return this.each((function(){const e=bn.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]()}}))}}P.on(window,"load.bs.scrollspy.data-api",(()=>{for(const t of Q.find('[data-bs-spy="scroll"]'))bn.getOrCreateInstance(t)})),g(bn);const vn="ArrowLeft",yn="ArrowRight",wn="ArrowUp",An="ArrowDown",En="active",Tn="fade",Cn="show",On='[data-bs-toggle="tab"], [data-bs-toggle="pill"], [data-bs-toggle="list"]',xn=`.nav-link:not(.dropdown-toggle), .list-group-item:not(.dropdown-toggle), [role="tab"]:not(.dropdown-toggle), ${On}`;class kn extends z{constructor(t){super(t),this._parent=this._element.closest('.list-group, .nav, [role="tablist"]'),this._parent&&(this._setInitialAttributes(this._parent,this._getChildren()),P.on(this._element,"keydown.bs.tab",(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?P.trigger(e,"hide.bs.tab",{relatedTarget:t}):null;P.trigger(t,"show.bs.tab",{relatedTarget:e}).defaultPrevented||i&&i.defaultPrevented||(this._deactivate(e,t),this._activate(t,e))}_activate(t,e){t&&(t.classList.add(En),this._activate(n(t)),this._queueCallback((()=>{"tab"===t.getAttribute("role")?(t.removeAttribute("tabindex"),t.setAttribute("aria-selected",!0),this._toggleDropDown(t,!0),P.trigger(t,"shown.bs.tab",{relatedTarget:e})):t.classList.add(Cn)}),t,t.classList.contains(Tn)))}_deactivate(t,e){t&&(t.classList.remove(En),t.blur(),this._deactivate(n(t)),this._queueCallback((()=>{"tab"===t.getAttribute("role")?(t.setAttribute("aria-selected",!1),t.setAttribute("tabindex","-1"),this._toggleDropDown(t,!1),P.trigger(t,"hidden.bs.tab",{relatedTarget:e})):t.classList.remove(Cn)}),t,t.classList.contains(Tn)))}_keydown(t){if(![vn,yn,wn,An].includes(t.key))return;t.stopPropagation(),t.preventDefault();const e=[yn,An].includes(t.key),i=b(this._getChildren().filter((t=>!l(t))),t.target,e,!0);i&&(i.focus({preventScroll:!0}),kn.getOrCreateInstance(i).show())}_getChildren(){return Q.find(xn,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=n(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=Q.findOne(t,i);s&&s.classList.toggle(n,e)};n(".dropdown-toggle",En),n(".dropdown-menu",Cn),i.setAttribute("aria-expanded",e)}_setAttributeIfNotExists(t,e,i){t.hasAttribute(e)||t.setAttribute(e,i)}_elemIsActive(t){return t.classList.contains(En)}_getInnerElement(t){return t.matches(xn)?t:Q.findOne(xn,t)}_getOuterElement(t){return t.closest(".nav-item, .list-group-item")||t}static jQueryInterface(t){return this.each((function(){const e=kn.getOrCreateInstance(this);if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t]()}}))}}P.on(document,"click.bs.tab",On,(function(t){["A","AREA"].includes(this.tagName)&&t.preventDefault(),l(this)||kn.getOrCreateInstance(this).show()})),P.on(window,"load.bs.tab",(()=>{for(const t of Q.find('.active[data-bs-toggle="tab"], .active[data-bs-toggle="pill"], .active[data-bs-toggle="list"]'))kn.getOrCreateInstance(t)})),g(kn);const Ln="hide",Dn="show",Sn="showing",In={animation:"boolean",autohide:"boolean",delay:"number"},Nn={animation:!0,autohide:!0,delay:5e3};class Pn extends z{constructor(t,e){super(t,e),this._timeout=null,this._hasMouseInteraction=!1,this._hasKeyboardInteraction=!1,this._setListeners()}static get Default(){return Nn}static get DefaultType(){return In}static get NAME(){return"toast"}show(){P.trigger(this._element,"show.bs.toast").defaultPrevented||(this._clearTimeout(),this._config.animation&&this._element.classList.add("fade"),this._element.classList.remove(Ln),d(this._element),this._element.classList.add(Dn,Sn),this._queueCallback((()=>{this._element.classList.remove(Sn),P.trigger(this._element,"shown.bs.toast"),this._maybeScheduleHide()}),this._element,this._config.animation))}hide(){this.isShown()&&(P.trigger(this._element,"hide.bs.toast").defaultPrevented||(this._element.classList.add(Sn),this._queueCallback((()=>{this._element.classList.add(Ln),this._element.classList.remove(Sn,Dn),P.trigger(this._element,"hidden.bs.toast")}),this._element,this._config.animation)))}dispose(){this._clearTimeout(),this.isShown()&&this._element.classList.remove(Dn),super.dispose()}isShown(){return this._element.classList.contains(Dn)}_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(){P.on(this._element,"mouseover.bs.toast",(t=>this._onInteraction(t,!0))),P.on(this._element,"mouseout.bs.toast",(t=>this._onInteraction(t,!1))),P.on(this._element,"focusin.bs.toast",(t=>this._onInteraction(t,!0))),P.on(this._element,"focusout.bs.toast",(t=>this._onInteraction(t,!1)))}_clearTimeout(){clearTimeout(this._timeout),this._timeout=null}static jQueryInterface(t){return this.each((function(){const e=Pn.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t](this)}}))}}return q(Pn),g(Pn),{Alert:R,Button:K,Carousel:at,Collapse:pt,Dropdown:hi,Modal:Ni,Offcanvas:zi,Popover:un,ScrollSpy:bn,Tab:kn,Toast:Pn,Tooltip:cn}})); +//# sourceMappingURL=bootstrap.bundle.min.js.map \ No newline at end of file diff --git a/docs/deps/bootstrap-5.2.2/bootstrap.bundle.min.js.map b/docs/deps/bootstrap-5.2.2/bootstrap.bundle.min.js.map new file mode 100644 index 00000000..69926c2e --- /dev/null +++ b/docs/deps/bootstrap-5.2.2/bootstrap.bundle.min.js.map @@ -0,0 +1 @@ +{"version":3,"names":["TRANSITION_END","getSelector","element","selector","getAttribute","hrefAttribute","includes","startsWith","split","trim","getSelectorFromElement","document","querySelector","getElementFromSelector","triggerTransitionEnd","dispatchEvent","Event","isElement","object","jquery","nodeType","getElement","length","isVisible","getClientRects","elementIsVisible","getComputedStyle","getPropertyValue","closedDetails","closest","summary","parentNode","isDisabled","Node","ELEMENT_NODE","classList","contains","disabled","hasAttribute","findShadowRoot","documentElement","attachShadow","getRootNode","root","ShadowRoot","noop","reflow","offsetHeight","getjQuery","window","jQuery","body","DOMContentLoadedCallbacks","isRTL","dir","defineJQueryPlugin","plugin","callback","$","name","NAME","JQUERY_NO_CONFLICT","fn","jQueryInterface","Constructor","noConflict","readyState","addEventListener","push","execute","executeAfterTransition","transitionElement","waitForTransition","emulatedDuration","transitionDuration","transitionDelay","floatTransitionDuration","Number","parseFloat","floatTransitionDelay","getTransitionDurationFromElement","called","handler","target","removeEventListener","setTimeout","getNextActiveElement","list","activeElement","shouldGetNext","isCycleAllowed","listLength","index","indexOf","Math","max","min","namespaceRegex","stripNameRegex","stripUidRegex","eventRegistry","uidEvent","customEvents","mouseenter","mouseleave","nativeEvents","Set","makeEventUid","uid","getElementEvents","findHandler","events","callable","delegationSelector","Object","values","find","event","normalizeParameters","originalTypeEvent","delegationFunction","isDelegated","typeEvent","getTypeEvent","has","addHandler","oneOff","wrapFunction","relatedTarget","delegateTarget","call","this","handlers","previousFunction","replace","domElements","querySelectorAll","domElement","hydrateObj","EventHandler","off","type","apply","bootstrapDelegationHandler","bootstrapHandler","removeHandler","Boolean","removeNamespacedHandlers","namespace","storeElementEvent","handlerKey","keys","on","one","inNamespace","isNamespace","elementEvent","slice","keyHandlers","trigger","args","jQueryEvent","bubbles","nativeDispatch","defaultPrevented","isPropagationStopped","isImmediatePropagationStopped","isDefaultPrevented","evt","cancelable","preventDefault","obj","meta","key","value","entries","_unused","defineProperty","configurable","get","elementMap","Map","Data","set","instance","instanceMap","size","console","error","Array","from","remove","delete","normalizeData","toString","JSON","parse","decodeURIComponent","normalizeDataKey","chr","toLowerCase","Manipulator","setDataAttribute","setAttribute","removeDataAttribute","removeAttribute","getDataAttributes","attributes","bsKeys","dataset","filter","pureKey","charAt","getDataAttribute","Config","Default","DefaultType","Error","_getConfig","config","_mergeConfigObj","_configAfterMerge","_typeCheckConfig","jsonConfig","constructor","configTypes","property","expectedTypes","valueType","prototype","match","RegExp","test","TypeError","toUpperCase","BaseComponent","super","_element","_config","DATA_KEY","dispose","EVENT_KEY","propertyName","getOwnPropertyNames","_queueCallback","isAnimated","static","getInstance","VERSION","enableDismissTrigger","component","method","clickEvent","tagName","getOrCreateInstance","Alert","close","_destroyElement","each","data","undefined","SELECTOR_DATA_TOGGLE","Button","toggle","button","SelectorEngine","concat","Element","findOne","children","child","matches","parents","ancestor","prev","previous","previousElementSibling","next","nextElementSibling","focusableChildren","focusables","map","join","el","endCallback","leftCallback","rightCallback","Swipe","isSupported","_deltaX","_supportPointerEvents","PointerEvent","_initEvents","_start","_eventIsPointerPenTouch","clientX","touches","_end","_handleSwipe","_move","absDeltaX","abs","direction","add","pointerType","navigator","maxTouchPoints","ORDER_NEXT","ORDER_PREV","DIRECTION_LEFT","DIRECTION_RIGHT","EVENT_SLID","CLASS_NAME_CAROUSEL","CLASS_NAME_ACTIVE","KEY_TO_DIRECTION","ArrowLeft","ArrowRight","interval","keyboard","pause","ride","touch","wrap","Carousel","_interval","_activeElement","_isSliding","touchTimeout","_swipeHelper","_indicatorsElement","_addEventListeners","cycle","_slide","nextWhenVisible","hidden","_clearInterval","_updateInterval","setInterval","_maybeEnableCycle","to","items","_getItems","activeIndex","_getItemIndex","_getActive","order","defaultInterval","_keydown","_addTouchEventListeners","img","swipeConfig","_directionToOrder","clearTimeout","_setActiveIndicatorElement","activeIndicator","newActiveIndicator","elementInterval","parseInt","isNext","nextElement","nextElementIndex","triggerEvent","eventName","_orderToDirection","isCycling","directionalClassName","orderClassName","_isAnimated","SELECTOR_ACTIVE","clearInterval","carousel","slideIndex","carousels","CLASS_NAME_SHOW","CLASS_NAME_COLLAPSE","CLASS_NAME_COLLAPSING","parent","Collapse","_isTransitioning","_triggerArray","toggleList","elem","filterElement","foundElement","_initializeChildren","_addAriaAndCollapsedClass","_isShown","hide","show","activeChildren","_getFirstLevelChildren","activeInstance","dimension","_getDimension","style","scrollSize","getBoundingClientRect","selected","triggerArray","isOpen","selectorElements","top","bottom","right","left","auto","basePlacements","start","end","clippingParents","viewport","popper","reference","variationPlacements","reduce","acc","placement","placements","beforeRead","read","afterRead","beforeMain","main","afterMain","beforeWrite","write","afterWrite","modifierPhases","getNodeName","nodeName","getWindow","node","ownerDocument","defaultView","isHTMLElement","HTMLElement","isShadowRoot","applyStyles$1","enabled","phase","_ref","state","elements","forEach","styles","assign","effect","_ref2","initialStyles","position","options","strategy","margin","arrow","hasOwnProperty","attribute","requires","getBasePlacement","round","getUAString","uaData","userAgentData","brands","item","brand","version","userAgent","isLayoutViewport","includeScale","isFixedStrategy","clientRect","scaleX","scaleY","offsetWidth","width","height","visualViewport","addVisualOffsets","x","offsetLeft","y","offsetTop","getLayoutRect","rootNode","isSameNode","host","isTableElement","getDocumentElement","getParentNode","assignedSlot","getTrueOffsetParent","offsetParent","getOffsetParent","isFirefox","currentNode","css","transform","perspective","contain","willChange","getContainingBlock","getMainAxisFromPlacement","within","mathMax","mathMin","mergePaddingObject","paddingObject","expandToHashMap","hashMap","arrow$1","_state$modifiersData$","arrowElement","popperOffsets","modifiersData","basePlacement","axis","len","padding","rects","toPaddingObject","arrowRect","minProp","maxProp","endDiff","startDiff","arrowOffsetParent","clientSize","clientHeight","clientWidth","centerToReference","center","offset","axisProp","centerOffset","_options$element","requiresIfExists","getVariation","unsetSides","mapToStyles","_Object$assign2","popperRect","variation","offsets","gpuAcceleration","adaptive","roundOffsets","isFixed","_offsets$x","_offsets$y","_ref3","hasX","hasY","sideX","sideY","win","heightProp","widthProp","_Object$assign","commonStyles","_ref4","dpr","devicePixelRatio","roundOffsetsByDPR","computeStyles$1","_ref5","_options$gpuAccelerat","_options$adaptive","_options$roundOffsets","passive","eventListeners","_options$scroll","scroll","_options$resize","resize","scrollParents","scrollParent","update","hash","getOppositePlacement","matched","getOppositeVariationPlacement","getWindowScroll","scrollLeft","pageXOffset","scrollTop","pageYOffset","getWindowScrollBarX","isScrollParent","_getComputedStyle","overflow","overflowX","overflowY","getScrollParent","listScrollParents","_element$ownerDocumen","isBody","updatedList","rectToClientRect","rect","getClientRectFromMixedType","clippingParent","html","layoutViewport","getViewportRect","clientTop","clientLeft","getInnerBoundingClientRect","winScroll","scrollWidth","scrollHeight","getDocumentRect","computeOffsets","commonX","commonY","mainAxis","detectOverflow","_options","_options$placement","_options$strategy","_options$boundary","boundary","_options$rootBoundary","rootBoundary","_options$elementConte","elementContext","_options$altBoundary","altBoundary","_options$padding","altContext","clippingClientRect","mainClippingParents","clipperElement","getClippingParents","firstClippingParent","clippingRect","accRect","getClippingRect","contextElement","referenceClientRect","popperClientRect","elementClientRect","overflowOffsets","offsetData","multiply","computeAutoPlacement","flipVariations","_options$allowedAutoP","allowedAutoPlacements","allPlacements","allowedPlacements","overflows","sort","a","b","flip$1","_skip","_options$mainAxis","checkMainAxis","_options$altAxis","altAxis","checkAltAxis","specifiedFallbackPlacements","fallbackPlacements","_options$flipVariatio","preferredPlacement","oppositePlacement","getExpandedFallbackPlacements","referenceRect","checksMap","makeFallbackChecks","firstFittingPlacement","i","_basePlacement","isStartVariation","isVertical","mainVariationSide","altVariationSide","checks","every","check","_loop","_i","fittingPlacement","reset","getSideOffsets","preventedOffsets","isAnySideFullyClipped","some","side","hide$1","preventOverflow","referenceOverflow","popperAltOverflow","referenceClippingOffsets","popperEscapeOffsets","isReferenceHidden","hasPopperEscaped","offset$1","_options$offset","invertDistance","skidding","distance","distanceAndSkiddingToXY","_data$state$placement","popperOffsets$1","preventOverflow$1","_options$tether","tether","_options$tetherOffset","tetherOffset","isBasePlacement","tetherOffsetValue","normalizedTetherOffsetValue","offsetModifierState","_offsetModifierState$","mainSide","altSide","additive","minLen","maxLen","arrowPaddingObject","arrowPaddingMin","arrowPaddingMax","arrowLen","minOffset","maxOffset","clientOffset","offsetModifierValue","tetherMax","preventedOffset","_offsetModifierState$2","_mainSide","_altSide","_offset","_len","_min","_max","isOriginSide","_offsetModifierValue","_tetherMin","_tetherMax","_preventedOffset","v","withinMaxClamp","getCompositeRect","elementOrVirtualElement","isOffsetParentAnElement","offsetParentIsScaled","isElementScaled","modifiers","visited","result","modifier","dep","depModifier","DEFAULT_OPTIONS","areValidElements","arguments","_key","popperGenerator","generatorOptions","_generatorOptions","_generatorOptions$def","defaultModifiers","_generatorOptions$def2","defaultOptions","pending","orderedModifiers","effectCleanupFns","isDestroyed","setOptions","setOptionsAction","cleanupModifierEffects","merged","orderModifiers","current","existing","m","_ref3$options","cleanupFn","forceUpdate","_state$elements","_state$orderedModifie","_state$orderedModifie2","Promise","resolve","then","destroy","onFirstUpdate","createPopper","computeStyles","applyStyles","flip","ARROW_UP_KEY","ARROW_DOWN_KEY","EVENT_CLICK_DATA_API","EVENT_KEYDOWN_DATA_API","SELECTOR_DATA_TOGGLE_SHOWN","SELECTOR_MENU","PLACEMENT_TOP","PLACEMENT_TOPEND","PLACEMENT_BOTTOM","PLACEMENT_BOTTOMEND","PLACEMENT_RIGHT","PLACEMENT_LEFT","autoClose","display","popperConfig","Dropdown","_popper","_parent","_menu","_inNavbar","_detectNavbar","_createPopper","focus","_completeHide","Popper","referenceElement","_getPopperConfig","_getPlacement","parentDropdown","isEnd","_getOffset","popperData","defaultBsPopperConfig","_selectMenuItem","openToggles","context","composedPath","isMenuTarget","isInput","isEscapeEvent","isUpOrDownEvent","getToggleButton","stopPropagation","dataApiKeydownHandler","clearMenus","SELECTOR_FIXED_CONTENT","SELECTOR_STICKY_CONTENT","PROPERTY_PADDING","PROPERTY_MARGIN","ScrollBarHelper","getWidth","documentWidth","innerWidth","_disableOverFlow","_setElementAttributes","calculatedValue","_resetElementAttributes","isOverflowing","_saveInitialAttribute","styleProperty","scrollbarWidth","_applyManipulationCallback","setProperty","actualValue","removeProperty","callBack","sel","EVENT_MOUSEDOWN","className","clickCallback","rootElement","Backdrop","_isAppended","_append","_getElement","_emulateAnimation","backdrop","createElement","append","TAB_NAV_BACKWARD","autofocus","trapElement","FocusTrap","_isActive","_lastTabNavDirection","activate","_handleFocusin","_handleKeydown","deactivate","shiftKey","EVENT_HIDDEN","EVENT_SHOW","CLASS_NAME_OPEN","CLASS_NAME_STATIC","Modal","_dialog","_backdrop","_initializeBackDrop","_focustrap","_initializeFocusTrap","_scrollBar","_adjustDialog","_showElement","_hideModal","htmlElement","handleUpdate","modalBody","_triggerBackdropTransition","event2","_resetAdjustments","isModalOverflowing","initialOverflowY","isBodyOverflowing","paddingLeft","paddingRight","showEvent","alreadyOpen","CLASS_NAME_SHOWING","CLASS_NAME_HIDING","OPEN_SELECTOR","EVENT_HIDE_PREVENTED","Offcanvas","blur","uriAttributes","SAFE_URL_PATTERN","DATA_URL_PATTERN","allowedAttribute","allowedAttributeList","attributeName","nodeValue","attributeRegex","regex","DefaultAllowlist","area","br","col","code","div","em","hr","h1","h2","h3","h4","h5","h6","li","ol","p","pre","s","small","span","sub","sup","strong","u","ul","allowList","content","extraClass","sanitize","sanitizeFn","template","DefaultContentType","entry","TemplateFactory","getContent","_resolvePossibleFunction","hasContent","changeContent","_checkContent","toHtml","templateWrapper","innerHTML","_maybeSanitize","text","_setContent","arg","templateElement","_putElementInTemplate","textContent","unsafeHtml","sanitizeFunction","createdDocument","DOMParser","parseFromString","elementName","attributeList","allowedAttributes","sanitizeHtml","DISALLOWED_ATTRIBUTES","CLASS_NAME_FADE","SELECTOR_MODAL","EVENT_MODAL_HIDE","TRIGGER_HOVER","TRIGGER_FOCUS","AttachmentMap","AUTO","TOP","RIGHT","BOTTOM","LEFT","animation","container","customClass","delay","title","Tooltip","_isEnabled","_timeout","_isHovered","_activeTrigger","_templateFactory","_newContent","tip","_setListeners","_fixTitle","enable","disable","toggleEnabled","click","_leave","_enter","_hideModalHandler","_disposePopper","_isWithContent","isInTheDom","_getTipElement","_isWithActiveTrigger","_getTitle","_createTipElement","_getContentForTemplate","_getTemplateFactory","tipId","prefix","floor","random","getElementById","getUID","setContent","_initializeOnDelegatedTarget","_getDelegateConfig","attachment","triggers","eventIn","eventOut","_setTimeout","timeout","dataAttributes","dataAttribute","Popover","_getContent","EVENT_CLICK","SELECTOR_TARGET_LINKS","rootMargin","smoothScroll","threshold","ScrollSpy","_targetLinks","_observableSections","_rootElement","_activeTarget","_observer","_previousScrollData","visibleEntryTop","parentScrollTop","refresh","_initializeTargetsAndObservables","_maybeEnableSmoothScroll","disconnect","_getNewObserver","section","observe","observableSection","scrollTo","behavior","IntersectionObserver","_observerCallback","targetElement","id","_process","userScrollsDown","isIntersecting","_clearActiveClass","entryIsLowerThanPrevious","targetLinks","anchor","_activateParents","listGroup","activeNodes","spy","ARROW_LEFT_KEY","ARROW_RIGHT_KEY","SELECTOR_INNER_ELEM","Tab","_setInitialAttributes","_getChildren","innerElem","_elemIsActive","active","_getActiveElem","hideEvent","_deactivate","_activate","relatedElem","_toggleDropDown","nextActiveElement","preventScroll","_setAttributeIfNotExists","_setInitialAttributesOnChild","_getInnerElement","isActive","outerElem","_getOuterElement","_setInitialAttributesOnTargetPanel","open","CLASS_NAME_HIDE","autohide","Toast","_hasMouseInteraction","_hasKeyboardInteraction","_clearTimeout","_maybeScheduleHide","isShown","_onInteraction","isInteracting"],"sources":["../../js/src/util/index.js","../../js/src/dom/event-handler.js","../../js/src/dom/data.js","../../js/src/dom/manipulator.js","../../js/src/util/config.js","../../js/src/base-component.js","../../js/src/util/component-functions.js","../../js/src/alert.js","../../js/src/button.js","../../js/src/dom/selector-engine.js","../../js/src/util/swipe.js","../../js/src/carousel.js","../../js/src/collapse.js","../../node_modules/@popperjs/core/lib/enums.js","../../node_modules/@popperjs/core/lib/dom-utils/getNodeName.js","../../node_modules/@popperjs/core/lib/dom-utils/getWindow.js","../../node_modules/@popperjs/core/lib/dom-utils/instanceOf.js","../../node_modules/@popperjs/core/lib/modifiers/applyStyles.js","../../node_modules/@popperjs/core/lib/utils/getBasePlacement.js","../../node_modules/@popperjs/core/lib/utils/math.js","../../node_modules/@popperjs/core/lib/utils/userAgent.js","../../node_modules/@popperjs/core/lib/dom-utils/isLayoutViewport.js","../../node_modules/@popperjs/core/lib/dom-utils/getBoundingClientRect.js","../../node_modules/@popperjs/core/lib/dom-utils/getLayoutRect.js","../../node_modules/@popperjs/core/lib/dom-utils/contains.js","../../node_modules/@popperjs/core/lib/dom-utils/getComputedStyle.js","../../node_modules/@popperjs/core/lib/dom-utils/isTableElement.js","../../node_modules/@popperjs/core/lib/dom-utils/getDocumentElement.js","../../node_modules/@popperjs/core/lib/dom-utils/getParentNode.js","../../node_modules/@popperjs/core/lib/dom-utils/getOffsetParent.js","../../node_modules/@popperjs/core/lib/utils/getMainAxisFromPlacement.js","../../node_modules/@popperjs/core/lib/utils/within.js","../../node_modules/@popperjs/core/lib/utils/mergePaddingObject.js","../../node_modules/@popperjs/core/lib/utils/getFreshSideObject.js","../../node_modules/@popperjs/core/lib/utils/expandToHashMap.js","../../node_modules/@popperjs/core/lib/modifiers/arrow.js","../../node_modules/@popperjs/core/lib/utils/getVariation.js","../../node_modules/@popperjs/core/lib/modifiers/computeStyles.js","../../node_modules/@popperjs/core/lib/modifiers/eventListeners.js","../../node_modules/@popperjs/core/lib/utils/getOppositePlacement.js","../../node_modules/@popperjs/core/lib/utils/getOppositeVariationPlacement.js","../../node_modules/@popperjs/core/lib/dom-utils/getWindowScroll.js","../../node_modules/@popperjs/core/lib/dom-utils/getWindowScrollBarX.js","../../node_modules/@popperjs/core/lib/dom-utils/isScrollParent.js","../../node_modules/@popperjs/core/lib/dom-utils/getScrollParent.js","../../node_modules/@popperjs/core/lib/dom-utils/listScrollParents.js","../../node_modules/@popperjs/core/lib/utils/rectToClientRect.js","../../node_modules/@popperjs/core/lib/dom-utils/getClippingRect.js","../../node_modules/@popperjs/core/lib/dom-utils/getViewportRect.js","../../node_modules/@popperjs/core/lib/dom-utils/getDocumentRect.js","../../node_modules/@popperjs/core/lib/utils/computeOffsets.js","../../node_modules/@popperjs/core/lib/utils/detectOverflow.js","../../node_modules/@popperjs/core/lib/utils/computeAutoPlacement.js","../../node_modules/@popperjs/core/lib/modifiers/flip.js","../../node_modules/@popperjs/core/lib/modifiers/hide.js","../../node_modules/@popperjs/core/lib/modifiers/offset.js","../../node_modules/@popperjs/core/lib/modifiers/popperOffsets.js","../../node_modules/@popperjs/core/lib/modifiers/preventOverflow.js","../../node_modules/@popperjs/core/lib/utils/getAltAxis.js","../../node_modules/@popperjs/core/lib/dom-utils/getCompositeRect.js","../../node_modules/@popperjs/core/lib/dom-utils/getNodeScroll.js","../../node_modules/@popperjs/core/lib/dom-utils/getHTMLElementScroll.js","../../node_modules/@popperjs/core/lib/utils/orderModifiers.js","../../node_modules/@popperjs/core/lib/createPopper.js","../../node_modules/@popperjs/core/lib/utils/debounce.js","../../node_modules/@popperjs/core/lib/utils/mergeByName.js","../../node_modules/@popperjs/core/lib/popper-lite.js","../../node_modules/@popperjs/core/lib/popper.js","../../js/src/dropdown.js","../../js/src/util/scrollbar.js","../../js/src/util/backdrop.js","../../js/src/util/focustrap.js","../../js/src/modal.js","../../js/src/offcanvas.js","../../js/src/util/sanitizer.js","../../js/src/util/template-factory.js","../../js/src/tooltip.js","../../js/src/popover.js","../../js/src/scrollspy.js","../../js/src/tab.js","../../js/src/toast.js","../../js/index.umd.js"],"sourcesContent":["/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): util/index.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nconst MAX_UID = 1_000_000\nconst MILLISECONDS_MULTIPLIER = 1000\nconst TRANSITION_END = 'transitionend'\n\n// Shout-out Angus Croll (https://goo.gl/pxwQGp)\nconst toType = object => {\n if (object === null || object === undefined) {\n return `${object}`\n }\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\n return prefix\n}\n\nconst getSelector = element => {\n let selector = element.getAttribute('data-bs-target')\n\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\n selector = hrefAttribute && hrefAttribute !== '#' ? hrefAttribute.trim() : null\n }\n\n return selector\n}\n\nconst getSelectorFromElement = element => {\n const selector = getSelector(element)\n\n if (selector) {\n return document.querySelector(selector) ? selector : null\n }\n\n return null\n}\n\nconst getElementFromSelector = element => {\n const selector = getSelector(element)\n\n return selector ? document.querySelector(selector) : null\n}\n\nconst getTransitionDurationFromElement = element => {\n if (!element) {\n return 0\n }\n\n // Get transition-duration of the element\n let { transitionDuration, transitionDelay } = window.getComputedStyle(element)\n\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\n return (Number.parseFloat(transitionDuration) + Number.parseFloat(transitionDelay)) * MILLISECONDS_MULTIPLIER\n}\n\nconst triggerTransitionEnd = element => {\n element.dispatchEvent(new Event(TRANSITION_END))\n}\n\nconst isElement = object => {\n if (!object || typeof object !== 'object') {\n return false\n }\n\n if (typeof object.jquery !== 'undefined') {\n object = object[0]\n }\n\n return typeof object.nodeType !== 'undefined'\n}\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\n if (typeof object === 'string' && object.length > 0) {\n return document.querySelector(object)\n }\n\n return null\n}\n\nconst isVisible = element => {\n if (!isElement(element) || element.getClientRects().length === 0) {\n return false\n }\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\n if (!closedDetails) {\n return elementIsVisible\n }\n\n if (closedDetails !== element) {\n const summary = element.closest('summary')\n if (summary && summary.parentNode !== closedDetails) {\n return false\n }\n\n if (summary === null) {\n return false\n }\n }\n\n return elementIsVisible\n}\n\nconst isDisabled = element => {\n if (!element || element.nodeType !== Node.ELEMENT_NODE) {\n return true\n }\n\n if (element.classList.contains('disabled')) {\n return true\n }\n\n if (typeof element.disabled !== 'undefined') {\n return element.disabled\n }\n\n return element.hasAttribute('disabled') && element.getAttribute('disabled') !== 'false'\n}\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\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\n return findShadowRoot(element.parentNode)\n}\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}\n\nconst getjQuery = () => {\n if (window.jQuery && !document.body.hasAttribute('data-bs-no-jquery')) {\n return window.jQuery\n }\n\n return null\n}\n\nconst DOMContentLoadedCallbacks = []\n\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\n DOMContentLoadedCallbacks.push(callback)\n } else {\n callback()\n }\n}\n\nconst isRTL = () => document.documentElement.dir === 'rtl'\n\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}\n\nconst execute = callback => {\n if (typeof callback === 'function') {\n callback()\n }\n}\n\nconst executeAfterTransition = (callback, transitionElement, waitForTransition = true) => {\n if (!waitForTransition) {\n execute(callback)\n return\n }\n\n const durationPadding = 5\n const emulatedDuration = getTransitionDurationFromElement(transitionElement) + durationPadding\n\n let called = false\n\n const handler = ({ target }) => {\n if (target !== transitionElement) {\n return\n }\n\n called = true\n transitionElement.removeEventListener(TRANSITION_END, handler)\n execute(callback)\n }\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\n index += shouldGetNext ? 1 : -1\n\n if (isCycleAllowed) {\n index = (index + listLength) % listLength\n }\n\n return list[Math.max(0, Math.min(index, listLength - 1))]\n}\n\nexport {\n defineJQueryPlugin,\n execute,\n executeAfterTransition,\n findShadowRoot,\n getElement,\n getElementFromSelector,\n getjQuery,\n getNextActiveElement,\n getSelectorFromElement,\n getTransitionDurationFromElement,\n getUID,\n isDisabled,\n isElement,\n isRTL,\n isVisible,\n noop,\n onDOMContentLoaded,\n reflow,\n triggerTransitionEnd,\n toType\n}\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): dom/event-handler.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport { getjQuery } from '../util/index'\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}\n\nconst nativeEvents = new Set([\n 'click',\n 'dblclick',\n 'mouseup',\n 'mousedown',\n 'contextmenu',\n 'mousewheel',\n 'DOMMouseScroll',\n 'mouseover',\n 'mouseout',\n 'mousemove',\n 'selectstart',\n 'selectend',\n 'keydown',\n 'keypress',\n 'keyup',\n 'orientationchange',\n 'touchstart',\n 'touchmove',\n 'touchend',\n 'touchcancel',\n 'pointerdown',\n 'pointermove',\n 'pointerup',\n 'pointerleave',\n 'pointercancel',\n 'gesturestart',\n 'gesturechange',\n 'gestureend',\n 'focus',\n 'blur',\n 'change',\n 'reset',\n 'select',\n 'submit',\n 'focusin',\n 'focusout',\n 'load',\n 'unload',\n 'beforeunload',\n 'resize',\n 'move',\n 'DOMContentLoaded',\n 'readystatechange',\n 'error',\n 'abort',\n 'scroll'\n])\n\n/**\n * Private methods\n */\n\nfunction makeEventUid(element, uid) {\n return (uid && `${uid}::${uidEvent++}`) || element.uidEvent || uidEvent++\n}\n\nfunction getElementEvents(element) {\n const uid = makeEventUid(element)\n\n element.uidEvent = uid\n eventRegistry[uid] = eventRegistry[uid] || {}\n\n return eventRegistry[uid]\n}\n\nfunction bootstrapHandler(element, fn) {\n return function handler(event) {\n hydrateObj(event, { delegateTarget: element })\n\n if (handler.oneOff) {\n EventHandler.off(element, event.type, fn)\n }\n\n return fn.apply(element, [event])\n }\n}\n\nfunction bootstrapDelegationHandler(element, selector, fn) {\n return function handler(event) {\n const domElements = element.querySelectorAll(selector)\n\n for (let { target } = event; target && target !== this; target = target.parentNode) {\n for (const domElement of domElements) {\n if (domElement !== target) {\n continue\n }\n\n hydrateObj(event, { delegateTarget: target })\n\n if (handler.oneOff) {\n EventHandler.off(element, event.type, selector, fn)\n }\n\n return fn.apply(target, [event])\n }\n }\n }\n}\n\nfunction findHandler(events, callable, delegationSelector = null) {\n return Object.values(events)\n .find(event => event.callable === callable && event.delegationSelector === delegationSelector)\n}\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\n if (!nativeEvents.has(typeEvent)) {\n typeEvent = originalTypeEvent\n }\n\n return [isDelegated, callable, typeEvent]\n}\n\nfunction addHandler(element, originalTypeEvent, handler, delegationFunction, oneOff) {\n if (typeof originalTypeEvent !== 'string' || !element) {\n return\n }\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\n callable = wrapFunction(callable)\n }\n\n const events = getElementEvents(element)\n const handlers = events[typeEvent] || (events[typeEvent] = {})\n const previousFunction = findHandler(handlers, callable, isDelegated ? handler : null)\n\n if (previousFunction) {\n previousFunction.oneOff = previousFunction.oneOff && oneOff\n\n return\n }\n\n const uid = makeEventUid(callable, originalTypeEvent.replace(namespaceRegex, ''))\n const fn = isDelegated ?\n bootstrapDelegationHandler(element, handler, callable) :\n bootstrapHandler(element, callable)\n\n fn.delegationSelector = isDelegated ? handler : null\n fn.callable = callable\n fn.oneOff = oneOff\n fn.uidEvent = uid\n handlers[uid] = fn\n\n element.addEventListener(typeEvent, fn, isDelegated)\n}\n\nfunction removeHandler(element, events, typeEvent, handler, delegationSelector) {\n const fn = findHandler(events[typeEvent], handler, delegationSelector)\n\n if (!fn) {\n return\n }\n\n element.removeEventListener(typeEvent, fn, Boolean(delegationSelector))\n delete events[typeEvent][fn.uidEvent]\n}\n\nfunction removeNamespacedHandlers(element, events, typeEvent, namespace) {\n const storeElementEvent = events[typeEvent] || {}\n\n for (const handlerKey of Object.keys(storeElementEvent)) {\n if (handlerKey.includes(namespace)) {\n const event = storeElementEvent[handlerKey]\n removeHandler(element, events, typeEvent, event.callable, event.delegationSelector)\n }\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}\n\nconst EventHandler = {\n on(element, event, handler, delegationFunction) {\n addHandler(element, event, handler, delegationFunction, false)\n },\n\n one(element, event, handler, delegationFunction) {\n addHandler(element, event, handler, delegationFunction, true)\n },\n\n off(element, originalTypeEvent, handler, delegationFunction) {\n if (typeof originalTypeEvent !== 'string' || !element) {\n return\n }\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\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\n removeHandler(element, events, typeEvent, callable, isDelegated ? handler : null)\n return\n }\n\n if (isNamespace) {\n for (const elementEvent of Object.keys(events)) {\n removeNamespacedHandlers(element, events, elementEvent, originalTypeEvent.slice(1))\n }\n }\n\n for (const keyHandlers of Object.keys(storeElementEvent)) {\n const handlerKey = keyHandlers.replace(stripUidRegex, '')\n\n if (!inNamespace || originalTypeEvent.includes(handlerKey)) {\n const event = storeElementEvent[keyHandlers]\n removeHandler(element, events, typeEvent, event.callable, event.delegationSelector)\n }\n }\n },\n\n trigger(element, event, args) {\n if (typeof event !== 'string' || !element) {\n return null\n }\n\n const $ = getjQuery()\n const typeEvent = getTypeEvent(event)\n const inNamespace = event !== typeEvent\n\n let jQueryEvent = null\n let bubbles = true\n let nativeDispatch = true\n let defaultPrevented = false\n\n if (inNamespace && $) {\n jQueryEvent = $.Event(event, args)\n\n $(element).trigger(jQueryEvent)\n bubbles = !jQueryEvent.isPropagationStopped()\n nativeDispatch = !jQueryEvent.isImmediatePropagationStopped()\n defaultPrevented = jQueryEvent.isDefaultPrevented()\n }\n\n let evt = new Event(event, { bubbles, cancelable: true })\n evt = hydrateObj(evt, args)\n\n if (defaultPrevented) {\n evt.preventDefault()\n }\n\n if (nativeDispatch) {\n element.dispatchEvent(evt)\n }\n\n if (evt.defaultPrevented && jQueryEvent) {\n jQueryEvent.preventDefault()\n }\n\n return evt\n }\n}\n\nfunction hydrateObj(obj, meta) {\n for (const [key, value] of Object.entries(meta || {})) {\n try {\n obj[key] = value\n } catch {\n Object.defineProperty(obj, key, {\n configurable: true,\n get() {\n return value\n }\n })\n }\n }\n\n return obj\n}\n\nexport default EventHandler\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): 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()\n\nexport default {\n set(element, key, instance) {\n if (!elementMap.has(element)) {\n elementMap.set(element, new Map())\n }\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\n instanceMap.set(key, instance)\n },\n\n get(element, key) {\n if (elementMap.has(element)) {\n return elementMap.get(element).get(key) || null\n }\n\n return null\n },\n\n remove(element, key) {\n if (!elementMap.has(element)) {\n return\n }\n\n const instanceMap = elementMap.get(element)\n\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 * Bootstrap (v5.2.2): 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\n if (value === 'false') {\n return false\n }\n\n if (value === Number(value).toString()) {\n return Number(value)\n }\n\n if (value === '' || value === 'null') {\n return null\n }\n\n if (typeof value !== 'string') {\n return value\n }\n\n try {\n return JSON.parse(decodeURIComponent(value))\n } catch {\n return value\n }\n}\n\nfunction normalizeDataKey(key) {\n return key.replace(/[A-Z]/g, chr => `-${chr.toLowerCase()}`)\n}\n\nconst Manipulator = {\n setDataAttribute(element, key, value) {\n element.setAttribute(`data-bs-${normalizeDataKey(key)}`, value)\n },\n\n removeDataAttribute(element, key) {\n element.removeAttribute(`data-bs-${normalizeDataKey(key)}`)\n },\n\n getDataAttributes(element) {\n if (!element) {\n return {}\n }\n\n const attributes = {}\n const bsKeys = Object.keys(element.dataset).filter(key => key.startsWith('bs') && !key.startsWith('bsConfig'))\n\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\n return attributes\n },\n\n getDataAttribute(element, key) {\n return normalizeData(element.getAttribute(`data-bs-${normalizeDataKey(key)}`))\n }\n}\n\nexport default Manipulator\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): util/config.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport { isElement, toType } from './index'\nimport Manipulator from '../dom/manipulator'\n\n/**\n * Class definition\n */\n\nclass Config {\n // Getters\n static get Default() {\n return {}\n }\n\n static get DefaultType() {\n return {}\n }\n\n static get NAME() {\n throw new Error('You have to implement the static method \"NAME\", for each component!')\n }\n\n _getConfig(config) {\n config = this._mergeConfigObj(config)\n config = this._configAfterMerge(config)\n this._typeCheckConfig(config)\n return config\n }\n\n _configAfterMerge(config) {\n return config\n }\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\n _typeCheckConfig(config, configTypes = this.constructor.DefaultType) {\n for (const property of Object.keys(configTypes)) {\n const expectedTypes = configTypes[property]\n const value = config[property]\n const valueType = isElement(value) ? 'element' : toType(value)\n\n if (!new RegExp(expectedTypes).test(valueType)) {\n throw new TypeError(\n `${this.constructor.NAME.toUpperCase()}: Option \"${property}\" provided type \"${valueType}\" but expected type \"${expectedTypes}\".`\n )\n }\n }\n }\n}\n\nexport default Config\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): base-component.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport Data from './dom/data'\nimport { executeAfterTransition, getElement } from './util/index'\nimport EventHandler from './dom/event-handler'\nimport Config from './util/config'\n\n/**\n * Constants\n */\n\nconst VERSION = '5.2.2'\n\n/**\n * Class definition\n */\n\nclass BaseComponent extends Config {\n constructor(element, config) {\n super()\n\n element = getElement(element)\n if (!element) {\n return\n }\n\n this._element = element\n this._config = this._getConfig(config)\n\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\n for (const propertyName of Object.getOwnPropertyNames(this)) {\n this[propertyName] = null\n }\n }\n\n _queueCallback(callback, element, isAnimated = true) {\n executeAfterTransition(callback, element, isAnimated)\n }\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\n static getOrCreateInstance(element, config = {}) {\n return this.getInstance(element) || new this(element, typeof config === 'object' ? config : null)\n }\n\n static get VERSION() {\n return VERSION\n }\n\n static get DATA_KEY() {\n return `bs.${this.NAME}`\n }\n\n static get EVENT_KEY() {\n return `.${this.DATA_KEY}`\n }\n\n static eventName(name) {\n return `${name}${this.EVENT_KEY}`\n }\n}\n\nexport default BaseComponent\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): util/component-functions.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport EventHandler from '../dom/event-handler'\nimport { getElementFromSelector, isDisabled } from './index'\n\nconst enableDismissTrigger = (component, method = 'hide') => {\n const clickEvent = `click.dismiss${component.EVENT_KEY}`\n const name = component.NAME\n\n EventHandler.on(document, clickEvent, `[data-bs-dismiss=\"${name}\"]`, function (event) {\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault()\n }\n\n if (isDisabled(this)) {\n return\n }\n\n const target = 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\nexport {\n enableDismissTrigger\n}\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): alert.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport { defineJQueryPlugin } from './util/index'\nimport EventHandler from './dom/event-handler'\nimport BaseComponent from './base-component'\nimport { enableDismissTrigger } from './util/component-functions'\n\n/**\n * Constants\n */\n\nconst NAME = 'alert'\nconst DATA_KEY = 'bs.alert'\nconst EVENT_KEY = `.${DATA_KEY}`\n\nconst EVENT_CLOSE = `close${EVENT_KEY}`\nconst EVENT_CLOSED = `closed${EVENT_KEY}`\nconst CLASS_NAME_FADE = 'fade'\nconst CLASS_NAME_SHOW = 'show'\n\n/**\n * Class definition\n */\n\nclass Alert extends BaseComponent {\n // Getters\n static get NAME() {\n return NAME\n }\n\n // Public\n close() {\n const closeEvent = EventHandler.trigger(this._element, EVENT_CLOSE)\n\n if (closeEvent.defaultPrevented) {\n return\n }\n\n this._element.classList.remove(CLASS_NAME_SHOW)\n\n const isAnimated = this._element.classList.contains(CLASS_NAME_FADE)\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\n if (typeof config !== 'string') {\n return\n }\n\n if (data[config] === undefined || config.startsWith('_') || config === 'constructor') {\n throw new TypeError(`No method named \"${config}\"`)\n }\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\nexport default Alert\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): button.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport { defineJQueryPlugin } from './util/index'\nimport EventHandler from './dom/event-handler'\nimport BaseComponent from './base-component'\n\n/**\n * Constants\n */\n\nconst NAME = 'button'\nconst DATA_KEY = 'bs.button'\nconst EVENT_KEY = `.${DATA_KEY}`\nconst DATA_API_KEY = '.data-api'\n\nconst CLASS_NAME_ACTIVE = 'active'\nconst SELECTOR_DATA_TOGGLE = '[data-bs-toggle=\"button\"]'\nconst EVENT_CLICK_DATA_API = `click${EVENT_KEY}${DATA_API_KEY}`\n\n/**\n * Class definition\n */\n\nclass Button extends BaseComponent {\n // Getters\n static get NAME() {\n return NAME\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))\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Button.getOrCreateInstance(this)\n\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, SELECTOR_DATA_TOGGLE, event => {\n event.preventDefault()\n\n const button = event.target.closest(SELECTOR_DATA_TOGGLE)\n const data = Button.getOrCreateInstance(button)\n\n data.toggle()\n})\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Button)\n\nexport default Button\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): dom/selector-engine.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport { isDisabled, isVisible } from '../util/index'\n\n/**\n * Constants\n */\n\nconst SelectorEngine = {\n find(selector, element = document.documentElement) {\n return [].concat(...Element.prototype.querySelectorAll.call(element, selector))\n },\n\n findOne(selector, element = document.documentElement) {\n return Element.prototype.querySelector.call(element, selector)\n },\n\n children(element, selector) {\n return [].concat(...element.children).filter(child => child.matches(selector))\n },\n\n parents(element, selector) {\n const parents = []\n let ancestor = element.parentNode.closest(selector)\n\n while (ancestor) {\n parents.push(ancestor)\n ancestor = ancestor.parentNode.closest(selector)\n }\n\n return parents\n },\n\n prev(element, selector) {\n let previous = element.previousElementSibling\n\n while (previous) {\n if (previous.matches(selector)) {\n return [previous]\n }\n\n previous = previous.previousElementSibling\n }\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\n while (next) {\n if (next.matches(selector)) {\n return [next]\n }\n\n next = next.nextElementSibling\n }\n\n return []\n },\n\n focusableChildren(element) {\n const focusables = [\n 'a',\n 'button',\n 'input',\n 'textarea',\n 'select',\n 'details',\n '[tabindex]',\n '[contenteditable=\"true\"]'\n ].map(selector => `${selector}:not([tabindex^=\"-\"])`).join(',')\n\n return this.find(focusables, element).filter(el => !isDisabled(el) && isVisible(el))\n }\n}\n\nexport default SelectorEngine\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): util/swipe.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport Config from './config'\nimport EventHandler from '../dom/event-handler'\nimport { execute } from './index'\n\n/**\n * Constants\n */\n\nconst NAME = 'swipe'\nconst EVENT_KEY = '.bs.swipe'\nconst EVENT_TOUCHSTART = `touchstart${EVENT_KEY}`\nconst EVENT_TOUCHMOVE = `touchmove${EVENT_KEY}`\nconst EVENT_TOUCHEND = `touchend${EVENT_KEY}`\nconst EVENT_POINTERDOWN = `pointerdown${EVENT_KEY}`\nconst EVENT_POINTERUP = `pointerup${EVENT_KEY}`\nconst POINTER_TYPE_TOUCH = 'touch'\nconst POINTER_TYPE_PEN = 'pen'\nconst CLASS_NAME_POINTER_EVENT = 'pointer-event'\nconst SWIPE_THRESHOLD = 40\n\nconst Default = {\n endCallback: null,\n leftCallback: null,\n rightCallback: null\n}\n\nconst DefaultType = {\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\n if (!element || !Swipe.isSupported()) {\n return\n }\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\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n dispose() {\n EventHandler.off(this._element, EVENT_KEY)\n }\n\n // Private\n _start(event) {\n if (!this._supportPointerEvents) {\n this._deltaX = event.touches[0].clientX\n\n return\n }\n\n if (this._eventIsPointerPenTouch(event)) {\n this._deltaX = event.clientX\n }\n }\n\n _end(event) {\n if (this._eventIsPointerPenTouch(event)) {\n this._deltaX = event.clientX - this._deltaX\n }\n\n this._handleSwipe()\n execute(this._config.endCallback)\n }\n\n _move(event) {\n this._deltaX = event.touches && event.touches.length > 1 ?\n 0 :\n event.touches[0].clientX - this._deltaX\n }\n\n _handleSwipe() {\n const absDeltaX = Math.abs(this._deltaX)\n\n if (absDeltaX <= SWIPE_THRESHOLD) {\n return\n }\n\n const direction = absDeltaX / this._deltaX\n\n this._deltaX = 0\n\n if (!direction) {\n return\n }\n\n execute(direction > 0 ? this._config.rightCallback : this._config.leftCallback)\n }\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\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\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\nexport default Swipe\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): carousel.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport {\n defineJQueryPlugin,\n getElementFromSelector,\n getNextActiveElement,\n isRTL,\n isVisible,\n reflow,\n triggerTransitionEnd\n} from './util/index'\nimport EventHandler from './dom/event-handler'\nimport Manipulator from './dom/manipulator'\nimport SelectorEngine from './dom/selector-engine'\nimport Swipe from './util/swipe'\nimport BaseComponent from './base-component'\n\n/**\n * Constants\n */\n\nconst NAME = 'carousel'\nconst DATA_KEY = 'bs.carousel'\nconst EVENT_KEY = `.${DATA_KEY}`\nconst DATA_API_KEY = '.data-api'\n\nconst ARROW_LEFT_KEY = 'ArrowLeft'\nconst ARROW_RIGHT_KEY = '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'\n\nconst EVENT_SLIDE = `slide${EVENT_KEY}`\nconst EVENT_SLID = `slid${EVENT_KEY}`\nconst EVENT_KEYDOWN = `keydown${EVENT_KEY}`\nconst EVENT_MOUSEENTER = `mouseenter${EVENT_KEY}`\nconst EVENT_MOUSELEAVE = `mouseleave${EVENT_KEY}`\nconst EVENT_DRAG_START = `dragstart${EVENT_KEY}`\nconst EVENT_LOAD_DATA_API = `load${EVENT_KEY}${DATA_API_KEY}`\nconst EVENT_CLICK_DATA_API = `click${EVENT_KEY}${DATA_API_KEY}`\n\nconst CLASS_NAME_CAROUSEL = 'carousel'\nconst CLASS_NAME_ACTIVE = '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'\n\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\"]'\n\nconst KEY_TO_DIRECTION = {\n [ARROW_LEFT_KEY]: DIRECTION_RIGHT,\n [ARROW_RIGHT_KEY]: DIRECTION_LEFT\n}\n\nconst Default = {\n interval: 5000,\n keyboard: true,\n pause: 'hover',\n ride: false,\n touch: true,\n wrap: true\n}\n\nconst DefaultType = {\n interval: '(number|boolean)', // 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\n this._interval = null\n this._activeElement = null\n this._isSliding = false\n this.touchTimeout = null\n this._swipeHelper = null\n\n this._indicatorsElement = SelectorEngine.findOne(SELECTOR_INDICATORS, this._element)\n this._addEventListeners()\n\n if (this._config.ride === CLASS_NAME_CAROUSEL) {\n this.cycle()\n }\n }\n\n // Getters\n static get Default() {\n return Default\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n next() {\n this._slide(ORDER_NEXT)\n }\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\n prev() {\n this._slide(ORDER_PREV)\n }\n\n pause() {\n if (this._isSliding) {\n triggerTransitionEnd(this._element)\n }\n\n this._clearInterval()\n }\n\n cycle() {\n this._clearInterval()\n this._updateInterval()\n\n this._interval = setInterval(() => this.nextWhenVisible(), this._config.interval)\n }\n\n _maybeEnableCycle() {\n if (!this._config.ride) {\n return\n }\n\n if (this._isSliding) {\n EventHandler.one(this._element, EVENT_SLID, () => this.cycle())\n return\n }\n\n this.cycle()\n }\n\n to(index) {\n const items = this._getItems()\n if (index > items.length - 1 || index < 0) {\n return\n }\n\n if (this._isSliding) {\n EventHandler.one(this._element, EVENT_SLID, () => this.to(index))\n return\n }\n\n const activeIndex = this._getItemIndex(this._getActive())\n if (activeIndex === index) {\n return\n }\n\n const order = index > activeIndex ? ORDER_NEXT : ORDER_PREV\n\n this._slide(order, items[index])\n }\n\n dispose() {\n if (this._swipeHelper) {\n this._swipeHelper.dispose()\n }\n\n super.dispose()\n }\n\n // Private\n _configAfterMerge(config) {\n config.defaultInterval = config.interval\n return config\n }\n\n _addEventListeners() {\n if (this._config.keyboard) {\n EventHandler.on(this._element, EVENT_KEYDOWN, event => this._keydown(event))\n }\n\n if (this._config.pause === 'hover') {\n EventHandler.on(this._element, EVENT_MOUSEENTER, () => this.pause())\n EventHandler.on(this._element, EVENT_MOUSELEAVE, () => this._maybeEnableCycle())\n }\n\n if (this._config.touch && Swipe.isSupported()) {\n this._addTouchEventListeners()\n }\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\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\n this.touchTimeout = setTimeout(() => this._maybeEnableCycle(), TOUCHEVENT_COMPAT_WAIT + this._config.interval)\n }\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\n this._swipeHelper = new Swipe(this._element, swipeConfig)\n }\n\n _keydown(event) {\n if (/input|textarea/i.test(event.target.tagName)) {\n return\n }\n\n const direction = KEY_TO_DIRECTION[event.key]\n if (direction) {\n event.preventDefault()\n this._slide(this._directionToOrder(direction))\n }\n }\n\n _getItemIndex(element) {\n return this._getItems().indexOf(element)\n }\n\n _setActiveIndicatorElement(index) {\n if (!this._indicatorsElement) {\n return\n }\n\n const activeIndicator = SelectorEngine.findOne(SELECTOR_ACTIVE, this._indicatorsElement)\n\n activeIndicator.classList.remove(CLASS_NAME_ACTIVE)\n activeIndicator.removeAttribute('aria-current')\n\n const newActiveIndicator = SelectorEngine.findOne(`[data-bs-slide-to=\"${index}\"]`, this._indicatorsElement)\n\n if (newActiveIndicator) {\n newActiveIndicator.classList.add(CLASS_NAME_ACTIVE)\n newActiveIndicator.setAttribute('aria-current', 'true')\n }\n }\n\n _updateInterval() {\n const element = this._activeElement || this._getActive()\n\n if (!element) {\n return\n }\n\n const elementInterval = Number.parseInt(element.getAttribute('data-bs-interval'), 10)\n\n this._config.interval = elementInterval || this._config.defaultInterval\n }\n\n _slide(order, element = null) {\n if (this._isSliding) {\n return\n }\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\n if (nextElement === activeElement) {\n return\n }\n\n const nextElementIndex = this._getItemIndex(nextElement)\n\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\n const slideEvent = triggerEvent(EVENT_SLIDE)\n\n if (slideEvent.defaultPrevented) {\n return\n }\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\n const isCycling = Boolean(this._interval)\n this.pause()\n\n this._isSliding = true\n\n this._setActiveIndicatorElement(nextElementIndex)\n this._activeElement = nextElement\n\n const directionalClassName = isNext ? CLASS_NAME_START : CLASS_NAME_END\n const orderClassName = isNext ? CLASS_NAME_NEXT : CLASS_NAME_PREV\n\n nextElement.classList.add(orderClassName)\n\n reflow(nextElement)\n\n activeElement.classList.add(directionalClassName)\n nextElement.classList.add(directionalClassName)\n\n const completeCallBack = () => {\n nextElement.classList.remove(directionalClassName, orderClassName)\n nextElement.classList.add(CLASS_NAME_ACTIVE)\n\n activeElement.classList.remove(CLASS_NAME_ACTIVE, orderClassName, directionalClassName)\n\n this._isSliding = false\n\n triggerEvent(EVENT_SLID)\n }\n\n this._queueCallback(completeCallBack, activeElement, this._isAnimated())\n\n if (isCycling) {\n this.cycle()\n }\n }\n\n _isAnimated() {\n return this._element.classList.contains(CLASS_NAME_SLIDE)\n }\n\n _getActive() {\n return SelectorEngine.findOne(SELECTOR_ACTIVE_ITEM, this._element)\n }\n\n _getItems() {\n return SelectorEngine.find(SELECTOR_ITEM, this._element)\n }\n\n _clearInterval() {\n if (this._interval) {\n clearInterval(this._interval)\n this._interval = null\n }\n }\n\n _directionToOrder(direction) {\n if (isRTL()) {\n return direction === DIRECTION_LEFT ? ORDER_PREV : ORDER_NEXT\n }\n\n return direction === DIRECTION_LEFT ? ORDER_NEXT : ORDER_PREV\n }\n\n _orderToDirection(order) {\n if (isRTL()) {\n return order === ORDER_PREV ? DIRECTION_LEFT : DIRECTION_RIGHT\n }\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\n if (typeof config === 'number') {\n data.to(config)\n return\n }\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\n data[config]()\n }\n })\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API, SELECTOR_DATA_SLIDE, function (event) {\n const target = getElementFromSelector(this)\n\n if (!target || !target.classList.contains(CLASS_NAME_CAROUSEL)) {\n return\n }\n\n event.preventDefault()\n\n const carousel = Carousel.getOrCreateInstance(target)\n const slideIndex = this.getAttribute('data-bs-slide-to')\n\n if (slideIndex) {\n carousel.to(slideIndex)\n carousel._maybeEnableCycle()\n return\n }\n\n if (Manipulator.getDataAttribute(this, 'slide') === 'next') {\n carousel.next()\n carousel._maybeEnableCycle()\n return\n }\n\n carousel.prev()\n carousel._maybeEnableCycle()\n})\n\nEventHandler.on(window, EVENT_LOAD_DATA_API, () => {\n const carousels = SelectorEngine.find(SELECTOR_DATA_RIDE)\n\n for (const carousel of carousels) {\n Carousel.getOrCreateInstance(carousel)\n }\n})\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Carousel)\n\nexport default Carousel\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): collapse.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport {\n defineJQueryPlugin,\n getElement,\n getElementFromSelector,\n getSelectorFromElement,\n reflow\n} from './util/index'\nimport EventHandler from './dom/event-handler'\nimport SelectorEngine from './dom/selector-engine'\nimport BaseComponent from './base-component'\n\n/**\n * Constants\n */\n\nconst NAME = 'collapse'\nconst DATA_KEY = 'bs.collapse'\nconst EVENT_KEY = `.${DATA_KEY}`\nconst DATA_API_KEY = '.data-api'\n\nconst EVENT_SHOW = `show${EVENT_KEY}`\nconst EVENT_SHOWN = `shown${EVENT_KEY}`\nconst EVENT_HIDE = `hide${EVENT_KEY}`\nconst EVENT_HIDDEN = `hidden${EVENT_KEY}`\nconst EVENT_CLICK_DATA_API = `click${EVENT_KEY}${DATA_API_KEY}`\n\nconst CLASS_NAME_SHOW = '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'\n\nconst WIDTH = 'width'\nconst HEIGHT = 'height'\n\nconst SELECTOR_ACTIVES = '.collapse.show, .collapse.collapsing'\nconst SELECTOR_DATA_TOGGLE = '[data-bs-toggle=\"collapse\"]'\n\nconst Default = {\n parent: null,\n toggle: true\n}\n\nconst DefaultType = {\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\n this._isTransitioning = false\n this._triggerArray = []\n\n const toggleList = SelectorEngine.find(SELECTOR_DATA_TOGGLE)\n\n for (const elem of toggleList) {\n const selector = getSelectorFromElement(elem)\n const filterElement = SelectorEngine.find(selector)\n .filter(foundElement => foundElement === this._element)\n\n if (selector !== null && filterElement.length) {\n this._triggerArray.push(elem)\n }\n }\n\n this._initializeChildren()\n\n if (!this._config.parent) {\n this._addAriaAndCollapsedClass(this._triggerArray, this._isShown())\n }\n\n if (this._config.toggle) {\n this.toggle()\n }\n }\n\n // Getters\n static get Default() {\n return Default\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n toggle() {\n if (this._isShown()) {\n this.hide()\n } else {\n this.show()\n }\n }\n\n show() {\n if (this._isTransitioning || this._isShown()) {\n return\n }\n\n let activeChildren = []\n\n // find active children\n if (this._config.parent) {\n activeChildren = this._getFirstLevelChildren(SELECTOR_ACTIVES)\n .filter(element => element !== this._element)\n .map(element => Collapse.getOrCreateInstance(element, { toggle: false }))\n }\n\n if (activeChildren.length && activeChildren[0]._isTransitioning) {\n return\n }\n\n const startEvent = EventHandler.trigger(this._element, EVENT_SHOW)\n if (startEvent.defaultPrevented) {\n return\n }\n\n for (const activeInstance of activeChildren) {\n activeInstance.hide()\n }\n\n const dimension = this._getDimension()\n\n this._element.classList.remove(CLASS_NAME_COLLAPSE)\n this._element.classList.add(CLASS_NAME_COLLAPSING)\n\n this._element.style[dimension] = 0\n\n this._addAriaAndCollapsedClass(this._triggerArray, true)\n this._isTransitioning = true\n\n const complete = () => {\n this._isTransitioning = false\n\n this._element.classList.remove(CLASS_NAME_COLLAPSING)\n this._element.classList.add(CLASS_NAME_COLLAPSE, CLASS_NAME_SHOW)\n\n this._element.style[dimension] = ''\n\n EventHandler.trigger(this._element, EVENT_SHOWN)\n }\n\n const capitalizedDimension = dimension[0].toUpperCase() + dimension.slice(1)\n const scrollSize = `scroll${capitalizedDimension}`\n\n this._queueCallback(complete, this._element, true)\n this._element.style[dimension] = `${this._element[scrollSize]}px`\n }\n\n hide() {\n if (this._isTransitioning || !this._isShown()) {\n return\n }\n\n const startEvent = EventHandler.trigger(this._element, EVENT_HIDE)\n if (startEvent.defaultPrevented) {\n return\n }\n\n const dimension = this._getDimension()\n\n this._element.style[dimension] = `${this._element.getBoundingClientRect()[dimension]}px`\n\n reflow(this._element)\n\n this._element.classList.add(CLASS_NAME_COLLAPSING)\n this._element.classList.remove(CLASS_NAME_COLLAPSE, CLASS_NAME_SHOW)\n\n for (const trigger of this._triggerArray) {\n const element = getElementFromSelector(trigger)\n\n if (element && !this._isShown(element)) {\n this._addAriaAndCollapsedClass([trigger], false)\n }\n }\n\n this._isTransitioning = true\n\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)\n }\n\n this._element.style[dimension] = ''\n\n this._queueCallback(complete, this._element, true)\n }\n\n _isShown(element = this._element) {\n return element.classList.contains(CLASS_NAME_SHOW)\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\n _getDimension() {\n return this._element.classList.contains(CLASS_NAME_HORIZONTAL) ? WIDTH : HEIGHT\n }\n\n _initializeChildren() {\n if (!this._config.parent) {\n return\n }\n\n const children = this._getFirstLevelChildren(SELECTOR_DATA_TOGGLE)\n\n for (const element of children) {\n const selected = getElementFromSelector(element)\n\n if (selected) {\n this._addAriaAndCollapsedClass([element], this._isShown(selected))\n }\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\n _addAriaAndCollapsedClass(triggerArray, isOpen) {\n if (!triggerArray.length) {\n return\n }\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\n return this.each(function () {\n const data = Collapse.getOrCreateInstance(this, _config)\n\n if (typeof config === 'string') {\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`)\n }\n\n data[config]()\n }\n })\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API, SELECTOR_DATA_TOGGLE, 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\n const selector = getSelectorFromElement(this)\n const selectorElements = SelectorEngine.find(selector)\n\n for (const element of selectorElements) {\n Collapse.getOrCreateInstance(element, { toggle: false }).toggle()\n }\n})\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Collapse)\n\nexport default Collapse\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) {\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\";\nimport { isHTMLElement } from \"../dom-utils/instanceOf.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 (process.env.NODE_ENV !== \"production\") {\n if (!isHTMLElement(arrowElement)) {\n console.error(['Popper: \"arrow\" element must be an HTMLElement (not an SVGElement).', 'To use an SVG arrow, wrap it in an HTMLElement that will be used as', 'the arrow.'].join(' '));\n }\n }\n\n if (!contains(state.elements.popper, arrowElement)) {\n if (process.env.NODE_ENV !== \"production\") {\n console.error(['Popper: \"arrow\" modifier\\'s `element` must be a child of the popper', 'element.'].join(' '));\n }\n\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) {\n var x = _ref.x,\n y = _ref.y;\n var win = window;\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 }) : {\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\n if (process.env.NODE_ENV !== \"production\") {\n var transitionProperty = getComputedStyle(state.elements.popper).transitionProperty || '';\n\n if (adaptive && ['transform', 'top', 'right', 'bottom', 'left'].some(function (property) {\n return transitionProperty.indexOf(property) >= 0;\n })) {\n console.warn(['Popper: Detected CSS transitions on at least one of the following', 'CSS properties: \"transform\", \"top\", \"right\", \"bottom\", \"left\".', '\\n\\n', 'Disable the \"computeStyles\" modifier\\'s `adaptive` option to allow', 'for smooth transitions, or remove these properties from the CSS', 'transition declaration on the popper element if only transitioning', 'opacity or background-color for example.', '\\n\\n', 'We recommend using the popper element as a wrapper around an inner', 'element that can have any CSS property transitioned for animations.'].join(' '));\n }\n }\n\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 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\n if (process.env.NODE_ENV !== \"production\") {\n console.error(['Popper: The `allowedAutoPlacements` option did not allow any', 'placements. Ensure the `placement` option matches the variation', 'of the allowed placements.', 'For example, \"auto\" cannot be used to allow \"bottom-start\".', 'Use \"auto-start\" instead.'].join(' '));\n }\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 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 { 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 getComputedStyle from \"./dom-utils/getComputedStyle.js\";\nimport orderModifiers from \"./utils/orderModifiers.js\";\nimport debounce from \"./utils/debounce.js\";\nimport validateModifiers from \"./utils/validateModifiers.js\";\nimport uniqueBy from \"./utils/uniqueBy.js\";\nimport getBasePlacement from \"./utils/getBasePlacement.js\";\nimport mergeByName from \"./utils/mergeByName.js\";\nimport detectOverflow from \"./utils/detectOverflow.js\";\nimport { isElement } from \"./dom-utils/instanceOf.js\";\nimport { auto } from \"./enums.js\";\nvar INVALID_ELEMENT_ERROR = 'Popper: Invalid reference or popper argument provided. They must be either a DOM element or virtual element.';\nvar INFINITE_LOOP_ERROR = 'Popper: An infinite loop in the modifiers cycle has been detected! The cycle has been interrupted to prevent a browser crash.';\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 }); // Validate the provided modifiers so that the consumer will get warned\n // if one of the modifiers is invalid for any reason\n\n if (process.env.NODE_ENV !== \"production\") {\n var modifiers = uniqueBy([].concat(orderedModifiers, state.options.modifiers), function (_ref) {\n var name = _ref.name;\n return name;\n });\n validateModifiers(modifiers);\n\n if (getBasePlacement(state.options.placement) === auto) {\n var flipModifier = state.orderedModifiers.find(function (_ref2) {\n var name = _ref2.name;\n return name === 'flip';\n });\n\n if (!flipModifier) {\n console.error(['Popper: \"auto\" placements require the \"flip\" modifier be', 'present and enabled to work.'].join(' '));\n }\n }\n\n var _getComputedStyle = getComputedStyle(popper),\n marginTop = _getComputedStyle.marginTop,\n marginRight = _getComputedStyle.marginRight,\n marginBottom = _getComputedStyle.marginBottom,\n marginLeft = _getComputedStyle.marginLeft; // We no longer take into account `margins` on the popper, and it can\n // cause bugs with positioning, so we'll warn the consumer\n\n\n if ([marginTop, marginRight, marginBottom, marginLeft].some(function (margin) {\n return parseFloat(margin);\n })) {\n console.warn(['Popper: CSS \"margin\" styles cannot be used to apply padding', 'between the popper and its reference element or boundary.', 'To replicate margin, use the `offset` modifier, as well as', 'the `padding` option in the `preventOverflow` and `flip`', 'modifiers.'].join(' '));\n }\n }\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 if (process.env.NODE_ENV !== \"production\") {\n console.error(INVALID_ELEMENT_ERROR);\n }\n\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 var __debug_loops__ = 0;\n\n for (var index = 0; index < state.orderedModifiers.length; index++) {\n if (process.env.NODE_ENV !== \"production\") {\n __debug_loops__ += 1;\n\n if (__debug_loops__ > 100) {\n console.error(INFINITE_LOOP_ERROR);\n break;\n }\n }\n\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 if (process.env.NODE_ENV !== \"production\") {\n console.error(INVALID_ELEMENT_ERROR);\n }\n\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 (_ref3) {\n var name = _ref3.name,\n _ref3$options = _ref3.options,\n options = _ref3$options === void 0 ? {} : _ref3$options,\n effect = _ref3.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\";\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 };","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\";","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): dropdown.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport * as Popper from '@popperjs/core'\nimport {\n defineJQueryPlugin,\n getElement,\n getNextActiveElement,\n isDisabled,\n isElement,\n isRTL,\n isVisible,\n noop\n} from './util/index'\nimport EventHandler from './dom/event-handler'\nimport Manipulator from './dom/manipulator'\nimport SelectorEngine from './dom/selector-engine'\nimport BaseComponent from './base-component'\n\n/**\n * Constants\n */\n\nconst NAME = 'dropdown'\nconst DATA_KEY = 'bs.dropdown'\nconst EVENT_KEY = `.${DATA_KEY}`\nconst DATA_API_KEY = '.data-api'\n\nconst ESCAPE_KEY = 'Escape'\nconst TAB_KEY = 'Tab'\nconst ARROW_UP_KEY = 'ArrowUp'\nconst ARROW_DOWN_KEY = 'ArrowDown'\nconst RIGHT_MOUSE_BUTTON = 2 // MouseEvent.button value for the secondary button, usually the right button\n\nconst EVENT_HIDE = `hide${EVENT_KEY}`\nconst EVENT_HIDDEN = `hidden${EVENT_KEY}`\nconst EVENT_SHOW = `show${EVENT_KEY}`\nconst EVENT_SHOWN = `shown${EVENT_KEY}`\nconst EVENT_CLICK_DATA_API = `click${EVENT_KEY}${DATA_API_KEY}`\nconst EVENT_KEYDOWN_DATA_API = `keydown${EVENT_KEY}${DATA_API_KEY}`\nconst EVENT_KEYUP_DATA_API = `keyup${EVENT_KEY}${DATA_API_KEY}`\n\nconst CLASS_NAME_SHOW = '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'\n\nconst SELECTOR_DATA_TOGGLE = '[data-bs-toggle=\"dropdown\"]:not(.disabled):not(:disabled)'\nconst SELECTOR_DATA_TOGGLE_SHOWN = `${SELECTOR_DATA_TOGGLE}.${CLASS_NAME_SHOW}`\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)'\n\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'\n\nconst Default = {\n autoClose: true,\n boundary: 'clippingParents',\n display: 'dynamic',\n offset: [0, 2],\n popperConfig: null,\n reference: 'toggle'\n}\n\nconst DefaultType = {\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\n this._popper = null\n this._parent = this._element.parentNode // dropdown wrapper\n // todo: v6 revert #37011 & change markup https://getbootstrap.com/docs/5.2/forms/input-group/\n this._menu = SelectorEngine.next(this._element, SELECTOR_MENU)[0] ||\n SelectorEngine.prev(this._element, SELECTOR_MENU)[0] ||\n SelectorEngine.findOne(SELECTOR_MENU, this._parent)\n this._inNavbar = this._detectNavbar()\n }\n\n // Getters\n static get Default() {\n return Default\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n toggle() {\n return this._isShown() ? this.hide() : this.show()\n }\n\n show() {\n if (isDisabled(this._element) || this._isShown()) {\n return\n }\n\n const relatedTarget = {\n relatedTarget: this._element\n }\n\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW, relatedTarget)\n\n if (showEvent.defaultPrevented) {\n return\n }\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\n this._element.focus()\n this._element.setAttribute('aria-expanded', true)\n\n this._menu.classList.add(CLASS_NAME_SHOW)\n this._element.classList.add(CLASS_NAME_SHOW)\n EventHandler.trigger(this._element, EVENT_SHOWN, relatedTarget)\n }\n\n hide() {\n if (isDisabled(this._element) || !this._isShown()) {\n return\n }\n\n const relatedTarget = {\n relatedTarget: this._element\n }\n\n this._completeHide(relatedTarget)\n }\n\n dispose() {\n if (this._popper) {\n this._popper.destroy()\n }\n\n super.dispose()\n }\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, 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\n if (this._popper) {\n this._popper.destroy()\n }\n\n this._menu.classList.remove(CLASS_NAME_SHOW)\n this._element.classList.remove(CLASS_NAME_SHOW)\n this._element.setAttribute('aria-expanded', 'false')\n Manipulator.removeDataAttribute(this._menu, 'popper')\n EventHandler.trigger(this._element, EVENT_HIDDEN, relatedTarget)\n }\n\n _getConfig(config) {\n config = super._getConfig(config)\n\n if (typeof config.reference === 'object' && !isElement(config.reference) &&\n typeof config.reference.getBoundingClientRect !== 'function'\n ) {\n // Popper virtual elements require a getBoundingClientRect method\n throw new TypeError(`${NAME.toUpperCase()}: Option \"reference\" provided type \"object\" without a required \"getBoundingClientRect\" method.`)\n }\n\n return config\n }\n\n _createPopper() {\n if (typeof Popper === 'undefined') {\n throw new TypeError('Bootstrap\\'s dropdowns require Popper (https://popper.js.org)')\n }\n\n let referenceElement = this._element\n\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\n const popperConfig = this._getPopperConfig()\n this._popper = Popper.createPopper(referenceElement, this._menu, popperConfig)\n }\n\n _isShown() {\n return this._menu.classList.contains(CLASS_NAME_SHOW)\n }\n\n _getPlacement() {\n const parentDropdown = this._parent\n\n if (parentDropdown.classList.contains(CLASS_NAME_DROPEND)) {\n return PLACEMENT_RIGHT\n }\n\n if (parentDropdown.classList.contains(CLASS_NAME_DROPSTART)) {\n return PLACEMENT_LEFT\n }\n\n if (parentDropdown.classList.contains(CLASS_NAME_DROPUP_CENTER)) {\n return PLACEMENT_TOPCENTER\n }\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\n if (parentDropdown.classList.contains(CLASS_NAME_DROPUP)) {\n return isEnd ? PLACEMENT_TOPEND : PLACEMENT_TOP\n }\n\n return isEnd ? PLACEMENT_BOTTOMEND : PLACEMENT_BOTTOM\n }\n\n _detectNavbar() {\n return this._element.closest(SELECTOR_NAVBAR) !== null\n }\n\n _getOffset() {\n const { offset } = this._config\n\n if (typeof offset === 'string') {\n return offset.split(',').map(value => Number.parseInt(value, 10))\n }\n\n if (typeof offset === 'function') {\n return popperData => offset(popperData, this._element)\n }\n\n return offset\n }\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 {\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\n return {\n ...defaultBsPopperConfig,\n ...(typeof this._config.popperConfig === 'function' ? this._config.popperConfig(defaultBsPopperConfig) : this._config.popperConfig)\n }\n }\n\n _selectMenuItem({ key, target }) {\n const items = SelectorEngine.find(SELECTOR_VISIBLE_ITEMS, this._menu).filter(element => isVisible(element))\n\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, !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\n if (typeof config !== 'string') {\n return\n }\n\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`)\n }\n\n data[config]()\n })\n }\n\n static clearMenus(event) {\n if (event.button === RIGHT_MOUSE_BUTTON || (event.type === 'keyup' && event.key !== TAB_KEY)) {\n return\n }\n\n const openToggles = SelectorEngine.find(SELECTOR_DATA_TOGGLE_SHOWN)\n\n for (const toggle of openToggles) {\n const context = Dropdown.getInstance(toggle)\n if (!context || context._config.autoClose === false) {\n continue\n }\n\n const composedPath = event.composedPath()\n const isMenuTarget = composedPath.includes(context._menu)\n if (\n composedPath.includes(context._element) ||\n (context._config.autoClose === 'inside' && !isMenuTarget) ||\n (context._config.autoClose === 'outside' && isMenuTarget)\n ) {\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) || /input|select|option|textarea|form/i.test(event.target.tagName))) {\n continue\n }\n\n const relatedTarget = { relatedTarget: context._element }\n\n if (event.type === 'click') {\n relatedTarget.clickEvent = event\n }\n\n context._completeHide(relatedTarget)\n }\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\n const isUpOrDownEvent = [ARROW_UP_KEY, ARROW_DOWN_KEY].includes(event.key)\n\n if (!isUpOrDownEvent && !isEscapeEvent) {\n return\n }\n\n if (isInput && !isEscapeEvent) {\n return\n }\n\n event.preventDefault()\n\n // todo: v6 revert #37011 & change markup https://getbootstrap.com/docs/5.2/forms/input-group/\n const getToggleButton = this.matches(SELECTOR_DATA_TOGGLE) ?\n this :\n (SelectorEngine.prev(this, SELECTOR_DATA_TOGGLE)[0] ||\n SelectorEngine.next(this, SELECTOR_DATA_TOGGLE)[0] ||\n SelectorEngine.findOne(SELECTOR_DATA_TOGGLE, event.delegateTarget.parentNode))\n\n const instance = Dropdown.getOrCreateInstance(getToggleButton)\n\n if (isUpOrDownEvent) {\n event.stopPropagation()\n instance.show()\n instance._selectMenuItem(event)\n return\n }\n\n if (instance._isShown()) { // 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, Dropdown.dataApiKeydownHandler)\nEventHandler.on(document, EVENT_KEYDOWN_DATA_API, SELECTOR_MENU, Dropdown.dataApiKeydownHandler)\nEventHandler.on(document, EVENT_CLICK_DATA_API, Dropdown.clearMenus)\nEventHandler.on(document, EVENT_KEYUP_DATA_API, Dropdown.clearMenus)\nEventHandler.on(document, EVENT_CLICK_DATA_API, SELECTOR_DATA_TOGGLE, function (event) {\n event.preventDefault()\n Dropdown.getOrCreateInstance(this).toggle()\n})\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Dropdown)\n\nexport default Dropdown\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): util/scrollBar.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport SelectorEngine from '../dom/selector-engine'\nimport Manipulator from '../dom/manipulator'\nimport { isElement } from './index'\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\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\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\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\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\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\n this._applyManipulationCallback(selector, manipulationCallBack)\n }\n\n _saveInitialAttribute(element, styleProperty) {\n const actualValue = element.style.getPropertyValue(styleProperty)\n if (actualValue) {\n Manipulator.setDataAttribute(element, styleProperty, actualValue)\n }\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\n Manipulator.removeDataAttribute(element, styleProperty)\n element.style.setProperty(styleProperty, value)\n }\n\n this._applyManipulationCallback(selector, manipulationCallBack)\n }\n\n _applyManipulationCallback(selector, callBack) {\n if (isElement(selector)) {\n callBack(selector)\n return\n }\n\n for (const sel of SelectorEngine.find(selector, this._element)) {\n callBack(sel)\n }\n }\n}\n\nexport default ScrollBarHelper\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): util/backdrop.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport EventHandler from '../dom/event-handler'\nimport { execute, executeAfterTransition, getElement, reflow } from './index'\nimport Config from './config'\n\n/**\n * Constants\n */\n\nconst NAME = 'backdrop'\nconst CLASS_NAME_FADE = 'fade'\nconst CLASS_NAME_SHOW = 'show'\nconst EVENT_MOUSEDOWN = `mousedown.bs.${NAME}`\n\nconst Default = {\n className: 'modal-backdrop',\n clickCallback: null,\n isAnimated: false,\n isVisible: true, // 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}\n\nconst DefaultType = {\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\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n show(callback) {\n if (!this._config.isVisible) {\n execute(callback)\n return\n }\n\n this._append()\n\n const element = this._getElement()\n if (this._config.isAnimated) {\n reflow(element)\n }\n\n element.classList.add(CLASS_NAME_SHOW)\n\n this._emulateAnimation(() => {\n execute(callback)\n })\n }\n\n hide(callback) {\n if (!this._config.isVisible) {\n execute(callback)\n return\n }\n\n this._getElement().classList.remove(CLASS_NAME_SHOW)\n\n this._emulateAnimation(() => {\n this.dispose()\n execute(callback)\n })\n }\n\n dispose() {\n if (!this._isAppended) {\n return\n }\n\n EventHandler.off(this._element, EVENT_MOUSEDOWN)\n\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)\n }\n\n this._element = backdrop\n }\n\n return this._element\n }\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\n _append() {\n if (this._isAppended) {\n return\n }\n\n const element = this._getElement()\n this._config.rootElement.append(element)\n\n EventHandler.on(element, EVENT_MOUSEDOWN, () => {\n execute(this._config.clickCallback)\n })\n\n this._isAppended = true\n }\n\n _emulateAnimation(callback) {\n executeAfterTransition(callback, this._getElement(), this._config.isAnimated)\n }\n}\n\nexport default Backdrop\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): util/focustrap.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport EventHandler from '../dom/event-handler'\nimport SelectorEngine from '../dom/selector-engine'\nimport Config from './config'\n\n/**\n * Constants\n */\n\nconst NAME = 'focustrap'\nconst DATA_KEY = 'bs.focustrap'\nconst EVENT_KEY = `.${DATA_KEY}`\nconst EVENT_FOCUSIN = `focusin${EVENT_KEY}`\nconst EVENT_KEYDOWN_TAB = `keydown.tab${EVENT_KEY}`\n\nconst TAB_KEY = 'Tab'\nconst TAB_NAV_FORWARD = 'forward'\nconst TAB_NAV_BACKWARD = 'backward'\n\nconst Default = {\n autofocus: true,\n trapElement: null // The element to trap focus inside of\n}\n\nconst DefaultType = {\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\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n activate() {\n if (this._isActive) {\n return\n }\n\n if (this._config.autofocus) {\n this._config.trapElement.focus()\n }\n\n EventHandler.off(document, EVENT_KEY) // guard against infinite focus loop\n EventHandler.on(document, EVENT_FOCUSIN, event => this._handleFocusin(event))\n EventHandler.on(document, EVENT_KEYDOWN_TAB, event => this._handleKeydown(event))\n\n this._isActive = true\n }\n\n deactivate() {\n if (!this._isActive) {\n return\n }\n\n this._isActive = false\n EventHandler.off(document, EVENT_KEY)\n }\n\n // Private\n _handleFocusin(event) {\n const { trapElement } = this._config\n\n if (event.target === document || event.target === trapElement || trapElement.contains(event.target)) {\n return\n }\n\n const elements = SelectorEngine.focusableChildren(trapElement)\n\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\n _handleKeydown(event) {\n if (event.key !== TAB_KEY) {\n return\n }\n\n this._lastTabNavDirection = event.shiftKey ? TAB_NAV_BACKWARD : TAB_NAV_FORWARD\n }\n}\n\nexport default FocusTrap\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): modal.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport { defineJQueryPlugin, getElementFromSelector, isRTL, isVisible, reflow } from './util/index'\nimport EventHandler from './dom/event-handler'\nimport SelectorEngine from './dom/selector-engine'\nimport ScrollBarHelper from './util/scrollbar'\nimport BaseComponent from './base-component'\nimport Backdrop from './util/backdrop'\nimport FocusTrap from './util/focustrap'\nimport { enableDismissTrigger } from './util/component-functions'\n\n/**\n * Constants\n */\n\nconst NAME = 'modal'\nconst DATA_KEY = 'bs.modal'\nconst EVENT_KEY = `.${DATA_KEY}`\nconst DATA_API_KEY = '.data-api'\nconst ESCAPE_KEY = 'Escape'\n\nconst EVENT_HIDE = `hide${EVENT_KEY}`\nconst EVENT_HIDE_PREVENTED = `hidePrevented${EVENT_KEY}`\nconst EVENT_HIDDEN = `hidden${EVENT_KEY}`\nconst EVENT_SHOW = `show${EVENT_KEY}`\nconst EVENT_SHOWN = `shown${EVENT_KEY}`\nconst EVENT_RESIZE = `resize${EVENT_KEY}`\nconst EVENT_CLICK_DISMISS = `click.dismiss${EVENT_KEY}`\nconst EVENT_MOUSEDOWN_DISMISS = `mousedown.dismiss${EVENT_KEY}`\nconst EVENT_KEYDOWN_DISMISS = `keydown.dismiss${EVENT_KEY}`\nconst EVENT_CLICK_DATA_API = `click${EVENT_KEY}${DATA_API_KEY}`\n\nconst CLASS_NAME_OPEN = 'modal-open'\nconst CLASS_NAME_FADE = 'fade'\nconst CLASS_NAME_SHOW = 'show'\nconst CLASS_NAME_STATIC = 'modal-static'\n\nconst OPEN_SELECTOR = '.modal.show'\nconst SELECTOR_DIALOG = '.modal-dialog'\nconst SELECTOR_MODAL_BODY = '.modal-body'\nconst SELECTOR_DATA_TOGGLE = '[data-bs-toggle=\"modal\"]'\n\nconst Default = {\n backdrop: true,\n focus: true,\n keyboard: true\n}\n\nconst DefaultType = {\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\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\n this._addEventListeners()\n }\n\n // Getters\n static get Default() {\n return Default\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n toggle(relatedTarget) {\n return this._isShown ? this.hide() : this.show(relatedTarget)\n }\n\n show(relatedTarget) {\n if (this._isShown || this._isTransitioning) {\n return\n }\n\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW, {\n relatedTarget\n })\n\n if (showEvent.defaultPrevented) {\n return\n }\n\n this._isShown = true\n this._isTransitioning = true\n\n this._scrollBar.hide()\n\n document.body.classList.add(CLASS_NAME_OPEN)\n\n this._adjustDialog()\n\n this._backdrop.show(() => this._showElement(relatedTarget))\n }\n\n hide() {\n if (!this._isShown || this._isTransitioning) {\n return\n }\n\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE)\n\n if (hideEvent.defaultPrevented) {\n return\n }\n\n this._isShown = false\n this._isTransitioning = true\n this._focustrap.deactivate()\n\n this._element.classList.remove(CLASS_NAME_SHOW)\n\n this._queueCallback(() => this._hideModal(), this._element, this._isAnimated())\n }\n\n dispose() {\n for (const htmlElement of [window, this._dialog]) {\n EventHandler.off(htmlElement, EVENT_KEY)\n }\n\n this._backdrop.dispose()\n this._focustrap.deactivate()\n super.dispose()\n }\n\n handleUpdate() {\n this._adjustDialog()\n }\n\n // Private\n _initializeBackDrop() {\n return new Backdrop({\n isVisible: Boolean(this._config.backdrop), // 'static' option will be translated to true, and booleans will keep their value,\n isAnimated: this._isAnimated()\n })\n }\n\n _initializeFocusTrap() {\n return new FocusTrap({\n trapElement: this._element\n })\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\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\n const modalBody = SelectorEngine.findOne(SELECTOR_MODAL_BODY, this._dialog)\n if (modalBody) {\n modalBody.scrollTop = 0\n }\n\n reflow(this._element)\n\n this._element.classList.add(CLASS_NAME_SHOW)\n\n const transitionComplete = () => {\n if (this._config.focus) {\n this._focustrap.activate()\n }\n\n this._isTransitioning = false\n EventHandler.trigger(this._element, EVENT_SHOWN, {\n relatedTarget\n })\n }\n\n this._queueCallback(transitionComplete, this._dialog, this._isAnimated())\n }\n\n _addEventListeners() {\n EventHandler.on(this._element, EVENT_KEYDOWN_DISMISS, event => {\n if (event.key !== ESCAPE_KEY) {\n return\n }\n\n if (this._config.keyboard) {\n event.preventDefault()\n this.hide()\n return\n }\n\n this._triggerBackdropTransition()\n })\n\n EventHandler.on(window, EVENT_RESIZE, () => {\n if (this._isShown && !this._isTransitioning) {\n this._adjustDialog()\n }\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\n if (this._config.backdrop === 'static') {\n this._triggerBackdropTransition()\n return\n }\n\n if (this._config.backdrop) {\n this.hide()\n }\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\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)\n })\n }\n\n _isAnimated() {\n return this._element.classList.contains(CLASS_NAME_FADE)\n }\n\n _triggerBackdropTransition() {\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED)\n if (hideEvent.defaultPrevented) {\n return\n }\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\n if (!isModalOverflowing) {\n this._element.style.overflowY = 'hidden'\n }\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\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\n if (isBodyOverflowing && !isModalOverflowing) {\n const property = isRTL() ? 'paddingLeft' : 'paddingRight'\n this._element.style[property] = `${scrollbarWidth}px`\n }\n\n if (!isBodyOverflowing && isModalOverflowing) {\n const property = isRTL() ? 'paddingRight' : 'paddingLeft'\n this._element.style[property] = `${scrollbarWidth}px`\n }\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\n if (typeof config !== 'string') {\n return\n }\n\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`)\n }\n\n data[config](relatedTarget)\n })\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API, SELECTOR_DATA_TOGGLE, function (event) {\n const target = getElementFromSelector(this)\n\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault()\n }\n\n EventHandler.one(target, EVENT_SHOW, showEvent => {\n if (showEvent.defaultPrevented) {\n // only register focus restorer if modal will actually get shown\n return\n }\n\n EventHandler.one(target, EVENT_HIDDEN, () => {\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)\n if (alreadyOpen) {\n Modal.getInstance(alreadyOpen).hide()\n }\n\n const data = Modal.getOrCreateInstance(target)\n\n data.toggle(this)\n})\n\nenableDismissTrigger(Modal)\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Modal)\n\nexport default Modal\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): offcanvas.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport {\n defineJQueryPlugin,\n getElementFromSelector,\n isDisabled,\n isVisible\n} from './util/index'\nimport ScrollBarHelper from './util/scrollbar'\nimport EventHandler from './dom/event-handler'\nimport BaseComponent from './base-component'\nimport SelectorEngine from './dom/selector-engine'\nimport Backdrop from './util/backdrop'\nimport FocusTrap from './util/focustrap'\nimport { enableDismissTrigger } from './util/component-functions'\n\n/**\n * Constants\n */\n\nconst NAME = 'offcanvas'\nconst DATA_KEY = 'bs.offcanvas'\nconst EVENT_KEY = `.${DATA_KEY}`\nconst DATA_API_KEY = '.data-api'\nconst EVENT_LOAD_DATA_API = `load${EVENT_KEY}${DATA_API_KEY}`\nconst ESCAPE_KEY = 'Escape'\n\nconst CLASS_NAME_SHOW = 'show'\nconst CLASS_NAME_SHOWING = 'showing'\nconst CLASS_NAME_HIDING = 'hiding'\nconst CLASS_NAME_BACKDROP = 'offcanvas-backdrop'\nconst OPEN_SELECTOR = '.offcanvas.show'\n\nconst EVENT_SHOW = `show${EVENT_KEY}`\nconst EVENT_SHOWN = `shown${EVENT_KEY}`\nconst EVENT_HIDE = `hide${EVENT_KEY}`\nconst EVENT_HIDE_PREVENTED = `hidePrevented${EVENT_KEY}`\nconst EVENT_HIDDEN = `hidden${EVENT_KEY}`\nconst EVENT_RESIZE = `resize${EVENT_KEY}`\nconst EVENT_CLICK_DATA_API = `click${EVENT_KEY}${DATA_API_KEY}`\nconst EVENT_KEYDOWN_DISMISS = `keydown.dismiss${EVENT_KEY}`\n\nconst SELECTOR_DATA_TOGGLE = '[data-bs-toggle=\"offcanvas\"]'\n\nconst Default = {\n backdrop: true,\n keyboard: true,\n scroll: false\n}\n\nconst DefaultType = {\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\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\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n toggle(relatedTarget) {\n return this._isShown ? this.hide() : this.show(relatedTarget)\n }\n\n show(relatedTarget) {\n if (this._isShown) {\n return\n }\n\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW, { relatedTarget })\n\n if (showEvent.defaultPrevented) {\n return\n }\n\n this._isShown = true\n this._backdrop.show()\n\n if (!this._config.scroll) {\n new ScrollBarHelper().hide()\n }\n\n this._element.setAttribute('aria-modal', true)\n this._element.setAttribute('role', 'dialog')\n this._element.classList.add(CLASS_NAME_SHOWING)\n\n const completeCallBack = () => {\n if (!this._config.scroll || this._config.backdrop) {\n this._focustrap.activate()\n }\n\n this._element.classList.add(CLASS_NAME_SHOW)\n this._element.classList.remove(CLASS_NAME_SHOWING)\n EventHandler.trigger(this._element, EVENT_SHOWN, { relatedTarget })\n }\n\n this._queueCallback(completeCallBack, this._element, true)\n }\n\n hide() {\n if (!this._isShown) {\n return\n }\n\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE)\n\n if (hideEvent.defaultPrevented) {\n return\n }\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\n const completeCallback = () => {\n this._element.classList.remove(CLASS_NAME_SHOW, CLASS_NAME_HIDING)\n this._element.removeAttribute('aria-modal')\n this._element.removeAttribute('role')\n\n if (!this._config.scroll) {\n new ScrollBarHelper().reset()\n }\n\n EventHandler.trigger(this._element, EVENT_HIDDEN)\n }\n\n this._queueCallback(completeCallback, this._element, true)\n }\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\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\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\n _initializeFocusTrap() {\n return new FocusTrap({\n trapElement: this._element\n })\n }\n\n _addEventListeners() {\n EventHandler.on(this._element, EVENT_KEYDOWN_DISMISS, event => {\n if (event.key !== ESCAPE_KEY) {\n return\n }\n\n if (!this._config.keyboard) {\n EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED)\n return\n }\n\n this.hide()\n })\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Offcanvas.getOrCreateInstance(this, config)\n\n if (typeof config !== 'string') {\n return\n }\n\n if (data[config] === undefined || config.startsWith('_') || config === 'constructor') {\n throw new TypeError(`No method named \"${config}\"`)\n }\n\n data[config](this)\n })\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API, SELECTOR_DATA_TOGGLE, function (event) {\n const target = getElementFromSelector(this)\n\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault()\n }\n\n if (isDisabled(this)) {\n return\n }\n\n EventHandler.one(target, EVENT_HIDDEN, () => {\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\n const data = Offcanvas.getOrCreateInstance(target)\n data.toggle(this)\n})\n\nEventHandler.on(window, EVENT_LOAD_DATA_API, () => {\n for (const selector of SelectorEngine.find(OPEN_SELECTOR)) {\n Offcanvas.getOrCreateInstance(selector).show()\n }\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})\n\nenableDismissTrigger(Offcanvas)\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Offcanvas)\n\nexport default Offcanvas\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): util/sanitizer.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nconst uriAttributes = new Set([\n 'background',\n 'cite',\n 'href',\n 'itemtype',\n 'longdesc',\n 'poster',\n 'src',\n 'xlink:href'\n])\n\nconst ARIA_ATTRIBUTE_PATTERN = /^aria-[\\w-]*$/i\n\n/**\n * A pattern that recognizes a commonly useful subset of URLs that are safe.\n *\n * Shout-out to Angular https://github.com/angular/angular/blob/12.2.x/packages/core/src/sanitization/url_sanitizer.ts\n */\nconst SAFE_URL_PATTERN = /^(?:(?:https?|mailto|ftp|tel|file|sms):|[^#&/:?]*(?:[#/?]|$))/i\n\n/**\n * A pattern that matches safe data URLs. Only matches image, video and audio types.\n *\n * Shout-out to Angular https://github.com/angular/angular/blob/12.2.x/packages/core/src/sanitization/url_sanitizer.ts\n */\nconst DATA_URL_PATTERN = /^data:(?:image\\/(?:bmp|gif|jpeg|jpg|png|tiff|webp)|video\\/(?:mpeg|mp4|ogg|webm)|audio\\/(?:mp3|oga|ogg|opus));base64,[\\d+/a-z]+=*$/i\n\nconst allowedAttribute = (attribute, allowedAttributeList) => {\n const attributeName = attribute.nodeName.toLowerCase()\n\n if (allowedAttributeList.includes(attributeName)) {\n if (uriAttributes.has(attributeName)) {\n return Boolean(SAFE_URL_PATTERN.test(attribute.nodeValue) || DATA_URL_PATTERN.test(attribute.nodeValue))\n }\n\n return true\n }\n\n // Check if a regular expression validates the attribute.\n return allowedAttributeList.filter(attributeRegex => attributeRegex instanceof RegExp)\n .some(regex => regex.test(attributeName))\n}\n\nexport const 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 div: [],\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\nexport function sanitizeHtml(unsafeHtml, allowList, sanitizeFunction) {\n if (!unsafeHtml.length) {\n return unsafeHtml\n }\n\n if (sanitizeFunction && typeof sanitizeFunction === 'function') {\n return sanitizeFunction(unsafeHtml)\n }\n\n const domParser = new window.DOMParser()\n const createdDocument = domParser.parseFromString(unsafeHtml, 'text/html')\n const elements = [].concat(...createdDocument.body.querySelectorAll('*'))\n\n for (const element of elements) {\n const elementName = element.nodeName.toLowerCase()\n\n if (!Object.keys(allowList).includes(elementName)) {\n element.remove()\n\n continue\n }\n\n const attributeList = [].concat(...element.attributes)\n const allowedAttributes = [].concat(allowList['*'] || [], allowList[elementName] || [])\n\n for (const attribute of attributeList) {\n if (!allowedAttribute(attribute, allowedAttributes)) {\n element.removeAttribute(attribute.nodeName)\n }\n }\n }\n\n return createdDocument.body.innerHTML\n}\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): util/template-factory.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport { DefaultAllowlist, sanitizeHtml } from './sanitizer'\nimport { getElement, isElement } from '../util/index'\nimport SelectorEngine from '../dom/selector-engine'\nimport Config from './config'\n\n/**\n * Constants\n */\n\nconst NAME = 'TemplateFactory'\n\nconst Default = {\n allowList: DefaultAllowlist,\n content: {}, // { selector : text , selector2 : text2 , }\n extraClass: '',\n html: false,\n sanitize: true,\n sanitizeFn: null,\n template: '
'\n}\n\nconst DefaultType = {\n allowList: 'object',\n content: 'object',\n extraClass: '(string|function)',\n html: 'boolean',\n sanitize: 'boolean',\n sanitizeFn: '(null|function)',\n template: 'string'\n}\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\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n getContent() {\n return Object.values(this._config.content)\n .map(config => this._resolvePossibleFunction(config))\n .filter(Boolean)\n }\n\n hasContent() {\n return this.getContent().length > 0\n }\n\n changeContent(content) {\n this._checkContent(content)\n this._config.content = { ...this._config.content, ...content }\n return this\n }\n\n toHtml() {\n const templateWrapper = document.createElement('div')\n templateWrapper.innerHTML = this._maybeSanitize(this._config.template)\n\n for (const [selector, text] of Object.entries(this._config.content)) {\n this._setContent(templateWrapper, text, selector)\n }\n\n const template = templateWrapper.children[0]\n const extraClass = this._resolvePossibleFunction(this._config.extraClass)\n\n if (extraClass) {\n template.classList.add(...extraClass.split(' '))\n }\n\n return template\n }\n\n // Private\n _typeCheckConfig(config) {\n super._typeCheckConfig(config)\n this._checkContent(config.content)\n }\n\n _checkContent(arg) {\n for (const [selector, content] of Object.entries(arg)) {\n super._typeCheckConfig({ selector, entry: content }, DefaultContentType)\n }\n }\n\n _setContent(template, content, selector) {\n const templateElement = SelectorEngine.findOne(selector, template)\n\n if (!templateElement) {\n return\n }\n\n content = this._resolvePossibleFunction(content)\n\n if (!content) {\n templateElement.remove()\n return\n }\n\n if (isElement(content)) {\n this._putElementInTemplate(getElement(content), templateElement)\n return\n }\n\n if (this._config.html) {\n templateElement.innerHTML = this._maybeSanitize(content)\n return\n }\n\n templateElement.textContent = content\n }\n\n _maybeSanitize(arg) {\n return this._config.sanitize ? sanitizeHtml(arg, this._config.allowList, this._config.sanitizeFn) : arg\n }\n\n _resolvePossibleFunction(arg) {\n return typeof arg === 'function' ? arg(this) : arg\n }\n\n _putElementInTemplate(element, templateElement) {\n if (this._config.html) {\n templateElement.innerHTML = ''\n templateElement.append(element)\n return\n }\n\n templateElement.textContent = element.textContent\n }\n}\n\nexport default TemplateFactory\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): tooltip.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport * as Popper from '@popperjs/core'\nimport { defineJQueryPlugin, findShadowRoot, getElement, getUID, isRTL, noop } from './util/index'\nimport { DefaultAllowlist } from './util/sanitizer'\nimport EventHandler from './dom/event-handler'\nimport Manipulator from './dom/manipulator'\nimport BaseComponent from './base-component'\nimport TemplateFactory from './util/template-factory'\n\n/**\n * Constants\n */\n\nconst NAME = 'tooltip'\nconst DISALLOWED_ATTRIBUTES = new Set(['sanitize', 'allowList', 'sanitizeFn'])\n\nconst CLASS_NAME_FADE = 'fade'\nconst CLASS_NAME_MODAL = 'modal'\nconst CLASS_NAME_SHOW = 'show'\n\nconst SELECTOR_TOOLTIP_INNER = '.tooltip-inner'\nconst SELECTOR_MODAL = `.${CLASS_NAME_MODAL}`\n\nconst EVENT_MODAL_HIDE = 'hide.bs.modal'\n\nconst TRIGGER_HOVER = 'hover'\nconst TRIGGER_FOCUS = 'focus'\nconst TRIGGER_CLICK = 'click'\nconst TRIGGER_MANUAL = 'manual'\n\nconst EVENT_HIDE = 'hide'\nconst EVENT_HIDDEN = 'hidden'\nconst EVENT_SHOW = 'show'\nconst EVENT_SHOWN = 'shown'\nconst EVENT_INSERTED = 'inserted'\nconst EVENT_CLICK = 'click'\nconst EVENT_FOCUSIN = 'focusin'\nconst EVENT_FOCUSOUT = 'focusout'\nconst EVENT_MOUSEENTER = 'mouseenter'\nconst EVENT_MOUSELEAVE = 'mouseleave'\n\nconst AttachmentMap = {\n AUTO: 'auto',\n TOP: 'top',\n RIGHT: isRTL() ? 'left' : 'right',\n BOTTOM: 'bottom',\n LEFT: isRTL() ? 'right' : 'left'\n}\n\nconst Default = {\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, 0],\n placement: 'top',\n popperConfig: null,\n sanitize: true,\n sanitizeFn: null,\n selector: false,\n template: '
' +\n '
' +\n '
' +\n '
',\n title: '',\n trigger: 'hover focus'\n}\n\nconst DefaultType = {\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\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\n this._setListeners()\n\n if (!this._config.selector) {\n this._fixTitle()\n }\n }\n\n // Getters\n static get Default() {\n return Default\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n enable() {\n this._isEnabled = true\n }\n\n disable() {\n this._isEnabled = false\n }\n\n toggleEnabled() {\n this._isEnabled = !this._isEnabled\n }\n\n toggle() {\n if (!this._isEnabled) {\n return\n }\n\n this._activeTrigger.click = !this._activeTrigger.click\n if (this._isShown()) {\n this._leave()\n return\n }\n\n this._enter()\n }\n\n dispose() {\n clearTimeout(this._timeout)\n\n EventHandler.off(this._element.closest(SELECTOR_MODAL), EVENT_MODAL_HIDE, this._hideModalHandler)\n\n if (this.tip) {\n this.tip.remove()\n }\n\n if (this._element.getAttribute('data-bs-original-title')) {\n this._element.setAttribute('title', this._element.getAttribute('data-bs-original-title'))\n }\n\n this._disposePopper()\n super.dispose()\n }\n\n show() {\n if (this._element.style.display === 'none') {\n throw new Error('Please use show on visible elements')\n }\n\n if (!(this._isWithContent() && this._isEnabled)) {\n return\n }\n\n const showEvent = EventHandler.trigger(this._element, this.constructor.eventName(EVENT_SHOW))\n const shadowRoot = findShadowRoot(this._element)\n const isInTheDom = (shadowRoot || this._element.ownerDocument.documentElement).contains(this._element)\n\n if (showEvent.defaultPrevented || !isInTheDom) {\n return\n }\n\n // todo v6 remove this OR make it optional\n if (this.tip) {\n this.tip.remove()\n this.tip = null\n }\n\n const tip = this._getTipElement()\n\n this._element.setAttribute('aria-describedby', tip.getAttribute('id'))\n\n const { container } = this._config\n\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\n if (this._popper) {\n this._popper.update()\n } else {\n this._popper = this._createPopper(tip)\n }\n\n tip.classList.add(CLASS_NAME_SHOW)\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\n const complete = () => {\n EventHandler.trigger(this._element, this.constructor.eventName(EVENT_SHOWN))\n\n if (this._isHovered === false) {\n this._leave()\n }\n\n this._isHovered = false\n }\n\n this._queueCallback(complete, this.tip, this._isAnimated())\n }\n\n hide() {\n if (!this._isShown()) {\n return\n }\n\n const hideEvent = EventHandler.trigger(this._element, this.constructor.eventName(EVENT_HIDE))\n if (hideEvent.defaultPrevented) {\n return\n }\n\n const tip = this._getTipElement()\n tip.classList.remove(CLASS_NAME_SHOW)\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\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\n if (!this._isHovered) {\n tip.remove()\n }\n\n this._element.removeAttribute('aria-describedby')\n EventHandler.trigger(this._element, this.constructor.eventName(EVENT_HIDDEN))\n\n this._disposePopper()\n }\n\n this._queueCallback(complete, this.tip, this._isAnimated())\n }\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\n _getTipElement() {\n if (!this.tip) {\n this.tip = this._createTipElement(this._newContent || this._getContentForTemplate())\n }\n\n return this.tip\n }\n\n _createTipElement(content) {\n const tip = this._getTemplateFactory(content).toHtml()\n\n // todo: remove this check on v6\n if (!tip) {\n return null\n }\n\n tip.classList.remove(CLASS_NAME_FADE, CLASS_NAME_SHOW)\n // todo: on v6 the following can be achieved with CSS only\n tip.classList.add(`bs-${this.constructor.NAME}-auto`)\n\n const tipId = getUID(this.constructor.NAME).toString()\n\n tip.setAttribute('id', tipId)\n\n if (this._isAnimated()) {\n tip.classList.add(CLASS_NAME_FADE)\n }\n\n return tip\n }\n\n setContent(content) {\n this._newContent = content\n if (this._isShown()) {\n this._disposePopper()\n this.show()\n }\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\n return this._templateFactory\n }\n\n _getContentForTemplate() {\n return {\n [SELECTOR_TOOLTIP_INNER]: this._getTitle()\n }\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\n _isAnimated() {\n return this._config.animation || (this.tip && this.tip.classList.contains(CLASS_NAME_FADE))\n }\n\n _isShown() {\n return this.tip && this.tip.classList.contains(CLASS_NAME_SHOW)\n }\n\n _createPopper(tip) {\n const placement = typeof this._config.placement === 'function' ?\n this._config.placement.call(this, tip, this._element) :\n this._config.placement\n const attachment = AttachmentMap[placement.toUpperCase()]\n return Popper.createPopper(this._element, tip, this._getPopperConfig(attachment))\n }\n\n _getOffset() {\n const { offset } = this._config\n\n if (typeof offset === 'string') {\n return offset.split(',').map(value => Number.parseInt(value, 10))\n }\n\n if (typeof offset === 'function') {\n return popperData => offset(popperData, this._element)\n }\n\n return offset\n }\n\n _resolvePossibleFunction(arg) {\n return typeof arg === 'function' ? arg.call(this._element) : arg\n }\n\n _getPopperConfig(attachment) {\n const defaultBsPopperConfig = {\n placement: attachment,\n modifiers: [\n {\n name: 'flip',\n options: {\n fallbackPlacements: this._config.fallbackPlacements\n }\n },\n {\n name: 'offset',\n options: {\n offset: this._getOffset()\n }\n },\n {\n name: 'preventOverflow',\n options: {\n boundary: this._config.boundary\n }\n },\n {\n name: 'arrow',\n options: {\n element: `.${this.constructor.NAME}-arrow`\n }\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 }\n\n return {\n ...defaultBsPopperConfig,\n ...(typeof this._config.popperConfig === 'function' ? this._config.popperConfig(defaultBsPopperConfig) : this._config.popperConfig)\n }\n }\n\n _setListeners() {\n const triggers = this._config.trigger.split(' ')\n\n for (const trigger of triggers) {\n if (trigger === 'click') {\n EventHandler.on(this._element, this.constructor.eventName(EVENT_CLICK), 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 ?\n this.constructor.eventName(EVENT_MOUSEENTER) :\n this.constructor.eventName(EVENT_FOCUSIN)\n const eventOut = trigger === TRIGGER_HOVER ?\n this.constructor.eventName(EVENT_MOUSELEAVE) :\n this.constructor.eventName(EVENT_FOCUSOUT)\n\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] =\n context._element.contains(event.relatedTarget)\n\n context._leave()\n })\n }\n }\n\n this._hideModalHandler = () => {\n if (this._element) {\n this.hide()\n }\n }\n\n EventHandler.on(this._element.closest(SELECTOR_MODAL), EVENT_MODAL_HIDE, this._hideModalHandler)\n }\n\n _fixTitle() {\n const title = this._element.getAttribute('title')\n\n if (!title) {\n return\n }\n\n if (!this._element.getAttribute('aria-label') && !this._element.textContent.trim()) {\n this._element.setAttribute('aria-label', title)\n }\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\n _enter() {\n if (this._isShown() || this._isHovered) {\n this._isHovered = true\n return\n }\n\n this._isHovered = true\n\n this._setTimeout(() => {\n if (this._isHovered) {\n this.show()\n }\n }, this._config.delay.show)\n }\n\n _leave() {\n if (this._isWithActiveTrigger()) {\n return\n }\n\n this._isHovered = false\n\n this._setTimeout(() => {\n if (!this._isHovered) {\n this.hide()\n }\n }, this._config.delay.hide)\n }\n\n _setTimeout(handler, timeout) {\n clearTimeout(this._timeout)\n this._timeout = setTimeout(handler, timeout)\n }\n\n _isWithActiveTrigger() {\n return Object.values(this._activeTrigger).includes(true)\n }\n\n _getConfig(config) {\n const dataAttributes = Manipulator.getDataAttributes(this._element)\n\n for (const dataAttribute of Object.keys(dataAttributes)) {\n if (DISALLOWED_ATTRIBUTES.has(dataAttribute)) {\n delete dataAttributes[dataAttribute]\n }\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\n _configAfterMerge(config) {\n config.container = config.container === false ? document.body : getElement(config.container)\n\n if (typeof config.delay === 'number') {\n config.delay = {\n show: config.delay,\n hide: config.delay\n }\n }\n\n if (typeof config.title === 'number') {\n config.title = config.title.toString()\n }\n\n if (typeof config.content === 'number') {\n config.content = config.content.toString()\n }\n\n return config\n }\n\n _getDelegateConfig() {\n const config = {}\n\n for (const key in this._config) {\n if (this.constructor.Default[key] !== this._config[key]) {\n config[key] = this._config[key]\n }\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\n _disposePopper() {\n if (this._popper) {\n this._popper.destroy()\n this._popper = null\n }\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Tooltip.getOrCreateInstance(this, config)\n\n if (typeof config !== 'string') {\n return\n }\n\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`)\n }\n\n data[config]()\n })\n }\n}\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Tooltip)\n\nexport default Tooltip\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): popover.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport { defineJQueryPlugin } from './util/index'\nimport Tooltip from './tooltip'\n\n/**\n * Constants\n */\n\nconst NAME = 'popover'\n\nconst SELECTOR_TITLE = '.popover-header'\nconst SELECTOR_CONTENT = '.popover-body'\n\nconst Default = {\n ...Tooltip.Default,\n content: '',\n offset: [0, 8],\n placement: 'right',\n template: '
' +\n '
' +\n '

' +\n '
' +\n '
',\n trigger: 'click'\n}\n\nconst DefaultType = {\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\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\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\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\n if (typeof config !== 'string') {\n return\n }\n\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`)\n }\n\n data[config]()\n })\n }\n}\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Popover)\n\nexport default Popover\n","/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.2): scrollspy.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nimport { defineJQueryPlugin, getElement, isDisabled, isVisible } from './util/index'\nimport EventHandler from './dom/event-handler'\nimport SelectorEngine from './dom/selector-engine'\nimport BaseComponent from './base-component'\n\n/**\n * Constants\n */\n\nconst NAME = 'scrollspy'\nconst DATA_KEY = 'bs.scrollspy'\nconst EVENT_KEY = `.${DATA_KEY}`\nconst DATA_API_KEY = '.data-api'\n\nconst EVENT_ACTIVATE = `activate${EVENT_KEY}`\nconst EVENT_CLICK = `click${EVENT_KEY}`\nconst EVENT_LOAD_DATA_API = `load${EVENT_KEY}${DATA_API_KEY}`\n\nconst CLASS_NAME_DROPDOWN_ITEM = 'dropdown-item'\nconst CLASS_NAME_ACTIVE = 'active'\n\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 = '.dropdown-toggle'\n\nconst Default = {\n offset: null, // 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}\n\nconst DefaultType = {\n offset: '(number|null)', // 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\n }\n\n static get DefaultType() {\n return DefaultType\n }\n\n static get NAME() {\n return NAME\n }\n\n // Public\n refresh() {\n this._initializeTargetsAndObservables()\n this._maybeEnableSmoothScroll()\n\n if (this._observer) {\n this._observer.disconnect()\n } else {\n this._observer = this._getNewObserver()\n }\n\n for (const section of this._observableSections.values()) {\n this._observer.observe(section)\n }\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\n if (typeof config.threshold === 'string') {\n config.threshold = config.threshold.split(',').map(value => Number.parseFloat(value))\n }\n\n return config\n }\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\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({ top: height, behavior: 'smooth' })\n return\n }\n\n // Chrome 60 doesn't support `scrollTo`\n root.scrollTop = height\n }\n })\n }\n\n _getNewObserver() {\n const options = {\n root: this._rootElement,\n threshold: this._config.threshold,\n rootMargin: this._config.rootMargin\n }\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\n const parentScrollTop = (this._rootElement || document.documentElement).scrollTop\n const userScrollsDown = parentScrollTop >= this._previousScrollData.parentScrollTop\n this._previousScrollData.parentScrollTop = parentScrollTop\n\n for (const entry of entries) {\n if (!entry.isIntersecting) {\n this._activeTarget = null\n this._clearActiveClass(targetElement(entry))\n\n continue\n }\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\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\n _initializeTargetsAndObservables() {\n this._targetLinks = new Map()\n this._observableSections = new Map()\n\n const targetLinks = SelectorEngine.find(SELECTOR_TARGET_LINKS, this._config.target)\n\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\n const observableSection = SelectorEngine.findOne(anchor.hash, this._element)\n\n // ensure that the observableSection exists & is visible\n if (isVisible(observableSection)) {\n this._targetLinks.set(anchor.hash, anchor)\n this._observableSections.set(anchor.hash, observableSection)\n }\n }\n }\n\n _process(target) {\n if (this._activeTarget === target) {\n return\n }\n\n this._clearActiveClass(this._config.target)\n this._activeTarget = target\n target.classList.add(CLASS_NAME_ACTIVE)\n this._activateParents(target)\n\n EventHandler.trigger(this._element, EVENT_ACTIVATE, { 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, target.closest(SELECTOR_DROPDOWN))\n .classList.add(CLASS_NAME_ACTIVE)\n return\n }\n\n for (const listGroup of SelectorEngine.parents(target, SELECTOR_NAV_LIST_GROUP)) {\n // Set triggered links parents as active\n // With both
    and